branch_name
stringclasses
149 values
text
stringlengths
23
89.3M
directory_id
stringlengths
40
40
languages
listlengths
1
19
num_files
int64
1
11.8k
repo_language
stringclasses
38 values
repo_name
stringlengths
6
114
revision_id
stringlengths
40
40
snapshot_id
stringlengths
40
40
refs/heads/main
<repo_name>MutexUnlocked/boostgangx<file_sep>/requirements.txt dwave-ocean-sdk>=3.3.0 scikit-learn==0.23.1; python_version>='3.6' scikit-learn==0.22.2.post1; python_version<'3.6' pandas==1.2.1; python_version>='3.6.1' pandas==0.25.3; python_version<'3.6.1' scipy==1.5.4; python_version>='3.6' scipy==1.4.1; python_version<'3.6' jupyter==1.0.0 matplotlib==3.3.4; python_version>='3.6' matplotlib==3.0.3; python_version<'3.6' <file_sep>/README.md # Boostgang Solar Flares <file_sep>/qboost.py # Copyright 2021 Boostgang. from sklearn.tree import DecisionTreeClassifier, DecisionTreeRegressor from sklearn.ensemble import AdaBoostClassifier, RandomForestClassifier, AdaBoostRegressor import numpy as np from copy import deepcopy def weight_penalty(prediction, y, percent = 0.1): diff = np.abs(prediction-y) min_ = diff.min() max_ = diff.max() norm = (diff-min_)/(max_-min_) norm = 1.0*(norm < percent) return norm class WeakClassifiers(object): def __init__(self, n_estimators=50, max_depth=3): self.n_estimators = n_estimators self.estimators_ = [] self.max_depth = max_depth self.__construct_wc() def __construct_wc(self): self.estimators_ = [DecisionTreeClassifier(max_depth=self.max_depth, random_state=np.random.randint(1000000,10000000)) for _ in range(self.n_estimators)] def fit(self, X, y): self.estimator_weights = np.zeros(self.n_estimators) d = np.ones(len(X)) / len(X) for i, h in enumerate(self.estimators_): h.fit(X, y, sample_weight=d) pred = h.predict(X) eps = d.dot(pred != y) if eps == 0: # to prevent divided by zero error eps = 1e-20 w = (np.log(1 - eps) - np.log(eps)) / 2 d = d * np.exp(- w * y * pred) d = d / d.sum() self.estimator_weights[i] = w def predict(self, X): if not hasattr(self, 'estimator_weights'): raise Exception('Not Fitted Error!') y = np.zeros(len(X)) for (h, w) in zip(self.estimators_, self.estimator_weights): y += w * h.predict(X) y = np.sign(y) return y def copy(self): classifier = WeakClassifiers(n_estimators=self.n_estimators, max_depth=self.max_depth) classifier.estimators_ = deepcopy(self.estimators_) if hasattr(self, 'estimator_weights'): classifier.estimator_weights = np.array(self.estimator_weights) return classifier class QBoostClassifier(WeakClassifiers): def __init__(self, n_estimators=50, max_depth=3): super(QBoostClassifier, self).__init__(n_estimators=n_estimators, max_depth=max_depth) def fit(self, X, y, sampler, lmd=0.2, **kwargs): n_data = len(X) # step 1: fit weak classifiers super(QBoostClassifier, self).fit(X, y) # step 2: create QUBO hij = [] for h in self.estimators_: hij.append(h.predict(X)) hij = np.array(hij) # scale hij to [-1/N, 1/N] hij = 1. * hij / self.n_estimators ## Create QUBO qii = n_data * 1. / (self.n_estimators ** 2) + lmd - 2 * np.dot(hij, y) qij = np.dot(hij, hij.T) Q = dict() Q.update(dict(((k, k), v) for (k, v) in enumerate(qii))) for i in range(self.n_estimators): for j in range(i + 1, self.n_estimators): Q[(i, j)] = qij[i, j] # step 3: optimize QUBO res = sampler.sample_qubo(Q, label='Example - Qboost', **kwargs) samples = np.array([[samp[k] for k in range(self.n_estimators)] for samp in res]) # take the optimal solution as estimator weights self.estimator_weights = samples[0] def predict(self, X): n_data = len(X) pred_all = np.array([h.predict(X) for h in self.estimators_]) temp1 = np.dot(self.estimator_weights, pred_all) T1 = np.sum(temp1, axis=0) / (n_data * self.n_estimators * 1.) y = np.sign(temp1 - T1) #binary classes are either 1 or -1 return y class WeakRegressor(object): """ Collection of weak decision-trees and boosting using AdaBoost. """ def __init__(self, n_estimators=50, max_depth=3, DT = True, Ada = False, ): self.n_estimators = n_estimators self.estimators_ = [] self.max_depth = max_depth self.__construct_wc() def __construct_wc(self): self.estimators_ = [DecisionTreeRegressor(max_depth=self.max_depth, random_state=np.random.randint(1000000,10000000)) for _ in range(self.n_estimators)] # self.estimators_ = [AdaBoostRegressor(random_state=np.random.randint(1000000,10000000)) # for _ in range(self.n_estimators)] def fit(self, X, y): """Fit estimators. Args: X (array): 2D array of features. y (array): 1D array of values. """ self.estimator_weights = np.zeros(self.n_estimators) #initialize all estimator weights to zero d = np.ones(len(X)) / len(X) for i, h in enumerate(self.estimators_): #fit all estimators h.fit(X, y, sample_weight=d) pred = h.predict(X) # For classification one simply compares (pred != y) # For regression we have to define another metric norm = weight_penalty(pred, y) eps = d.dot(norm) if eps == 0: # to prevent divided by zero error eps = 1e-20 w = (np.log(1 - eps) - np.log(eps)) / 2 d = d * np.exp(- w * y * pred) d = d / d.sum() self.estimator_weights[i] = w def predict(self, X): # Takes in features and rerurns data if not hasattr(self, 'estimator_weights'): raise Exception('Not Fitted Error!') y = np.zeros(len(X)) for (h, w) in zip(self.estimators_, self.estimator_weights): y += w * h.predict(X) y = np.sign(y) return y def copy(self): classifier = WeakRegressor(n_estimators=self.n_estimators, max_depth=self.max_depth) classifier.estimators_ = deepcopy(self.estimators_) if hasattr(self, 'estimator_weights'): classifier.estimator_weights = np.array(self.estimator_weights) return classifier class QBoostRegressor(WeakRegressor): #QBoost regressor based on collection of weak decision-tree regressors. def __init__(self, n_estimators=50, max_depth=3): super(QBoostRegressor, self).__init__(n_estimators=n_estimators, max_depth=max_depth) self.Qu = 0.0 self.hij = 0.0 self.var1 = 0.0 self.qij = 0.0 def fit(self, X, y, sampler, lmd=0.2, **kwargs): n_data = len(X) # step 1: fit weak classifiers super(QBoostRegressor, self).fit(X, y) # step 2: create QUBO hij = [] for h in self.estimators_: hij.append(h.predict(X)) hij = np.array(hij) # scale hij to [-1/N, 1/N] hij = 1. * hij / self.n_estimators self.hij = hij ## Create QUBO qii = n_data * 1. / (self.n_estimators ** 2) + lmd - 2 * np.dot(hij, y) self.var1 = qii qij = np.dot(hij, hij.T) self.qij = qij Q = dict() Q.update(dict(((k, k), v) for (k, v) in enumerate(qii))) for i in range(self.n_estimators): for j in range(i + 1, self.n_estimators): Q[(i, j)] = qij[i, j] self.Qu = Q # step 3: optimize QUBO res = sampler.sample_qubo(Q, label='Example - Qboost', **kwargs) samples = np.array([[samp[k] for k in range(self.n_estimators)] for samp in res]) self.estimator_weights = samples[0] def predict(self, X): n_data = len(X) pred_all = np.array([h.predict(X) for h in self.estimators_]) temp1 = np.dot(self.estimator_weights, pred_all) norm = np.sum(self.estimator_weights) if norm > 0: y = temp1 / norm else: y = temp1 return y <file_sep>/demo.py # Copyright 2021 Boostgang. from __future__ import print_function, division import sys import numpy as np from sklearn import preprocessing, metrics from sklearn.ensemble import AdaBoostClassifier from sklearn.datasets import load_breast_cancer, fetch_openml from sklearn.impute import SimpleImputer from dwave.system.samplers import DWaveSampler from sklearn.model_selection import train_test_split from dwave.system.composites import EmbeddingComposite from qboost import WeakClassifiers, QBoostClassifier def metric(y, y_pred): return metrics.accuracy_score(y, y_pred) def print_accuracy(y_train, y_train_pred, y_test, y_test_pred): """Print information about accuracy.""" print(' Accuracy on training set: {:5.2f}'.format(metric(y_train, y_train_pred))) print(' Accuracy on test set: {:5.2f}'.format(metric(y_test, y_test_pred))) def train_models(X_train, y_train, X_test, y_test, lmd, verbose=False): NUM_READS = 3000 NUM_WEAK_CLASSIFIERS = 35 # lmd = 0.5 TREE_DEPTH = 3 # define sampler dwave_sampler = DWaveSampler() emb_sampler = EmbeddingComposite(dwave_sampler) N_train = len(X_train) N_test = len(X_test) print('Size of training set:', N_train) print('Size of test set: ', N_test) print('Number of weak classifiers:', NUM_WEAK_CLASSIFIERS) print('Tree depth:', TREE_DEPTH) # input: dataset X and labels y (in {+1, -1} # Preprocessing data scaler = preprocessing.StandardScaler() # standardize features normalizer = preprocessing.Normalizer() # normalize samples X_train = scaler.fit_transform(X_train) X_train = normalizer.fit_transform(X_train) X_test = scaler.fit_transform(X_test) X_test = normalizer.fit_transform(X_test) # =============================================== print('\nAdaboost:') clf = AdaBoostClassifier(n_estimators=NUM_WEAK_CLASSIFIERS) clf.fit(X_train, y_train) hypotheses_ada = clf.estimators_ y_train_pred = clf.predict(X_train) y_test_pred = clf.predict(X_test) print_accuracy(y_train, y_train_pred, y_test, y_test_pred) # =============================================== print('\nDecision tree:') clf2 = WeakClassifiers(n_estimators=NUM_WEAK_CLASSIFIERS, max_depth=TREE_DEPTH) clf2.fit(X_train, y_train) y_train_pred2 = clf2.predict(X_train) y_test_pred2 = clf2.predict(X_test) if verbose: print('weights:\n', clf2.estimator_weights) print_accuracy(y_train, y_train_pred2, y_test, y_test_pred2) # =============================================== print('\nQBoost:') DW_PARAMS = {'num_reads': NUM_READS, 'auto_scale': True, 'num_spin_reversal_transforms': 10, } clf3 = QBoostClassifier(n_estimators=NUM_WEAK_CLASSIFIERS, max_depth=TREE_DEPTH) clf3.fit(X_train, y_train, emb_sampler, lmd=lmd, **DW_PARAMS) y_train_dw = clf3.predict(X_train) y_test_dw = clf3.predict(X_test) if verbose: print('weights\n', clf3.estimator_weights) print_accuracy(y_train, y_train_dw, y_test, y_test_dw) if __name__ == '__main__': print('Solar Flae:') X,y = fetch_openml('solar-flare', version=1, return_X_y=True) # train on a random 2/3 and test on the remaining 1/3 X_train, X_test, y_train, y_test = train_test_split (X,y, test_size = 0.3, random_state = 0) print(y_train) y_train = 2*(y_train == '1') - 1 y_test = 2*(y_test == '1') - 1 print(y_train) train_models(X_train, y_train, X_test, y_test, 1.0)
345ee540aea43720dd7af25b980a7c511801fd00
[ "Markdown", "Python", "Text" ]
4
Text
MutexUnlocked/boostgangx
47d0992de93fb93d48fb8cd760bdf95c647364ad
e6d29524a6bac661fefa1eb845ecc4ba943136b2
refs/heads/master
<repo_name>brti/simple-vagrant<file_sep>/README.md # simple-vagrant This repository provides an easy way of creating, and setting up Vagrant boxes by reading in the configuration specified in the `box.json` file. ##Usage To use this repository just clone it, and copy the files into the directory of your current project. Once that has done all you have to do then is edit the `box.json` file to your desired configuration. ##Configuration All of the configuration takes place in the `box.json`, listed below are the different attributes within the `box.json` file, and what they are used for. #####box The name of the Vagrant box you wish to use. #####name The hostname of the virtual machine that will be created. #####public_key The public SSH key used to access the virtual machine. #####os_type The OS type for the virtual machine. #####ip_address The IP address to be used for the virtual machine. You may need to change this to an unused IP address on your network. #####memory The amount of memory in MB for the virtual machine to have. #####cpus The number of VCPUS for the virtual machine. #####provider The virtual machine provider, this can be VirtualBox, VMware, or Parallels. #####provision Path to the provision script to be run when the machine is being provisioned. #####folders An array of folders to map to the virtual machine. #####keys An array of private keys to be added to the virtual machine for SSH. <file_sep>/provision.sh #!/usr/bin/bash # This is the provision script that will be run when provisioning the Vagrant box.
fe2c14367bbb9973358bf3b64f791c240850f8c2
[ "Markdown", "Shell" ]
2
Markdown
brti/simple-vagrant
b58d5af9fd7536969326e64e0a12a7184d51fa0e
52f57f55806a072793923b52ca0b313634a5f5e6
refs/heads/master
<file_sep>using UnityEngine; using UnityEngine.Rendering; public class LinkedListOIT : MonoBehaviour { public Material sortMaterial; ComputeBuffer headPointerBuffer; ComputeBuffer nodeBuffer; private int[] headPointerBuffer_data; private void Start() { int screenSize = Screen.width * Screen.height; int screenOverdraw = 4; headPointerBuffer_data = new int[screenSize]; for(int i = 0; i < headPointerBuffer_data.Length; i++) headPointerBuffer_data[i] = -1; headPointerBuffer = new ComputeBuffer(screenSize, sizeof(int)); nodeBuffer = new ComputeBuffer(screenSize * screenOverdraw, sizeof(float) * 4 + sizeof(float) + sizeof(int), ComputeBufferType.Counter); Shader.SetGlobalBuffer("_HeadPointerBuffer", headPointerBuffer); Shader.SetGlobalBuffer("_NodeBuffer", nodeBuffer); } private void Update() { } void OnPreRender() { headPointerBuffer.SetData(headPointerBuffer_data); nodeBuffer.SetCounterValue(0); //Graphics.ClearRandomWriteTargets(); Graphics.SetRandomWriteTarget(1, headPointerBuffer); Graphics.SetRandomWriteTarget(2, nodeBuffer); } void OnPostRender() { Graphics.ClearRandomWriteTargets(); } void OnRenderImage(RenderTexture src, RenderTexture dest) { Graphics.Blit(src, dest, sortMaterial); } private void OnDestroy() { if(headPointerBuffer != null) headPointerBuffer.Dispose(); if(nodeBuffer != null) nodeBuffer.Dispose(); } } <file_sep># LinkedListOIT OIT 链表原型 尝试OpenGL和Dx11版本
f32b03cbefb73bf36fa3eb34ae3043dd7406626e
[ "Markdown", "C#" ]
2
C#
ArionTT/LinkedListOIT
1a3a920cb74d9db4ce0c9064cd1e3fbf563fa36f
4afe28e0ad4ceb5f6b7259d8d88acbbc47dbe8ed
refs/heads/main
<file_sep># Simple BFF demo with Cloud Run A demo application shows Simple BFF (Backends For Frontends) with [Cloud Run](https://cloud.google.com/run). The requests from BFF go through [Serverless VPC Access](https://cloud.google.com/vpc/docs/configure-serverless-vpc-access) and your VPC, internally reach out to Backend APIs. ![architecture](https://storage.googleapis.com/handson-images/simple-bff-image.png) ## How to use ### 1. Preparation Set your preferred Google Cloud region name. ```shell export REGION_NAME={{REGION_NAME}} ``` Set your Google Cloud Project ID ```shell export PROJECT_ID={{PROJECT_ID}} ``` Set your Artifact Registry repository name ```shell export REPO_NAME={{REPO_NAME}} ``` Set your VPC name ```shell export VPC_NAME={{VPC_NAME}} ``` Enable Google Cloud APIs ```shell gcloud services enable \ run.googleapis.com \ artifactregistry.googleapis.com \ cloudbuild.googleapis.com \ vpcaccess.googleapis.com \ cloudtrace.googleapis.com ``` ### 2. build container images Note: please make your own [Artifact Registry repo](https://cloud.google.com/artifact-registry/docs/docker/quickstart) in advance, if you don't have it yet. #### Build Backend image ```shell git clone [email protected]:kazshinohara/simple-bff-demo.git ``` ```shell cd simple-bff-demo/backend ``` ```shell gcloud builds submit --tag ${REGION_NAME}-docker.pkg.dev/${PROJECT_ID}/${REPO_NAME}/backend:v1 ``` #### Build BFF image ```shell cd ../bff ``` ```shell gcloud builds submit --tag ${REGION_NAME}-docker.pkg.dev/${PROJECT_ID}/${REPO_NAME}/bff:v1 ``` ### 3. Prepare Serverless VPC Access Connector Create a subnet in your VPC, which will be used by Serverless VPC Connector. You can choose your preferred CIDR range, but it must be /28 and the one which is not used by other resources. ```shell gcloud compute networks subnets create serverless-subnet-01 \ --network ${VPC_NAME} \ --range 192.168.255.0/28 \ --enable-flow-logs \ --enable-private-ip-google-access \ --region ${REGION_NAME} ``` Create a Serverless VPC Access Connector. ```shell gcloud compute networks vpc-access connectors create bff-internal \ --region ${REGION_NAME} \ --subnet serverless-subnet-01 ``` Confirm if the connector has been created. ```shell gcloud compute networks vpc-access connectors describe bff-internal \ --region ${REGION_NAME} ``` ### 4. Deploy containers to Cloud Run (fully managed) Set Cloud Run's base configuration. ```bash gcloud config set run/region ${REGION_NAME} gcloud config set run/platform managed ``` Deploy Backend A ```bash gcloud run deploy backend-a \ --image=${REGION_NAME}-docker.pkg.dev/${PROJECT_ID}/${REPO_NAME}/backend:v1 \ --allow-unauthenticated \ --set-env-vars=VERSION=v1,KIND=backend-a \ --ingress internal ``` Deploy Backend B ```bash gcloud run deploy backend-b \ --image=${REGION_NAME}-docker.pkg.dev/${PROJECT_ID}/${REPO_NAME}/backend:v1 \ --allow-unauthenticated \ --set-env-vars=VERSION=v1,KIND=backend-b \ --ingress internal ``` Deploy Backend C ```bash gcloud run deploy backend-c \ --image=${REGION_NAME}-docker.pkg.dev/${PROJECT_ID}/${REPO_NAME}/backend:v1 \ --allow-unauthenticated \ --set-env-vars=VERSION=v1,KIND=backend-c \ --ingress internal ``` Get all of backend's URLs ```bash export BE_A=$(gcloud run services describe backend-a --format json | jq -r '.status.address.url') ``` ```bash export BE_B=$(gcloud run services describe backend-b --format json | jq -r '.status.address.url') ``` ```bash export BE_C=$(gcloud run services describe backend-c --format json | jq -r '.status.address.url') ``` ```bash gcloud run deploy bff \ --image=${REGION_NAME}-docker.pkg.dev/${PROJECT_ID}/${REPO_NAME}/bff:v1 \ --allow-unauthenticated \ --set-env-vars=VERSION=v1,KIND=bff,BE_A=${BE_A},BE_B=${BE_B},BE_C=${BE_C} \ --vpc-connector bff-internal \ --vpc-egress all-traffic ``` Get BFF's URL ```bash export BFF_URL=$(gcloud run services describe bff --format json | jq -r '.status.address.url') ``` ### 5. Check behavior If you could see the following output, it indicates that BFF talks with Backends via the connector. ```shell curl -X GET ${BFF_URL}/bff | jq ``` ```shell { "backend_a_version": "v1", "backend_b_version": "v1", "backend_c_version": "v1" } ``` In the end, let's see tracing information via [Cloud Console](https://console.cloud.google.com/traces/list). This sample application has [Cloud Trace](https://cloud.google.com/trace) integration, you can see the span between bff and backends like below. ![Trace_list](https://storage.googleapis.com/handson-images/simple-bff-trace.png) <file_sep>package main import ( "encoding/json" "log" "net/http" "os" "time" "contrib.go.opencensus.io/exporter/stackdriver" "github.com/gorilla/mux" "go.opencensus.io/plugin/ochttp" "go.opencensus.io/plugin/ochttp/propagation/tracecontext" "go.opencensus.io/trace" ) var ( port = os.Getenv("PORT") version = os.Getenv("VERSION") kind = os.Getenv("KIND") ) type rootResponse struct { Version string `json:"version"` // v1, v2, v3 Kind string `json:"kind"` // backend, backend-b, backend-c Message string `json:"message"` } func fetchRootResponse(w http.ResponseWriter, r *http.Request) { ctx := r.Context() HTTPFormat := &tracecontext.HTTPFormat{} if spanContext, ok := HTTPFormat.SpanContextFromRequest(r); ok { _, span := trace.StartSpanWithRemoteParent(ctx, kind, spanContext) defer span.End() responseBody, err := json.Marshal(&rootResponse{ Version: version, Kind: kind, Message: "Welcome to " + kind + ". ", }) if err != nil { log.Printf("could not json.Marshal: %v", err) w.WriteHeader(http.StatusInternalServerError) return } // for Tracing demo time.Sleep(100 * time.Millisecond) w.Header().Set("Content-type", "application/json") w.Write(responseBody) } } func main() { // Set up Tracing exporter, err := stackdriver.NewExporter(stackdriver.Options{}) if err != nil { log.Fatal("CloudTrace: ", err) } trace.RegisterExporter(exporter) trace.ApplyConfig(trace.Config{ DefaultSampler: trace.AlwaysSample(), }) // Set up Routing and Server router := mux.NewRouter().StrictSlash(true) router.HandleFunc("/", fetchRootResponse).Methods("GET") var handler http.Handler = router handler = &ochttp.Handler{ Handler: handler, Propagation: &tracecontext.HTTPFormat{}, } er := http.ListenAndServe(":"+port, handler) if er != nil { log.Fatal("ListenAndServer: ", er) } } <file_sep>package main import ( "context" "encoding/json" "github.com/gorilla/mux" "io/ioutil" "log" "net/http" "os" "time" "contrib.go.opencensus.io/exporter/stackdriver" "go.opencensus.io/trace" "go.opencensus.io/plugin/ochttp" "go.opencensus.io/plugin/ochttp/propagation/tracecontext" ) var ( port = os.Getenv("PORT") version = os.Getenv("VERSION") kind = os.Getenv("KIND") backendA = os.Getenv("BE_A") backendB = os.Getenv("BE_B") backendC = os.Getenv("BE_C") ) type commonResponse struct { Version string `json:"version"` // v1, v2, v3 Kind string `json:"kind"` // backend, backend-b, backend-c Message string `json:"message"` } type bffResponse struct { BackendAVersion string `json:"backend_a_version"` BackendBVersion string `json:"backend_b_version"` BackendCVersion string `json:"backend_c_version"` } func fetchBackend(target string, path string, ctx context.Context, span *trace.Span) *commonResponse { var backendRes commonResponse client := &http.Client{} client.Timeout = time.Second * 5 req, err := http.NewRequest("GET", target+path, nil) if err != nil { log.Printf("could not make a new request: %v", err) return &backendRes } req = req.WithContext(ctx) format := &tracecontext.HTTPFormat{} format.SpanContextToRequest(span.SpanContext(), req) resp, err := client.Do(req) if err != nil { log.Printf("could not feach backend: %v", err) return &backendRes } defer resp.Body.Close() body, err := ioutil.ReadAll(resp.Body) if err != nil { log.Printf("could not read response body: %v", err) } if err := json.Unmarshal(body, &backendRes); err != nil { log.Printf("could not json.Unmarshal: %v", err) } return &backendRes } func fetchRootResponse(w http.ResponseWriter, r *http.Request) { responseBody, err := json.Marshal(&commonResponse{ Version: version, Kind: kind, Message: "Welcome to " + kind + " API. ", }) if err != nil { log.Printf("could not json.Marshal: %v", err) w.WriteHeader(http.StatusInternalServerError) return } w.Header().Set("Content-type", "application/json") w.Write(responseBody) } func fetchBffResponse(w http.ResponseWriter, r *http.Request) { // Create span ctx, span := trace.StartSpan(context.Background(), kind) defer span.End() childCtx, cancel := context.WithTimeout(ctx, 3000*time.Millisecond) defer cancel() backendARes := fetchBackend(backendA, "", childCtx, span) backendBRes := fetchBackend(backendB, "", childCtx, span) backendCRes := fetchBackend(backendC, "", childCtx, span) rootRes := bffResponse{ BackendAVersion: backendARes.Version, BackendBVersion: backendBRes.Version, BackendCVersion: backendCRes.Version, } responseBody, err := json.Marshal(rootRes) if err != nil { log.Printf("could not json.Marshal: %v", err) w.WriteHeader(http.StatusInternalServerError) return } w.Header().Set("Content-Type", "application/json") w.Write(responseBody) } func main() { // Set up Tracing exporter, err := stackdriver.NewExporter(stackdriver.Options{}) if err != nil { log.Fatal("Tracing: ", err) } trace.RegisterExporter(exporter) trace.ApplyConfig(trace.Config{ DefaultSampler: trace.AlwaysSample(), }) // Set up Routing and Server router := mux.NewRouter().StrictSlash(true) router.HandleFunc("/", fetchRootResponse).Methods("GET") router.HandleFunc("/bff", fetchBffResponse).Methods("GET") var handler http.Handler = router handler = &ochttp.Handler{ Handler: handler, Propagation: &tracecontext.HTTPFormat{}, } er := http.ListenAndServe(":"+port, handler) if er != nil { log.Fatal("ListenAndServer: ", er) } } <file_sep>module simple-bff.com/backend go 1.16 require ( contrib.go.opencensus.io/exporter/stackdriver v0.13.8 github.com/gorilla/mux v1.8.0 go.opencensus.io v0.23.0 )
1c38dac9900a0cd7e8422c16960a1a86ca70aca1
[ "Markdown", "Go Module", "Go" ]
4
Markdown
kazshinohara/simple-bff-demo
dab02d41b8c49b7805be300299ee31d7073f670a
173456ddf08178113ce64a9cec71c2c0833b4947
refs/heads/master
<repo_name>unicaes-ing/practica-09-MaximoZM77<file_sep>/Practica9/Practica9/ejercicio1.cs using System; using System.Collections.Generic; using System.Linq; using System.Text; using System.Threading.Tasks; namespace Practica9 { class ejercicio1 { static void Main(string[] args) { List<string> Fruta = new List<string>(); Fruta.Add("1.Fresa"); Fruta.Add("2.Uva"); Fruta.Add("3.Kiwi"); Fruta.Add("4.Naranja"); Fruta.Add("5.Pera"); int opcion; Console.WriteLine("===========MENU==========="); Console.WriteLine("1)Agregar a la lista"); Console.WriteLine("2)Mostrar lista"); Console.WriteLine("3)Insertar en la lista"); Console.WriteLine("4)Eliminar de la lista"); Console.WriteLine("5)Buscar en la lista"); Console.WriteLine("6)Vaciar lista"); Console.WriteLine("7)Salir"); Console.WriteLine("=========================="); opcion = Convert.ToInt32(Console.ReadLine()); switch (opcion) { //Agregar case 1: string fruta; Console.Clear(); Console.WriteLine("¿Que cantidad de fruta desea?"); int cant = Convert.ToInt32(Console.ReadLine()); int[] agregar = new int[cant]; for (int i = 0; i < agregar.Length; i++) { Console.Write("Fruta: "); fruta = Console.ReadLine(); Fruta.Add(fruta); } Console.Clear(); foreach (string Fru in Fruta) { Console.WriteLine(Fru); } break; //Mostrar case 2: Console.Clear(); foreach (string Fru in Fruta) { Console.WriteLine(Fru); } break; //Insertar case 3: Console.Clear(); int N1; string NEW; Console.WriteLine("Cual es el numero del indice donde desea agregar su fruta"); N1 = Convert.ToInt32(Console.ReadLine()); Console.WriteLine("Cual es la nueva fruta que desea agregar"); NEW = Console.ReadLine(); Fruta.Insert(N1, NEW); Console.Clear(); foreach (string Fru in Fruta) { Console.WriteLine(Fru); } break; //Eliminar case 4: Console.Clear(); int N2; Console.WriteLine("¿Cual es la cantidad de fruta que desea eliminar?"); N2 = Convert.ToInt32(Console.ReadLine()); Fruta.RemoveAt(N2); Console.Clear(); foreach (string Fru in Fruta) { Console.WriteLine(Fru); } break; //Buscar case 5: Console.Clear(); string bucar; Console.WriteLine("¿Que fruta bucar?"); bucar = Console.ReadLine(); do { Console.BackgroundColor = ConsoleColor.Yellow; Console.WriteLine("Se encontro la fruta dentro de la lista."); } while ((Fruta.Contains(bucar))); break; //Vaciar case 6: Console.Clear(); Fruta.Clear(); break; //Salir case 7: Console.Clear(); Console.WriteLine("Presione <Enter> para salir."); break; } Console.ReadKey(); } } }<file_sep>/Practica9/Practica9/ejercicio2.cs using System; using System.Collections.Generic; using System.Linq; using System.Text; using System.Threading.Tasks; namespace Practica9 { class Ejercicio2 { public struct Alumnos { public string Carnet; public string Nombre; public string Carrera; private double CUM; public void setCUM(double cum) { if (cum >= 0) { if (cum <= 10) { this.CUM = cum; } } } public double getCUM() { return CUM; } } static void Main(string[] args) { Dictionary<string, Alumnos> DatAlum = new Dictionary<string, Alumnos>(); int Opcion; Console.WriteLine("===========MENU==========="); Console.WriteLine("1)Agregar Alumno"); Console.WriteLine("2)Mostrar Alumnos"); Console.WriteLine("3)Eliminar Alumno"); Console.WriteLine("4)Buscar Alumno"); Console.WriteLine("6)Vaciar Diccionario"); Console.WriteLine("7)Salir"); Console.WriteLine("=========================="); Opcion = Convert.ToInt32(Console.ReadLine()); int Cant; switch (Opcion) { //Agregar case 1: Console.Clear(); Console.Write("Escriba la cantidad de alumnos que desea ingresar:"); Cant = Convert.ToInt32(Console.ReadLine()); Console.WriteLine(); for (int i = 0; i < Cant; i++) { Alumnos A = new Alumnos(); Console.WriteLine("Alumno N°{0}", i + 1); do { Console.Write("Escriba el carnet del alumno: "); A.Carnet = Console.ReadLine(); if (DatAlum.ContainsKey(A.Carnet)) { Console.WriteLine("El Carnet: {0} ya existe.", A.Carnet); } } while (DatAlum.ContainsKey(A.Carnet)); Console.Write("Favor ingrese el nombre del alumno: "); A.Nombre = Console.ReadLine(); Console.Write("Favor ingrese la carrera que cursa el alumno: "); A.Carrera = Console.ReadLine(); Console.WriteLine("Favor ingresar el CUM del alumno: "); A.setCUM(Convert.ToDouble(Console.ReadLine())); DatAlum.Add(A.Carnet, A); } break; //Mostrar case 2: Console.Clear(); foreach (KeyValuePair<string, Alumnos> Datos in DatAlum) { Console.WriteLine(Datos); } break; //Eliminar case 3: Console.Clear(); string e; Console.WriteLine("Favor ingrese el numero de carnet del alumno que desea eliminar de la lista"); e = Console.ReadLine(); DatAlum.Remove(e); foreach (KeyValuePair<string, Alumnos> Datos in DatAlum) { Console.WriteLine(Datos); } break; //Buscar case 4: Console.Clear(); string o; Console.WriteLine("¿Que alumno desea bucar?"); o = Console.ReadLine(); do { Console.BackgroundColor = ConsoleColor.Green; Console.WriteLine("El alumno se encuentro con exito en la lista."); } while ((DatAlum.ContainsKey(o))); break; //Vaciar case 5: Console.Clear(); DatAlum.Clear(); break; //Salir case 6: Console.Clear(); Console.WriteLine("Presione <Enter> para salir"); break; } } } }
bbb37ff26f25590d31559d4b2738b0b374bf9353
[ "C#" ]
2
C#
unicaes-ing/practica-09-MaximoZM77
07cabb927324792607278fc3a62ec1d6bf04ce10
0c92c07bef613de6dd2890ab1f43756627e3300e
refs/heads/main
<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; using System.Data; namespace WebApplication4 { public partial class foward : System.Web.UI.Page { public String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; public SqlConnection com; public SqlCommand comm; public SqlDataAdapter adap; public DataSet ds; SqlDataReader big; protected void Page_Load(object sender, EventArgs e) { } public int Tailors() { String name_of_Tailor = Session["Value2"].ToString(); int Tailor = 0; com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM Tailor WHERE first_name='" + name_of_Tailor + "'"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { Tailor = int.Parse(big.GetValue(0).ToString()); } return Tailor; } protected void Button1_Click(object sender, EventArgs e) { Response.Redirect("ViewAppointment.aspx"); } protected void Button2_Click(object sender, EventArgs e) { Response.Redirect("ViewAppointment2.aspx"); } } }<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; using System.Data; namespace WebApplication4 { //Hint never forget to close the connection when the Database is done. public partial class Uniform_cart : System.Web.UI.Page { public String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; public SqlConnection com; public SqlCommand comm; public SqlDataAdapter adap; public DataSet ds; SqlDataReader big; public int Product() { int customer_id = new Appointment().Customer(); int product_id = 0; if (Session["Value1"] == null) { Response.Redirect("Login.aspx"); } else { com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM uniform_cart WHERE customer_id='" + customer_id + "'"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { product_id = int.Parse(big.GetValue(1).ToString()); } } return product_id; } protected void Page_Load(object sender, EventArgs e) { //populate the grid view with the iterms/product that the user has selected int product_id = Product(); if (Session["Value1"] == null) { Response.Redirect("Login.aspx"); } else { if (!Page.IsPostBack) { com = new SqlConnection(con); com.Open(); string sss = $"SELECT product_name, price FROM product WHERE product_id='" + product_id + "'"; ds = new DataSet(); adap = new SqlDataAdapter(); comm = new SqlCommand(sss, com); adap.SelectCommand = comm; adap.Fill(ds); GridView1.DataSource = ds; GridView1.DataBind(); com.Close(); // close the connection } } } protected void Button2_Click(object sender, EventArgs e) { int product_id = Product(); com = new SqlConnection(con); com.Open(); string delete_query = "DELETE FROM uniform_cart WHERE product_id ='" + product_id + "'"; SqlCommand cmd = new SqlCommand(delete_query, com); SqlDataAdapter adap = new SqlDataAdapter(); adap.DeleteCommand = cmd; adap.DeleteCommand.ExecuteNonQuery(); com.Close(); Session["Value1"] = "ha"; Response.Redirect("productIterms.aspx"); } protected void Button1_Click(object sender, EventArgs e) { Response.Redirect("delivery.aspx"); } } }<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; using System.Data; namespace WebApplication4 { public partial class delivery : System.Web.UI.Page { public String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; public SqlConnection com; public SqlCommand comm; public SqlDataAdapter adap; public DataSet ds; SqlDataReader big; protected void Page_Load(object sender, EventArgs e) { if (Session["Value1"] == null) { Response.Redirect("Login.aspx"); } else { try { com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM address"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { Label1.Text = big.GetValue(1).ToString() + ", " + big.GetValue(2).ToString() + ", " + big.GetValue(3).ToString(); } } catch { Console.WriteLine("Error processing Table to the gridview"); } } } public int Address2() // get the address_id from address table { int address = 0; int customer_id = new Appointment().Customer(); //call the customer method to use as a condition com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM address WHERE customer_id='" + customer_id + "'"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { address = int.Parse(big.GetValue(0).ToString()); } return address; } protected void Button1_Click(object sender, EventArgs e) { int customer_id = new Appointment().Customer(); //when the user clickes the confirm buttom then this method is envoked int address_id = Address2(); // call the needed methods String type = "door house"; int fee = 20; try { com = new SqlConnection(con); com.Open(); string sss = $"INSERT INTO delivery (deliveryType, delivery_fee, address_id, customer_id) VALUES ('{type}', '{fee}', '{address_id}', '{customer_id}')"; // save the valiues comm = new SqlCommand(sss, com); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); Label2.Text = "Address successfully confirmed, you may proceed"; } catch { Console.WriteLine("Error processing Table to the gridview"); } } protected void Button2_Click(object sender, EventArgs e) { Response.Redirect("delete.aspx"); } protected void Button3_Click(object sender, EventArgs e) { Session["Value4"] = "50"; int customer_id = new Appointment().Customer(); int address_id = new Appointment().Address(); string type = "pickup"; int fee = 1; try { com = new SqlConnection(con); com.Open(); string sss = $"INSERT INTO delivery (deliveryType, delivery_fee, address_id, customer_id) VALUES ('{type}', '{fee}', '{address_id}', '{customer_id}')"; // save the valiues comm = new SqlCommand(sss, com); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); } catch { Console.WriteLine("Error processing Table to the gridview"); } } protected void Button4_Click(object sender, EventArgs e) { Response.Redirect("payment.aspx"); } } }<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; using System.Data; namespace WebApplication4 { public partial class WebForm1 : System.Web.UI.Page { protected void Page_Load(object sender, EventArgs e) { } String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; SqlConnection com; SqlCommand comm; SqlDataAdapter adap; DataSet set; SqlDataReader big; protected void Button1_Click(object sender, EventArgs e) { int cellNo = int.Parse(TextBox3.Text); try { com = new SqlConnection(con); com.Open(); string sss = $"INSERT INTO customer (first_name, last_name, cellNo, password) VALUES ('{TextBox1.Text}', '{TextBox2.Text}', '{cellNo}', '{TextBox4.Text}')"; comm = new SqlCommand(sss, com); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); Response.Redirect("Login.aspx"); } catch { Console.WriteLine("Error processing Table to the gridview"); } } } }<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; using System.Data; namespace WebApplication4 { public partial class WebForm3 : System.Web.UI.Page { public String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; public SqlConnection com; public SqlCommand comm; public SqlDataAdapter adap; public DataSet ds; SqlDataReader big; protected void Page_Load(object sender, EventArgs e) { } protected void Button1_Click(object sender, EventArgs e) { //int customer_id = new Appointment().Customer(); //when the user clickes the confirm buttom then this method is envoked //int address_id = Address2(); // call the needed methods String type = "door house"; DateTime date = DateTime.Now; int id = 16; int fee = 20; try { com = new SqlConnection(con); com.Open(); string sss = $"INSERT INTO orders (customer_id) VALUES ('{id}')"; // save the valiues comm = new SqlCommand(sss, com); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); } catch { Console.WriteLine("Error processing Table to the gridview"); } } protected void Button2_Click(object sender, EventArgs e) { } } }<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; using System.Data; namespace WebApplication4 { public partial class Login : System.Web.UI.Page { protected void Page_Load(object sender, EventArgs e) { } String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; SqlConnection com; SqlCommand comm; SqlDataAdapter adap; DataSet set; SqlDataReader big; protected void Button1_Click(object sender, EventArgs e) { Session["Value2"] = TextBox1.Text; try { com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM Tailor"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { if (big[1].ToString() == TextBox1.Text && big[4].ToString() == TextBox4.Text) { Response.Redirect("foward.aspx"); } else { Label5.Text = "incorrect username or password"; } } com.Close(); } catch { Console.WriteLine("Error occured while checking the existance of the user"); } } protected void Button3_Click(object sender, EventArgs e) { Session["Value1"] = TextBox1.Text; try { com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM customer"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { if (big[1].ToString() == TextBox1.Text && big[4].ToString() == TextBox4.Text) { Response.Redirect("landing.html"); } else { Label5.Text = "incorrect username or password"; } } com.Close(); } catch { Console.WriteLine("Error occured while checking the existance of the user"); } } } }<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; using System.Data; namespace WebApplication4 { public partial class Appointment : System.Web.UI.Page { public String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; public SqlConnection com; public SqlCommand comm; public SqlDataAdapter adap; public DataSet ds; SqlDataReader big; protected void Page_Load(object sender, EventArgs e) { try { if (Session["Value1"] == null) { Response.Redirect("Login.aspx"); } else { if (!Page.IsPostBack) { com = new SqlConnection(con); com.Open(); string sss = $"SELECT first_name, tailor_id FROM Tailor "; ds = new DataSet(); adap = new SqlDataAdapter(); comm = new SqlCommand(sss, com); adap.SelectCommand = comm; adap.Fill(ds); DropDownList1.DataTextField = "first_name"; DropDownList1.DataSource = ds; DropDownList1.DataBind(); com.Close(); } } } catch { Console.WriteLine("Error processing Table to the gridview"); } } public void DropDownList1_SelectedIndexChanged(object sender, EventArgs e) { String name_of_Tailor = DropDownList1.SelectedValue.ToString(); Label3.Text = name_of_Tailor; } public int Tailors() { String name_of_Tailor = DropDownList1.Text; int Tailor = 0; com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM Tailor WHERE first_name='" + name_of_Tailor + "'"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { Tailor = int.Parse(big.GetValue(0).ToString()); } return Tailor; } public int Customer() // get the customer_id when the user log in { // String name_of_customer = Session["Value1"].ToString(); int customer = 0; if (Session["Value1"].ToString() != null || Session["Value1"].ToString() != "") { com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM customer WHERE first_name='" + Session["Value1"].ToString() + "'"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { customer = int.Parse(big.GetValue(0).ToString()); } } else { Response.Redirect("Login.aspx"); } return customer; } protected void RadioButton1_CheckedChanged(object sender, EventArgs e) { try { int houseNumber = int.Parse(TextBox7.Text); int tailor_id = Tailors(); int customer_id = Customer(); com = new SqlConnection(con); com.Open(); string sss = $"INSERT INTO address(steet, city, house_number, customer_id) VALUES('{TextBox5.Text}', '{TextBox6.Text}', '{houseNumber}', '{customer_id}')"; comm = new SqlCommand(sss, com); ds = new DataSet(); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); } catch { Console.WriteLine("Error processing Table to the gridview"); } } public int Address() { int houseNumber = int.Parse(TextBox7.Text); int address = 0; int customer_id = Customer(); com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM address WHERE customer_id='" + customer_id + "'"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { address = int.Parse(big.GetValue(0).ToString()); } return address; } protected void Button1_Click(object sender, EventArgs e) { try { if (RadioButton1.Checked) { int tailor_id = Tailors(); int customer_id = Customer(); int address_id = Address(); com = new SqlConnection(con); com.Open(); string sss = $"INSERT INTO Appointment (ADate, tailor_id, customer_id, address_id) VALUES ('{TextBox1.Text}', '{tailor_id}', '{customer_id}','{address_id}')"; comm = new SqlCommand(sss, com); ds = new DataSet(); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); Response.Redirect("productIterms.aspx"); } else { Label3.Text = "please confirm your address above!!"; } } catch { Console.WriteLine("Error processing Table to the gridview"); } } // int some = new Appointment().Customer(); } }<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; // extention to access the connection variables using System.Data; namespace WebApplication4 { public partial class payment : System.Web.UI.Page { public String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; // values to declare connection always public SqlConnection com; public SqlCommand comm; public SqlDataAdapter adap; public DataSet ds; SqlDataReader big; protected void Page_Load(object sender, EventArgs e) { if (Session["Value1"] == null) { Response.Redirect("Login.aspx"); } } public int Product_id() // get the product id from thee uniform cart in order to be able to save it in the order table //note this method will be used when the orderDetail page loads { int customer_id = new Appointment().Customer(); int product = 0; com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM uniform_cart WHERE customer_id='" + customer_id + "'"; //this code is for getting the product id in the uniform cart and returning it to be used else comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { product = int.Parse(big.GetValue(1).ToString()); //loop through the values in the uniform_cart cart and save it } return product; // int value of product id in uniform cart } public float Productprice() // get the product price from thee product table in order to be able to save it in the order- detail table //note this method will be used when the orderDetail page loads { int customer_id = new Appointment().Customer(); int product_id = Product_id(); float productprice = 0F; com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM product WHERE product_id='" + product_id + "'"; //this code is for getting the product id in the uniform cart and returning it to be used else comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { productprice = float.Parse(big.GetValue(0).ToString()); //loop through the values in the uniform_cart cart and save it } return productprice; // return the price of the choosen product } public int Delivery() // gets the delivery id from the delivery table and returns it to be used else { int customer_id = new Appointment().Customer(); int delivery = 0; com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM delivery WHERE customer_id='" + customer_id + "'"; //this code is for getting the product id in the uniform cart and returning it to be used else comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { delivery = int.Parse(big.GetValue(0).ToString()); //loop through the values in the uniform_cart cart and save it } return delivery; } public int Tailors2() { int customer_id = new Appointment().Customer(); // Store the tailor's primary key from tailor table in a separate re-usable method called Tailor int Tailor = 0; com = new SqlConnection(con); //start a new connection com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM Size WHERE customer_id='" + customer_id + "'"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { Tailor = int.Parse(big.GetValue(8).ToString()); } return Tailor; //value retured } protected void Button1_Click(object sender, EventArgs e) { try { int customer_id = new Appointment().Customer(); com = new SqlConnection(con); com.Open(); string sss = $"INSERT INTO payment(email, customer_id) VALUES('{TextBox1.Text}', '{customer_id}')"; comm = new SqlCommand(sss, com); ds = new DataSet(); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); Response.Redirect("orderDetail.aspx"); // take the user to the page where they will be able to view their order } catch { Console.WriteLine("Error processing Table to the gridview"); } } } }<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; //declare cextension using System.Data; namespace WebApplication4 { public partial class orderDetail : System.Web.UI.Page { public String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; // values to declare connection always public SqlConnection com; public SqlCommand comm; public SqlDataAdapter adap; public DataSet ds; SqlDataReader big; protected void Page_Load(object sender, EventArgs e) { Label1.Text = Session["Value1"].ToString(); int tailor_id = new payment().Tailors2(); int delivery_id = new payment().Delivery(); // Save the oder details values in the order detail table in our database but first we need to call our method from the above and other pages in order to make our code simple. we are re-using them int customer_id = new Appointment().Customer(); int product_id = new payment().Product_id(); DateTime date = DateTime.Now; //<<<<<<<<<<< the date of which the order was saved in our database try { com = new SqlConnection(con); com.Open(); string sss = $"INSERT INTO orders (customer_id, tailor_id, delivery_id, Adate, product_id) VALUES ('{customer_id}', '{tailor_id}', '{delivery_id}','{date}', '{product_id}')"; // save the valiues comm = new SqlCommand(sss, com); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); } catch { Console.WriteLine("Error processing Table to the gridview"); } } public int Order_id() { int customer_id = new Appointment().Customer(); int order_id = 0; com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM orders WHERE customer_id='" + customer_id + "'"; //this code is for getting the product id in the uniform cart and returning it to be used else comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { order_id = int.Parse(big.GetValue(0).ToString()); //loop through the values in the uniform_cart cart and save it } return order_id; } public void orderDetails() { } protected void Button1_Click(object sender, EventArgs e) { int product_id = new payment().Product_id(); // Save the oder details values in the order detail table in our database but first we need to call our method from the above and other pages in order to make our code simple. we are re-using them int order_id = Order_id(); int delivery_id = new payment().Delivery(); float productprice = new payment().Productprice(); DateTime date = DateTime.Now; //<<<<<<<<<<< the date of which the order was saved in our database //int cellNo = int.Parse(TextBox3.Text); try { com = new SqlConnection(con); com.Open(); string sss = $"INSERT INTO Details (product_id, ItermCost, delivery_id, order_id) VALUES ('{product_id}', '{productprice}', '{delivery_id}', '{order_id}')"; // save the valiues comm = new SqlCommand(sss, com); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); Response.Redirect("landing.html"); } catch { Console.WriteLine("Error processing Table to the gridview"); } } protected void Button2_Click(object sender, EventArgs e) { int order_id = Order_id(); int customer_id = new Appointment().Customer(); com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = "DELETE FROM payment WHERE customer_id='" + customer_id + "'; DELETE FROM Details WHERE order_id='" + order_id + "'; DELETE FROM orders WHERE customer_id='" + customer_id + "'; DELETE FROM delivery WHERE customer_id='" + customer_id + "'; DELETE FROM uniform_cart WHERE customer_id='" + customer_id + "'; DELETE FROM Size WHERE customer_id='" + customer_id + "'; DELETE FROM Appointment WHERE customer_id='" + customer_id + "'; DELETE FROM address WHERE customer_id='" + customer_id + "'; DELETE FROM customer WHERE customer_id='" + customer_id + "'"; comm = new SqlCommand(sss, com); adap = new SqlDataAdapter(); adap.DeleteCommand = comm; adap.DeleteCommand.ExecuteNonQuery(); com.Close(); Response.Redirect("landing.html"); } protected void Button3_Click(object sender, EventArgs e) { int order_id = Order_id(); int customer_id = new Appointment().Customer(); com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = "DELETE FROM Appointment WHERE customer_id='" + customer_id + "'"; comm = new SqlCommand(sss, com); adap = new SqlDataAdapter(); adap.DeleteCommand = comm; adap.DeleteCommand.ExecuteNonQuery(); com.Close(); Response.Redirect("landing.html"); } } }<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; using System.Data; namespace WebApplication4 { public partial class productIterms : System.Web.UI.Page { public String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; public SqlConnection com; public SqlCommand comm; public SqlDataAdapter adap; public DataSet ds; SqlDataReader big; protected void Page_Load(object sender, EventArgs e) { // if the user is not loged in then they will be taken back to the log in page if (Session["Value1"] == null) { Response.Redirect("Login.aspx"); } } public String Product() { // Store the names of the products that the customer has selected and re-use them else-where String product = ""; if (RadioButton1.Checked) { product = "School Trousers"; } if (RadioButton2.Checked) { product = "long sleeve t shirts"; } if (RadioButton3.Checked) { product = "School skirts"; } if (RadioButton4.Checked) { product = "School blazer"; } if (RadioButton5.Checked) { product = "short sleeve t shirts"; } return product; } public int Products() { //Select the product_id of the user-product which has been stored and return it to be used else in the code int product = 0; String productName = Product(); //re-use the method created called product to compare the product_name to that which the user has selected com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM product WHERE product_name='" + productName + "'"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { product = int.Parse(big.GetValue(0).ToString()); } com.Close(); //close the connection return product; // product_id which is an int has been returned } public int Size() { //Select the product_id of the user-product which has been stored and return it to be used else in the code int size = 0; int customer_id = new Appointment().Customer(); String productName = Product(); //re-use the method created called product to compare the product_name to that which the user has selected com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM Size WHERE customer_id='" + customer_id + "'"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { size = int.Parse(big.GetValue(0).ToString()); } com.Close(); //close the connection return size; // } protected void Button1_Click1(object sender, EventArgs e) { //Save all the details which the customer has selected in the uniform_cart that the user can update or confirm int product_id = Products(); // call of the methods which will be used for the condition in our connection string. int customer_id = new Appointment().Customer(); int size = Size(); String descr = "Happy"; DateTime date = DateTime.Now; try { com = new SqlConnection(con); com.Open(); string sss = $"INSERT INTO uniform_cart (product_id, size_id, ADate, customer_id) VALUES ('{product_id}', '{size}', '{date}', '{customer_id}')"; comm = new SqlCommand(sss, com); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); Response.Redirect("Uniform_cart.aspx"); } catch { Console.WriteLine("Error processing Table to the gridview"); } } } }<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; using System.Data; namespace WebApplication4 { public partial class product : System.Web.UI.Page { public String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; public SqlConnection com; public SqlCommand comm; public SqlDataAdapter adap; public DataSet ds; SqlDataReader big; protected void Page_Load(object sender, EventArgs e) { try { if (Session["Value1"] == null) { Response.Redirect("Login.aspx"); } else { if (!Page.IsPostBack) { com = new SqlConnection(con); com.Open(); string sss = $"SELECT first_name, tailor_id FROM Tailor "; ds = new DataSet(); adap = new SqlDataAdapter(); comm = new SqlCommand(sss, com); adap.SelectCommand = comm; adap.Fill(ds); DropDownList1.DataTextField = "first_name"; DropDownList1.DataSource = ds; DropDownList1.DataBind(); com.Close(); } } } catch { Console.WriteLine("Error processing Table to the gridview"); } } public int Tailors() { // Store the tailor's primary key from tailor table in a separate re-usable method called Tailor String name_of_Tailor = DropDownList1.Text; int Tailor = 0; com = new SqlConnection(con); //start a new connection com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM Tailor WHERE first_name='" + name_of_Tailor + "'"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { Tailor = int.Parse(big.GetValue(0).ToString()); } return Tailor; //value retured } protected void Button1_Click(object sender, EventArgs e) { int tailor_id = Tailors(); int customer_id = new Appointment().Customer(); try { com = new SqlConnection(con); com.Open(); string sss = $"INSERT INTO Size (neck, chest, shoulder_width, arm_length, waist, insean, customer_id, tailor_id) VALUES ('{float.Parse(TextBox1.Text)}', '{float.Parse(TextBox2.Text)}', '{float.Parse(TextBox3.Text)}', '{float.Parse(TextBox4.Text)}', '{float.Parse(TextBox5.Text)}', '{float.Parse(TextBox6.Text)}', '{customer_id}', '{tailor_id}')"; comm = new SqlCommand(sss, com); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); Response.Redirect("productIterms.aspx"); } catch { Console.WriteLine("Error processing Table to the gridview"); } } protected void DropDownList1_SelectedIndexChanged(object sender, EventArgs e) { } } }<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; using System.Data; namespace WebApplication4 { public partial class ViewAppointment : System.Web.UI.Page { public String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; public SqlConnection com; public SqlCommand comm; public SqlDataAdapter adap; public DataSet ds; SqlDataReader big; protected void Page_Load(object sender, EventArgs e) { int tailor_id = new foward().Tailors(); com = new SqlConnection(con); com.Open(); string sss = $"SELECT address_id, ADate FROM Appointment WHERE tailor_id='" + tailor_id + "'"; ds = new DataSet(); adap = new SqlDataAdapter(); comm = new SqlCommand(sss, com); adap.SelectCommand = comm; adap.Fill(ds); GridView1.DataSource = ds; GridView1.DataBind(); com.Close(); // c } protected void Button1_Click(object sender, EventArgs e) { } } }<file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; using System.Data; namespace WebApplication4 { public partial class Size : System.Web.UI.Page { String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; SqlConnection com; SqlCommand comm; SqlDataAdapter adap; DataSet set; SqlDataReader big; public DataSet ds; protected void Page_Load(object sender, EventArgs e) { try { if (Session["Value1"] == null) { Response.Redirect("Login.aspx"); } else { com = new SqlConnection(con); com.Open(); string sss = $"SELECT first_name, tailor_id FROM Tailor "; ds = new DataSet(); adap = new SqlDataAdapter(); comm = new SqlCommand(sss, com); adap.SelectCommand = comm; adap.Fill(ds); DropDownList1.DataTextField = "first_name"; DropDownList1.DataSource = ds; DropDownList1.DataBind(); com.Close(); } } catch { Console.WriteLine("Error processing Table to the gridview"); } } public int Tailors() { // populate the drop down lists, and anything else for loading the page. String name_of_Tailor = DropDownList1.Text; int Tailor = 0; com = new SqlConnection(con); com.Open(); adap = new SqlDataAdapter(); string sss = $"SELECT * FROM Tailor WHERE first_name='" + name_of_Tailor + "'"; comm = new SqlCommand(sss, com); big = comm.ExecuteReader(); while (big.Read()) { Tailor = int.Parse(big.GetValue(0).ToString()); } return Tailor; } protected void Button1_Click(object sender, EventArgs e) { try { com = new SqlConnection(con); com.Open(); string sss = $"INSERT INTO product (descr) VALUES ('{TextBox4.Text}')"; comm = new SqlCommand(sss, com); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); Response.Redirect("Login.aspx"); } catch { Console.WriteLine("Error processing Table to the gridview"); } } } } <file_sep>using System; using System.Collections.Generic; using System.Linq; using System.Web; using System.Web.UI; using System.Web.UI.WebControls; using System.Data.SqlClient; using System.Data; namespace WebApplication4 { public partial class delete : System.Web.UI.Page { public String con = "Data Source=DESKTOP-ESHNQ89;Initial Catalog=Ma_B_Tailors;Integrated Security=True"; public SqlConnection com; public SqlCommand comm; public SqlDataAdapter adap; public DataSet ds; SqlDataReader big; protected void Page_Load(object sender, EventArgs e) { if (Session["Value1"] == null) { Response.Redirect("Login.aspx"); } } protected void Button1_Click(object sender, EventArgs e) { try { int houseNumber = int.Parse(TextBox7.Text); int customer_id = new Appointment().Customer(); com = new SqlConnection(con); com.Open(); string sss = $"UPDATE address SET steet='" + TextBox5.Text + "', city='" + TextBox6.Text+ "', house_number='" + TextBox7.Text + "' WHERE customer_id='" + customer_id+ "'"; comm = new SqlCommand(sss, com); ds = new DataSet(); adap = new SqlDataAdapter(); adap.InsertCommand = comm; adap.InsertCommand.ExecuteNonQuery(); com.Close(); Response.Redirect("delivery.aspx"); } catch { Console.WriteLine("Error processing Table to the gridview"); } } } }
7d910c01fccb76b103f991c1cc751a2fadbf3e46
[ "C#" ]
14
C#
Ma-B-Tailors/CMPG223Project
e9bdfeb8dc975b845010a0c14aefecd475a2015c
39a0cf8bee310dce9ac642febdf7b0debe690559
refs/heads/master
<repo_name>Vlasya/hillel_hw_7<file_sep>/main.js // Задача: Создание массива значений Фаренгейта из массива значений Цельсия // let celsius = [-15, -5, 0, 10, 16, 20, 24, 32]; let celsius = [-15, -5, 0, 10, 16, 20, 24, 32]; let fahrenheit= celsius.map(item => item*1.8 +32 ) console.log('celsius: ', celsius); console.log('fahrenheit: ', fahrenheit);
52c6736973bd260e71c6da399e44a8895dabdf90
[ "JavaScript" ]
1
JavaScript
Vlasya/hillel_hw_7
d422c08ba6f041477e43c3e6d31fcaadfc534622
381fbc4185ad4733d5175d002bc53ff3158c2d2f
refs/heads/main
<repo_name>Vipr2G/intercept_generator<file_sep>/README.md # intercept_generator Generates intercepts with parameters randomized around user provided seed values This was written using python 3.73 and has also run in 3.8.X There are 3 files associated with the intercept_generator: intercept_generator.py parameter_generator.py intercept.json intercept.json is edited by the user to configure the intercept_generator's run. Variables to pay attention to are in EMITTER.GENERAL if the intercept.json file and include: ELNOT number_of_intercepts output_file_name domain Variables in the EMITTER.PARAMETERS section allow the user to configure the parametric values of the intercepts to be created. This is where the user will assign desired seed values to be randomized for the intecepts actual parameters. For example, under PRI the user sets: number_of_pris: (Not really used and should be cleaned up) modulation_type: (Currently set to STAGGER, and I do NO checking to see if the modType makes sense) distribution: (Currently set to normal) controls the type of randomize algorithm (Normal, Gaus...) tolerance: A bad variable name as I intened it to be "slop" around the given seed value, but in fact it changes depending on the distribution chosen. Example, if distrobution=NORMAL then tolerance is really "Sigma" where 2 would be 2 standard deviations. data: The actuall values to be used to seed the random number generator for the intercepts. In the example we will build 100 emitters, ALL with the same elnot, all having 10 pris randomly generated about 400.0, 450.0, 500.0 etc. To execute the program, cd into the directory contaiing the 3 files and type: python intercept_generator The output will be a json file named in the intercept.json file. Note that you will need to remove the last coma in the json file to have it properly formatted. Note that I've commented out the last 3 lines. Put them back in to see a depiction of the randomizer at work in a histogram. <file_sep>/intercept_generator.py #!/usr/bin/env python3 # -*- coding: utf-8 -*- """ @Created on 18 Dec 2020 @Author: <NAME> @Email: <EMAIL> @Updated On: @Updated On: @template: Wrapper class for Intercpt attributes/fields """ import json import parameter_generator as pgen import matplotlib.pyplot as plt #config = None def read_config_file()-> list: with open('intercept.json', 'r') as fh: data = json.load(fh) return data def write_intercept(output_file_name, intercept): with open (output_file_name, 'w') as fh: json.dump(intercept, fh, indent=4) def build_intercept(): global config gen = config.get("EMITTER").get("GENERAL") params = config.get("EMITTER").get("PARAMETERS") elnot = gen.get("ELNOT") domain = gen.get("domain") mod_type = params.get("PRI").get("modulation_type") intercept = {"ELNOT": elnot, "mod_type": mod_type, "domain": domain} intercept["rfs"] = pgen.process_parameters(params.get("RF")) intercept["pris"] = pgen.process_parameters(params.get("PRI")) intercept["pds"] = pgen.process_parameters(params.get("PD")) intercept["scan"] = pgen.process_parameters(params.get("SCAN")) return intercept def run_tests(): rfs = pgen.get_random_float_values_normal_dist(8500, 2, 10) print(rfs) pris = pgen.get_random_float_values_normal_dist(533, 2, 20) print(pris) pds = pgen.get_random_float_values_normal_dist(.3, .1, 5) print(pds) scans = pgen.get_random_float_values_normal_dist(10.0, .1, 1) print(scans) #Here is where the work gets done config = read_config_file() out_file_name = config.get("EMITTER").get("GENERAL").get("output_file_name") num_intercepts = int (config.get("EMITTER").get("GENERAL").get("number_intercepts")) out_file = open(out_file_name, "a") out_file.write("[") for i in range(num_intercepts): intercept = build_intercept() intercept["id"] = i out_file.write(json.dumps(intercept, indent=4)) out_file.write(",") out_file.write("]") out_file.close() #data = pgen.get_random_float_values_normal_dist() #plt.hist(data, bins=30) #plt.show() <file_sep>/parameter_generator.py #!/usr/bin/env python3 # -*- coding: utf-8 -*- """ @Created on 21 Dec 2020 @Author: <NAME> @Email: <EMAIL> @Updated On: @Updated On: @template: Randomize provided seeds using various statistical models """ import numpy as np #First two generate test data, second two are called by system def get_random_float_values_uniform_dist_test(low = 9500.0, high = 0.1, size = 500 ): return np.random.uniform(low, high, size) def get_random_float_values_normal_dist(median = 9500., sigma = 1, size = 500): return np.random.normal(median, sigma, size) #These are actually called by API, above can be used to gen data for plots to demonstrate the ranges def generate_random_float_uniform(value, tolerance): half_tol = float(tolerance)/2 val = float(value) return np.random.uniform(val-half_tol, val+half_tol) def generate_random_float_normal(nom_val, sigma = 0.1): return np.random.normal(float(nom_val), float (sigma)) #Insert here if desire a different statistical model to generate random value from seed def process_parameters(config): if(config): prob_distribution = config.get("distribution") prob_tolerance = config.get("tolerance") if(prob_distribution == "NORMAL"): return [generate_random_float_normal(element, prob_tolerance) for element in config.get("data")] elif(prob_distribution == "UNIFORM"): return [generate_random_float_uniform(element, prob_tolerance) for element in config.get("data")]
3ed55d6f5ecefce633eb82462fc3a8303d585248
[ "Markdown", "Python" ]
3
Markdown
Vipr2G/intercept_generator
8d55bf70af41f6212980d37f0963e9e7d5bf02b0
c2cfe72a9186db16b9ae51336538763a1f0caa5f
refs/heads/master
<file_sep><?php // 播放器后台解析歌曲代码 error_reporting(0); function parseSheet($songsheetstr) { $type=substr($songsheetstr,-2); $songsheetid=substr($songsheetstr, 0, -2); $play_list=''; if($type=='wy'){ $data = get_curl('http://music.163.com/api/playlist/detail?id='.$songsheetid,0,'http://music.163.com/'); $arr = json_decode($data, true); foreach ($arr["result"]["tracks"] as $value) { $music_id = $value["id"]; $play_list .= '|'.$music_id.'wy'; } }elseif($type=='xm'){ $data=get_curl('http://www.xiami.com/song/playlist/id/'.$songsheetid.'/type/3/cat/json'); $arr=json_decode($data, true); foreach ($arr["data"]["trackList"] as $value) { $music_id = $value["songId"]; $play_list .= '|'.$music_id.'xm'; } }elseif($type=='bd'){ $data=get_curl('http://tingapi.ting.baidu.com/v1/restserver/ting?from=webapp_music&method=baidu.ting.diy.gedanInfo&listid='.$songsheetid); $arr=json_decode($data,true); foreach ($arr["content"] as $value) { $music_id = $value["song_id"]; $play_list .= '|'.$music_id.'bd'; } }elseif($type=='qq'){ $data=get_curl('http://c.y.qq.com/qzone/fcg-bin/fcg_ucc_getcdinfo_byids_cp.fcg?type=1&json=1&utf8=1&onlysong=0&format=jsonp&jsonpCallback=playlistinfoCallback&inCharset=utf8&outCharset=utf-8&disstid='.$songsheetid); $data=substr($data,21,-1); $arr=json_decode($data,true); foreach($arr["cdlist"][0]["songlist"] as $value) { $music_id = $value["songmid"]; $play_list .= '|'.$music_id.'qq'; } } return $play_list; } function parseSongId($songidstr) { $type=substr($songidstr,-2); $singlesongid=substr($songidstr, 0, -2); if($type=='wy'){ $data=get_curl('http://music.163.com/api/song/detail/?ids=%5B'.$singlesongid.'%5D',0,'http://music.163.com/'); $arr=json_decode($data, true); $SongName=$arr['songs'][0]['name']; $Artist=$arr['songs'][0]['artists'][0]['name']; $Album=$arr['songs'][0]['album']['name']; $ListenUrl=$arr['songs'][0]['mp3Url']; $PicUrl=$arr['songs'][0]['album']['picUrl']; }elseif($type=='xm'){ $data=get_curl('http://www.xiami.com/song/playlist/id/'.$singlesongid.'/type/0/cat/json'); $arr=json_decode($data, true); $SongName=$arr['data']['trackList'][0]['title']; $Artist=$arr['data']['trackList'][0]['artist']; $Album=$arr['data']['trackList'][0]['album_name']; $ListenUrl=ipcxiami($arr['data']['trackList'][0]['location']); $LrcUrl=$arr['data']['trackList'][0]['lyric']; $PicUrl=$arr['data']['trackList'][0]['album_pic']; }elseif($type=='bd'){ $data=get_curl('http://music.baidu.com/data/music/fmlink?songIds='.$singlesongid.'&type=mp3&rate=320'); $arr=json_decode($data,true); //print_r($arr);exit; preg_match('!music/(\d+)/!',$arr['data']['songList'][0]['songLink'],$json); $songid=$json[1]; $SongName=$arr['data']['songList'][0]['songName']; $Artist=$arr['data']['songList'][0]['artistName']; $Album=$arr['data']['songList'][0]['albumName']; $ListenUrl='http://musicdata.baidu.com/data2/music/'.$songid.'/'.$songid.'.mp3'; $LrcUrl=$arr['data']['songList'][0]['lrcLink']; $PicUrl=$arr['data']['songList'][0]['songPicRadio']; }elseif($type=='qq'){ $data=get_curl('http://c.y.qq.com/v8/fcg-bin/fcg_play_single_song.fcg?songmid='.$singlesongid.'&tpl=yqq_song_detail&format=jsonp&callback=getOneSongInfoCallback&g_tk=938407465&jsonpCallback=getOneSongInfoCallback&loginUin=0&hostUin=0&format=jsonp&inCharset=utf8&outCharset=utf-8&notice=0&platform=yqq&needNewCode=0'); $data=substr($data,23,-1); $arr=json_decode($data,true); $SongName=$arr["data"][0]["title"]; $Artist=$arr["data"][0]['singer'][0]['name']; $Album=$arr["data"][0]['album']['name']; $id=$arr["data"][0]['id']; $ListenUrl='http://stream1.qqmusic.qq.com/'.$id.'.mp3'; $PicUrl='http://y.gtimg.cn/music/photo_new/T002R300x300M000'.$arr["data"][0]["album"]["mid"].'.jpg'; } return $SongName; } function get_curl($url, $post=0, $referer=0, $cookie=0, $header=0, $ua=0, $nobaody=0) { $ch = curl_init(); curl_setopt($ch, CURLOPT_URL, $url); curl_setopt($ch, CURLOPT_SSL_VERIFYPEER, false); curl_setopt($ch, CURLOPT_SSL_VERIFYHOST, false); $httpheader[] = "Accept:application/json"; $httpheader[] = "Accept-Encoding:gzip,deflate,sdch"; $httpheader[] = "Accept-Language:zh-CN,zh;q=0.8"; $httpheader[] = "Connection:close"; curl_setopt($ch, CURLOPT_HTTPHEADER, $httpheader); if ($post) { curl_setopt($ch, CURLOPT_POST, 1); curl_setopt($ch, CURLOPT_POSTFIELDS, $post); } if ($header) { curl_setopt($ch, CURLOPT_HEADER, true); } if ($cookie) { curl_setopt($ch, CURLOPT_COOKIE, $cookie); } if($referer){ if($referer==1){ curl_setopt($ch, CURLOPT_REFERER, 'http://m.qzone.com/infocenter?g_f='); }else{ curl_setopt($ch, CURLOPT_REFERER, $referer); } } if ($ua) { curl_setopt($ch, CURLOPT_USERAGENT, $ua); } else { curl_setopt($ch, CURLOPT_USERAGENT, "Mozilla/5.0 (MSIE 9.0; Windows NT 6.1; Trident/5.0)"); } if ($nobaody) { curl_setopt($ch, CURLOPT_NOBODY, 1); } curl_setopt($ch, CURLOPT_ENCODING, "gzip"); curl_setopt($ch, CURLOPT_RETURNTRANSFER, 1); $ret = curl_exec($ch); curl_close($ch); return $ret; } function ipcxiami($location){ $count = (int)substr($location, 0, 1); $url = substr($location, 1); $line = floor(strlen($url) / $count); $loc_5 = strlen($url) % $count; $loc_6 = array(); $loc_7 = 0; $loc_8 = ''; $loc_9 = ''; $loc_10 = ''; while ($loc_7 < $loc_5){ $loc_6[$loc_7] = substr($url, ($line+1)*$loc_7, $line+1); $loc_7++; } $loc_7 = $loc_5; while($loc_7 < $count){ $loc_6[$loc_7] = substr($url, $line * ($loc_7 - $loc_5) + ($line + 1) * $loc_5, $line); $loc_7++; } $loc_7 = 0; while ($loc_7 < strlen($loc_6[0])){ $loc_10 = 0; while ($loc_10 < count($loc_6)){ $loc_8 .= @$loc_6[$loc_10][$loc_7]; $loc_10++; } $loc_7++; } $loc_9 = str_replace('^', 0, urldecode($loc_8)); return $loc_9; }<file_sep><?php if(!defined('EMLOG_ROOT')){die('err');} include(EMLOG_ROOT.'/content/plugins/qingzz_music/qingzz_music_config.php'); ?> var wenkmList=[{ song_album:"<?php echo $config["albumName"];?>", song_album1:"<?php echo $config["albumSubname"];?>", song_file:"/",song_name:"<?php echo $config["songnameList"];?>".split("|"), song_id:"<?php echo $config["songIdList"];?>".split("|") }];<file_sep><?php $postArray ='[{"data":{"hello":"world"},"type":"1234","date":"2012-10-30 17:6:9","user":"000000000000000","time_stamp":1351587969902}, {"data":{"hello":"world"},"type":"1234","date":"2012-10-30 17:12:53","user":"000000000000000","time_stamp":1351588373519}]'; $de_json = json_decode($postArray,TRUE); $count_json = count($de_json); for ($i = 0; $i < $count_json; $i++) { //echo var_dump($de_json); $dt_record = $de_json[$i]['date']; echo "$dt_record</br>"; $data_type = $de_json[$i]['type']; echo "$data_type</br>"; $imei = $de_json[$i]['user']; echo "$imei</br>"; $message = json_encode($de_json[$i]['data']); echo "$message</br>"; } ?><file_sep><?php /** * Plugin Name: 迷津音乐播放器 * Version: 1.1 * Plugin URL: http://www.qingzz.cn/ * Description: 播放器为开源的播放器,本地化,后台支持自定义专辑名称,输入歌单ID和单曲ID,支持网易、虾米、百度、QQ音乐! * Author: 前辈和小指嘿嘿^_^ * Author Email: <EMAIL> * Author URL: http://auv.qingzz.cn/ */ !defined('EMLOG_ROOT') && exit('access deined!'); function plugin_setting_view(){ include(EMLOG_ROOT.'/content/plugins/qingzz_music/qingzz_music_config.php'); ?> <link href="/content/plugins/qingzz_music/style/style.min.css" type="text/css" rel="stylesheet" /> <div class="com-hd"> <b>播放器设置</b> <?php if(isset($_GET['setting'])){ echo "<span class='actived'>设置保存成功! </span>"; } else { echo "<span class='warning'>点击保存后请耐心等候,完成解析将自动跳转! </span>"; } ?> </div> <form action="./plugin.php?plugin=qingzz_music&action=setting" method="post"> <table class="tb-set"> <tr> <td align="right" width="40%"><b>自定义专辑名字:</b><br />(显示在音乐列表中的 精选曲目 )</td> <td><input type="text" class="txt" name="albumname" value="<?php echo $config["albumName"];?>" /></td> </tr> <tr> <td align="right" width="40%"><b>专辑后缀:</b><br />(精选曲目 - 与君共享)</td> <td><input type="text" class="txt" name="albumsubname" value="<?php echo $config["albumSubname"];?>" /></td> </tr> <tr> <td align="right"><b>歌单ID:</b><br />(填写歌单ID使用'|'分割,解析完成后推荐删除)</td> <td align="left"><b>单曲ID:</b><br />(填写单曲ID使用'|'分割)</td> </tr> <tr> <td align="right"><textarea class="txt txt-lar" name="songsheetlist"><?php echo $config["songsheetList"];?></textarea></td> <td align="left"><textarea class="txt txt-lar" name="songidlist"><?php echo $config["songIdList"];?></textarea></td> </tr> <tr> <td align="right"><b>小指提示:</b><br />(点击保存解析获取歌曲ID和歌名<br />耐心等候,会自动跳转回来)</td> <td align="left"><input type="submit" value="保存" /></td> </tr> <tr> <td align="right"><b>歌曲列表:</b><br />(已添加 <?php echo substr_count($config['songnameList'],'|'); ?> 首)</td> <td align="left"><?php echo str_replace('|',"<br />",$config['songnameList']); ?></td> </tr> </table> </form> <div> <h5>填写说明:</h5> 可使用网易云音乐、虾米音乐、百度音乐和QQ音乐的歌单和单曲。<br> 网易云音乐ID需要在数字后面加上wy,虾米音乐在后面加上xm<br> 百度音乐在后面加上bd,QQ音乐在后面加上qq<br> 个人推荐使用网易云音乐和虾米音乐<br> 格式:<br> <pre>歌单ID|歌单ID</pre> <pre>歌曲ID|歌曲ID</pre> 例如:<br> <pre>74452528wy|8540918xm|7171bd|1719644639qq</pre> <pre>29713754wy|1775751240xm|242078437bd|004IYRNO0Bl7LNqq</pre> <p>音乐ID可以在相应播放页面的地址栏中获得</p> <p>保存后自动解析歌单ID,将里面包含的歌曲ID去重后添加到单曲ID列表的后面,解析完成后推荐删除歌单ID</p> <p><a href="http://www.qingzz.cn/" data-ke-src="http://www.qingzz.cn/" target="_blank">迷津渡口</a><br> <br> </p> </div> <script> $('#qingzz_music').addClass('sidebarsubmenu1'); </script> <?php } function plugin_setting(){ include(EMLOG_ROOT.'/content/plugins/qingzz_music/other/function.php'); $songsheetlist=isset($_POST['songsheetlist'])?trim(str_replace(" ","",str_replace("\n", "",str_replace("\r\n", "",$_POST['songsheetlist']))),'|'):'';; $songidlist=isset($_POST['songidlist'])?trim(str_replace(" ","",str_replace("\n", "",str_replace("\r\n", "",$_POST['songidlist']))),'|'):'';; $songsheetlistarr=array_unique(array_filter(explode("|",$songsheetlist))); $songsheetlist=implode('|', $songsheetlistarr); foreach ($songsheetlistarr as $value) { $songidlist.=parseSheet($value); } $songidlistarr=array_unique(array_filter(explode("|",$songidlist))); $songidlist=implode('|',$songidlistarr); $songnamelist=''; foreach ($songidlistarr as $value) { $songnamelist.=parseSongId($value).'|'; } $songnamelist=trim($songnamelist); $newConfig = '<?php $config = array( "albumName" => "'.$_POST['albumname'].'", "albumSubname" => "'.$_POST['albumsubname'].'", "songsheetList" => "'.$songsheetlist.'", "songIdList" => "'.$songidlist.'", "songnameList" => "'.$songnamelist.'", );'; @file_put_contents(EMLOG_ROOT.'/content/plugins/qingzz_music/qingzz_music_config.php', $newConfig); } ?><file_sep><?php $config = array( "albumName" => "安静民谣", "albumSubname" => "清新如你", "songsheetList" => "7171bd", "songIdList" => "14420140bd|1421839bd|14492288bd|73932441bd|116196099bd|73836798bd|124575402bd|124575295bd|737061bd|59171506bd|124575944bd|52949692bd|23529955bd|74069134bd|255845580bd", "songnameList" => "旋木|陀螺|鸟语|山阴路的夏天2013版【live】|关于郑州的记忆|安和桥|少年锦时|吉姆餐厅|午后|九月(海子)|小屋|南方的秋天|世界|孤鸟的歌|长白山|", );<file_sep><?php set_time_limit(0); /** * Created by PhpStorm. * User: Moon * Date: 2014/11/26 0026 * Time: 2:06 */ function curl_get($url) { $refer = "http://music.163.com/"; $header[] = "Cookie: " . "appver=1.5.0.75771;"; $ch = curl_init(); curl_setopt($ch, CURLOPT_URL, $url); curl_setopt($ch, CURLOPT_HTTPHEADER, $header); curl_setopt($ch, CURLOPT_RETURNTRANSFER, true); curl_setopt($ch, CURLOPT_BINARYTRANSFER, true); curl_setopt($ch, CURLOPT_REFERER, $refer); $output = curl_exec($ch); curl_close($ch); return $output; } function music_search($word, $type) { $url = "http://music.163.com/api/search/pc"; $post_data = array( 's' => $word, 'offset' => '0', 'limit' => '20', 'type' => $type, ); $referrer = "http://music.163.com/"; $URL_Info = parse_url($url); $values = array(); $result = ''; $request = ''; foreach ($post_data as $key => $value) { $values[] = "$key=" . urlencode($value); } $data_string = implode("&", $values); if (!isset($URL_Info["port"])) { $URL_Info["port"] = 80; } $request .= "POST " . $URL_Info["path"] . " HTTP/1.1\n"; $request .= "Host: " . $URL_Info["host"] . "\n"; $request .= "Referer: $referrer\n"; $request .= "Content-type: application/x-www-form-urlencoded\n"; $request .= "Content-length: " . strlen($data_string) . "\n"; $request .= "Connection: close\n"; $request .= "Cookie: " . "appver=1.5.0.75771;\n"; $request .= "\n"; $request .= $data_string . "\n"; $fp = fsockopen($URL_Info["host"], $URL_Info["port"]); fputs($fp, $request); $i = 1; while (!feof($fp)) { if ($i >= 15) { $result .= fgets($fp); } else { fgets($fp); $i++; } } fclose($fp); return $result; } function get_music_info($music_id) { $url = "http://music.163.com/api/song/detail/?id=" . $music_id . "&ids=%5B" . $music_id . "%5D"; return curl_get($url); } function get_artist_album($artist_id, $limit) { $url = "http://music.163.com/api/artist/albums/" . $artist_id . "?limit=" . $limit; return curl_get($url); } function get_album_info($album_id) { $url = "http://music.163.com/api/album/" . $album_id; return curl_get($url); } function get_playlist_info($playlist_id) { $url = "http://music.163.com/api/playlist/detail?id=" . $playlist_id; return curl_get($url); } function get_music_lyric($music_id) { $url = "http://music.163.com/api/song/lyric?os=pc&id=" . $music_id . "&lv=-1&kv=-1&tv=-1"; return curl_get($url); } function get_mv_info() { $url = "http://music.163.com/api/mv/detail?id=319104&type=mp4"; return curl_get($url); } //查询用户歌单 function get_user_list($user_id) { $url = "http://music.163.com/api/user/playlist/?offset=0&limit=1001&uid=".$user_id; return curl_get($url); } function json_user($json1){ $de_json = json_decode($postArray,TRUE); $count_json = count($de_json); for ($i = 0; $i < $count_json; $i++) { //echo var_dump($de_json); $dt_record = $de_json[$i]['date']; echo "$dt_record</br>"; $data_type = $de_json[$i]['type']; echo "$data_type</br>"; $imei = $de_json[$i]['user']; echo "$imei</br>"; $message = json_encode($de_json[$i]['data']); echo "$message</br>"; } } // echo music_search("Moon Without The Stars", "1"); // get_music_info("28949444"); // echo get_artist_album("166009", "5"); // echo get_album_info("3021064"); // echo get_playlist_info("420993286"); // echo get_music_lyric("29567020"); // echo get_mv_info(); // $json1=get_user_list("303438511"); // json_user(json1); //获取歌曲信息 function aa(){ // $id = $_GET["id"]; $id="245625"; $url = "http://music.163.com/api/song/detail/?id=" . $id . "&ids=%5B" . $id . "%5D"; $refer = "http://music.163.com/"; $ch = curl_init(); curl_setopt($ch, CURLOPT_URL, $url); curl_setopt($ch, CURLOPT_RETURNTRANSFER, true); curl_setopt($ch, CURLOPT_BINARYTRANSFER, true); curl_setopt($ch, CURLOPT_REFERER, $refer); $output = curl_exec($ch); curl_close($ch); echo $output; } //直接转换成外链 function d(){ // $id = $_GET["id"]; $id="245625"; $url = "http://music.163.com/api/song/detail/?id=" . $id . "&ids=%5B" . $id . "%5D"; $refer = "http://music.163.com/"; $ch = curl_init(); curl_setopt($ch, CURLOPT_URL, $url); curl_setopt($ch, CURLOPT_RETURNTRANSFER, true); curl_setopt($ch, CURLOPT_BINARYTRANSFER, true); curl_setopt($ch, CURLOPT_REFERER, $refer); $output = curl_exec($ch); curl_close($ch); $output_arr = json_decode($output, true); $mp3_url = $output_arr["songs"][0]["mp3Url"]; header('Content-Type:audio/mp3'); header("Location:".$mp3_url); } // echo d(); $playlist_list; //获取歌单 需要添加循环获取 function user_info($user_id){ $json1=get_user_list($user_id); $json1_arr = json_decode($json1, true); $playlist_list = array(); $index=0; $temp= array(); foreach ($json1_arr["playlist"] as $value) { $playlist_id = $value["id"]; $userId=$value["userId"]; $name=$value["name"]; $playlist_info_o = array("playlist_id"=>$playlist_id,"userId"=>$userId,"name"=>$name); array_push($temp,$playlist_info_o); } $playlist_list["albumId"]=$temp; return json_encode_ex($playlist_list); // $id = $json1_arr["playlist"][0]["id"]; // return $id; } //获取歌单 function user_info1($user_id){ $json1=get_user_list($user_id); $json1_arr = json_decode($json1, true); $playlist_list = array(); foreach ($json1_arr["playlist"] as $value) { $playlist_id = $value["id"]; $userId=$value["userId"]; $name=$value["name"]; $playlist_info_o = array("playlist_id"=>$playlist_id,"userId"=>$userId,"name"=>$name); $playlist_list[$playlist_id]=$playlist_info_o; } return json_encode_ex($playlist_list); } //获取歌单 需要添加循环获取 function user_info2($user_id){ $json1=get_user_list($user_id); $json1_arr = json_decode($json1, true); $playlist_list = array(); $index=0; foreach ($json1_arr["playlist"] as $value) { $playlist_id = $value["id"]; $userId=$value["userId"]; $name=$value["name"]; $playlist_info_o = array("playlist_id"=>$playlist_id,"userId"=>$userId,"name"=>$name); $json22=playlist_info1($playlist_id); $playlist_info_o["song_list"]=$json22; $playlist_list[$playlist_id]=$playlist_info_o; } return json_encode_ex($playlist_list); } echo user_info2("303438511"); //获取歌单中的歌曲id function playlist_info1($playlist_id){ $json2=get_playlist_info($playlist_id); $json2_arr = json_decode($json2, true); $song_list_info = array(); foreach ($json2_arr["result"]["tracks"] as $value) { $music_id = $value["id"]; $music_name= $value["name"]; $music_mp3Url=music_info1($music_id); $song_list = array("music_id"=>$music_id,"music_name"=> $music_name,"music_mp3Url"=>$music_mp3Url); // $song_list_info[$music_id]=$song_list; $song_list_info[$music_id]=$song_list; } // return json_encode_ex($song_list_info); return $song_list_info; } // echo playlist_info1("371047542"); //获取歌曲链接 function music_info1($music_id){ $json3=get_music_info($music_id); $json3_arr = json_decode($json3, true); $id = $json3_arr["songs"][0]["mp3Url"]; return $id; } /* * * 对变量进行 JSON 编码 * @param mixed value 待编码的 value ,除了resource 类型之外,可以为任何数据类型,该函数只能接受 UTF-8 编码的数据 * @return string 返回 value 值的 JSON 形式 */ function json_encode_ex( $value) { if ( version_compare( PHP_VERSION,'5.4.0','<')) { $str = json_encode( $value); $str = preg_replace_callback( "#\\\u([0-9a-f]{4})#i", function( $matchs) { return iconv('UCS-2BE', 'UTF-8', pack('H4', $matchs[1])); }, $str ); return $str; } else { return json_encode( $value, JSON_UNESCAPED_UNICODE); } } //获取歌单中的歌曲id function playlist_info($playlist_id){ $json2=get_playlist_info($playlist_id); $json2_arr = json_decode($json2, true); $id = $json2_arr["result"]["tracks"][0]["id"]; return $id; } //获取歌曲链接 function music_info($music_id){ $json3=get_music_info($music_id); $json3_arr = json_decode($json3, true); $id = $json3_arr["songs"][0]["mp3Url"]; return $id; } function bofan($mp3_url){ $aa=user_info("303438511"); $bb=playlist_info($aa); $cc=music_info($bb); header('Content-Type:audio/mp3'); header("Location:".$cc); } // echo bofan(); // echo (user_info1("303438511")); <file_sep><link rel="stylesheet" href="wyplayer/css/player.css"> <link href="http://libs.baidu.com/fontawesome/4.2.0/css/font-awesome.css" rel="stylesheet" type="text/css" /> <div id="wenkmPlayer"> <div class="player"> <div class="blur-img"> <img class="blur"> </div> <div class="infos"> <div class="songstyle"><i class="fa fa-music"></i> <span class="song"></span></div> <div class="timestyle"><i class="fa fa-clock-o"></i> <span class="time">00:00 / 00:00</span></div> <div class="artiststyle"><i class="fa fa-user"></i> <span class="artist"></span><span class="moshi"><i class="loop fa fa-random current"></i> 随机播放</span></div> <div class="artiststyle"><i class="fa fa-folder"></i> <span class="artist1"></span><span class="geci"></span></div> </div> <div class="control"> <i class="loop fa fa-retweet" title="顺序播放"></i> <i class="prev fa fa-backward" title="上一首"></i> <div class="status"> <b> <i class="play fa fa-play" title="播放"></i> <i class="pause fa fa-pause" title="暂停"></i> </b> </div> <i class="next fa fa-forward" title="下一首"></i> <i class="random fa fa-random current"title="随机播放"></i> </div> <div class="musicbottom"> <div class="volume"> <i class="mute fa fa-volume-off"></i> <i class="volumeup fa fa-volume-up"></i> <div class="progress"> <div class="volume-on ts5"> <div class="drag" title="音量"></div> </div> </div> </div> <div class="switch-playlist"> <i class="fa fa-bars" title="播放列表"></i> </div> <div class="switch-ksclrc"> <i class="fa fa-toggle-on" title="关闭歌词"></i> </div> <div class="switch-default"> <i class="fa fa-refresh" title="切换默认专辑"></i> </div> <div class="switch-down"> <a class="down"><i class="fa fa-cloud-download" title="歌曲下载"></i></a> </div> </div> <div class="cover"></div> </div> <div class="playlist"> <div class="playlist-bd"> <div class="album-list"> <div class="musicheader"></div> <div class="list"></div> </div> <div class="song-list"> <div class="musicheader"><i class="fa fa-angle-right"></i><span></span></div> <div class="list"><ul></ul></div> </div> </div> </div> <div class="switch-player"> <i class="fa fa-angle-right" style="margin-top: 20px;"></i> </div> </div> <div id="wenkmTips"></div> <div id="wenkmLrc"></div> <div class="myhk_pjax_loading_frame"></div> <div class="myhk_pjax_loading"></div> <script language="javascript" src="wyplayer/js/jquery.min.js"></script> <script type="text/javascript"> window.onbeforeunload = function() {RootCookies.SetCookie("player_show", "no", -1)};window.onunload = function() {RootCookies.SetCookie("player_show", "no", -1)};</script> <script language="javascript" src="wyplayer/js/mousewheel.js"></script> <script language="javascript" src="wyplayer/js/scrollbar.js"></script> <script language="javascript" src="wyplayer/js/player.js"></script><file_sep><?php /** * Plugin Name: 迷津音乐播放器 * Version: 1.1 * Plugin URL: http://www.qingzz.cn/ * Description: 播放器为开源的播放器,本地化,后台支持自定义专辑名称,输入歌单ID和单曲ID,支持网易、虾米、百度、QQ音乐! * Author: 未知 * Author Email: <EMAIL> * Author URL: http://auv.qingzz.cn/ */ !defined('EMLOG_ROOT') && exit('access deined!'); function qingzz_music_load(){ echo '<link href="'.BLOG_URL.'content/plugins/qingzz_music/style/player.min.css" rel="stylesheet" type="text/css">'."\n"; //echo '<link href="http://libs.baidu.com/fontawesome/4.0.3/css/font-awesome.css" rel="stylesheet" type="text/css">'."\n";//调用百度公共文件加快速度 //echo '<script type="text/javascript" src="http://apps.bdimg.com/libs/jquery/2.1.4/jquery.min.js"></script>'."\n"; } function qingzz_music_list(){ ?> <div id="wenkmPlayer"> <div class="player"> <div class="infos"> <div class="songstyle"><i class="fa fa-music"></i> <span class="song"></span></div> <div class="timestyle"><i class="fa fa-clock-o"></i> <span class="time">00:00 / 00:00</span></div> <div class="artiststyle"><i class="fa fa-user"></i> <span class="artist"></span><span class="moshi"><i class="loop fa fa-random current"></i> 随机播放</span></div> <div class="artiststyle"><i class="fa fa-folder"></i> <span class="artist1"></span><span class="geci"></span></div> </div> <div class="control"> <i class="loop fa fa-retweet" title="顺序播放"></i> <i class="prev fa fa-backward" title="上一首"></i> <div class="status"> <b> <i class="play fa fa-play" title="播放"></i> <i class="pause fa fa-pause" title="暂停"></i> </b> </div> <i class="next fa fa-forward" title="下一首"></i> <i class="random fa fa-random current" title="随机播放"></i> </div> <div class="musicbottom"> <div class="volume"> <i class="mute fa fa-volume-off"></i> <i class="volumeup fa fa-volume-up"></i> <div class="progress"> <div class="volume-on ts5"> <div class="drag" title="音量"></div> </div> </div> </div> <div class="switch-playlist"> <i class="fa fa-bars" title="播放列表"></i> </div> <div class="switch-ksclrc"> <i class="fa fa-toggle-on" title="关闭歌词"></i> </div> <div class="switch-default"> <i class="fa fa-refresh" title="切换默认专辑"></i> </div> <div class="switch-down"> <a class="down"><i class="fa fa-cloud-download" title="歌曲下载"></i></a> </div> </div> <div class="cover"></div> </div> <div class="playlist"> <div class="playlist-bd"> <div class="album-list"> <div class="musicheader"></div> <div class="list"></div> </div> <div class="song-list"> <div class="musicheader"><span></span></div> <div class="list"><ul></ul></div> </div> </div> </div> <div class="switch-player"> <i class="fa fa-angle-right" style="margin-top: 20px;"></i> </div> </div> <div id="wenkmTips"></div> <div id="wenkmLrc"></div> <div id="wenkmKsc"></div> <script language="javascript" src="<?php echo BLOG_URL;?>content/plugins/qingzz_music/js/mousewheel.min.js"></script> <script language="javascript" src="<?php echo BLOG_URL;?>content/plugins/qingzz_music/js/scrollbar.min.js"></script> <script language="javascript" src="<?php echo BLOG_URL;?>content/plugins/qingzz_music/js/player.min.js"></script> <?php } function qingzz_music_menu() { echo '<div class="sidebarsubmenu" id="qingzz_music"><a href="./plugin.php?plugin=qingzz_music">迷津音乐播放器</a></div>'; } addAction('index_head', 'qingzz_music_load'); addAction('index_footer', 'qingzz_music_list'); addAction('adm_sidebar_ext', 'qingzz_music_menu');
13b7a93493e1299409db10829a51655ff53e70d5
[ "JavaScript", "PHP" ]
8
PHP
wuto/MusicPlayer
bfc07a66778b369e552551a9a6c9cf3605d23e5b
26b0ecae6146bd80f2ed23c6b751adb7c3266b27
refs/heads/master
<repo_name>PauloHPS1991/Projetos<file_sep>/conexao.php <?php define('DB_DRIVER', 'mysql'); define('DB_HOST', 'localhost'); define('DB_USER', ''); define('DB_PWD', ''); define('DB_DATABASE', ''); $dsn = ""; try { $PDO = new PDO(DB_DRIVER.':host='.DB_HOST.';dbname='.DB_DATABASE, DB_USER, DB_PWD); if ($PDO) { // echo "Conexão realizada com sucesso!"; } else { // echo "Problemas na conexão!"; } } catch (PDOException $exc) { echo "Problemas na conexão!"; } ?>
125c257f0739d9d632b1aeff4076d938455ae4ad
[ "PHP" ]
1
PHP
PauloHPS1991/Projetos
a57c293633f349a12cb4087d1b0c0195ee64db7a
0bfc46bd11a1a2878c111c11cedd182208fd1330
refs/heads/master
<file_sep>import view.ViewCadastro; public class main { public stativ void main(Strings []args) { ViewCadastro viewCadastro = new ViewCadastro(); viewCadastro.setVisible(true); } } <file_sep>package view; import java.awt.Color; import java.awt.Dimension; import java.awt.Image; import java.awt.event.ActionEvent; import java.awt.event.ActionListener; import javax.swing.BorderFactory; import javax.swing.ImageIcon; import javax.swing.JButton; import javax.swing.JFrame; import javax.swing.JLabel; import javax.swing.JPanel; import javax.swing.JScrollPane; import javax.swing.JTextField; import javax.swing.border.EtchedBorder; import javax.swing.JLayeredPane; import javax.swing.JMenuBar; import javax.swing.JTextArea; public class ViewEstoque extends JFrame implements ActionListener{ private static final long serialVersionUID = 1L; private JMenuBar barra = new JMenuBar(); private JButton btnCadastrarProduto = new JButton("Cadastrar Produto"); private JButton btnChecarEstoque = new JButton("Checar Estoque"); private JButton btnEntregas = new JButton("Entregas"); private JPanel JPCadastrarProduto; private JPanel JPEntregas = new JPanel(); private JLabel lblNome,lblMarca,lblQuantidade,lblValor; private JTextField jtNomeProduto,jtMarca,jtQuantidade,jtValor; private JButton btCadastrar; private final JLayeredPane layeredPane = new JLayeredPane(); private final JPanel JPControleEstoque = new JPanel(); private JLabel lblImagem = new JLabel(); private JButton btnEntregue; private JButton btnChecado; public String BuscaEstoque; public int NumeroFavoritos1 = 80; public int NumeroFavoritos2 = 0; private JPanel JPListaDeFavoritos = new JPanel(); private JScrollPane scrollFavoritos = new JScrollPane(); public String NomeProduto,Marca,Valor,Quantidade; private JLabel lblBusca; private JTextField textBuscaEstoque; private JButton btnBuscar; /** * Inicio das aplicações. */ public static void main(String[] args) { new ViewEstoque(); } public ViewEstoque() { getContentPane().setLayout(null); /** * Atribuindo na barra. */ barra.setBackground(Color.WHITE); setJMenuBar(barra); btnCadastrarProduto.setBackground(Color.WHITE); btnCadastrarProduto.setBorder(BorderFactory.createEtchedBorder(EtchedBorder.LOWERED)); btnCadastrarProduto.addActionListener(new ActionListener() { @Override public void actionPerformed(ActionEvent a) { JPCadastrarProduto.setVisible(true); JPControleEstoque.setVisible(false); JPEntregas.setVisible(false); } }); barra.add(btnCadastrarProduto); btnChecarEstoque.setBackground(Color.WHITE); btnChecarEstoque.setBorder(BorderFactory.createEtchedBorder(EtchedBorder.LOWERED)); btnChecarEstoque.addActionListener(new ActionListener() { @Override public void actionPerformed(ActionEvent a) { JPControleEstoque.setVisible(true); JPCadastrarProduto.setVisible(false); JPEntregas.setVisible(false); ListaDeProdutos(); } }); barra.add(btnChecarEstoque); btnEntregas.setBackground(Color.WHITE); btnEntregas.setBorder(BorderFactory.createEtchedBorder(EtchedBorder.LOWERED)); btnEntregas.addActionListener(new ActionListener() { @Override public void actionPerformed(ActionEvent a) { JPControleEstoque.setVisible(false); JPCadastrarProduto.setVisible(false); JPEntregas.setVisible(true); } }); barra.add(btnEntregas); /** * Definindo JlayeredPane e o JPanel. */ JPControleEstoque.setBackground(Color.DARK_GRAY); layeredPane.add(JPControleEstoque); JPControleEstoque.setBounds(0, 0, 603, 426); JPControleEstoque.setVisible(false); JPControleEstoque.setLayout(null); btnChecado = new JButton("OK"); btnChecado.setBounds(261, 353, 89, 23); btnChecado.addActionListener(new ActionListener() { @Override public void actionPerformed(ActionEvent a) { JPCadastrarProduto.setVisible(false); JPControleEstoque.setVisible(false); JPEntregas.setVisible(false); } }); JPControleEstoque.add(btnChecado); btnChecado.setBackground(Color.WHITE); lblBusca = new JLabel("Busca:"); lblBusca.setForeground(Color.WHITE); lblBusca.setBounds(41, 291, 46, 14); JPControleEstoque.add(lblBusca); textBuscaEstoque = new JTextField(); textBuscaEstoque.setBounds(41, 307, 238, 20); JPControleEstoque.add(textBuscaEstoque); textBuscaEstoque.setColumns(10); btnBuscar = new JButton("Buscar"); btnBuscar.addActionListener(new ActionListener() { public void actionPerformed(ActionEvent arg0) { BuscaEstoque = textBuscaEstoque.getText(); textBuscaEstoque.setText(""); System.out.println(BuscaEstoque); /** * Função de busca. */ } }); btnBuscar.setBounds(289, 306, 89, 23); JPControleEstoque.add(btnBuscar); /** * Lista estoque. */ scrollFavoritos.setBounds(10, 25, 581, 261); JPControleEstoque.add(scrollFavoritos); JPListaDeFavoritos.setBackground(Color.WHITE); scrollFavoritos.setViewportView(JPListaDeFavoritos); JPListaDeFavoritos.setLayout(null); JPEntregas.setBackground(Color.DARK_GRAY); JPEntregas.setBounds(0, 0, 603, 426); layeredPane.add(JPEntregas); JPEntregas.setVisible(false); JPEntregas.setLayout(null); /** * Caixa de texto entrega. */ JScrollPane scrollEntrega = new JScrollPane(); scrollEntrega.setBounds(69, 57, 451, 258); JPEntregas.add(scrollEntrega); JTextArea textEntrega = new JTextArea(); textEntrega.setWrapStyleWord(true); textEntrega.setEditable(false); scrollEntrega.setViewportView(textEntrega); btnEntregue = new JButton("OK"); btnEntregue.setBounds(261, 353, 89, 23); JPEntregas.add(btnEntregue); btnEntregue.setBackground(Color.WHITE); layeredPane.setBounds(0, 0, 601, 426); getContentPane().add(layeredPane); JPCadastrarProduto = new JPanel(); JPCadastrarProduto.setBackground(Color.DARK_GRAY); JPCadastrarProduto.setBounds(0, 0, 603, 426); layeredPane.add(JPCadastrarProduto); JPCadastrarProduto.setVisible(false); JPCadastrarProduto.setLayout(null); /** * Labels. */ lblNome = new JLabel("Nome do Produto: "); lblNome.setForeground(Color.white); JPCadastrarProduto.add(lblNome); lblNome.setBounds(123,126,107,20); lblMarca= new JLabel("Marca: "); lblMarca.setForeground(Color.white); JPCadastrarProduto.add(lblMarca); lblMarca.setBounds(178,157,107,20); lblQuantidade = new JLabel("Quantidade: "); lblQuantidade.setForeground(Color.white); JPCadastrarProduto.add(lblQuantidade); lblQuantidade.setBounds(152,188,107,20); lblValor= new JLabel("Valor: R$"); lblValor.setForeground(Color.white); JPCadastrarProduto.add(lblValor); lblValor.setBounds(169,219,116,20); /** * Caixa de texto que pega as informações. */ jtNomeProduto = new JTextField(""); JPCadastrarProduto.add(jtNomeProduto); jtNomeProduto.setBounds(228,126,220,20); jtMarca = new JTextField(""); JPCadastrarProduto.add(jtMarca); jtMarca.setBounds(228,157,220,20); jtQuantidade = new JTextField(""); JPCadastrarProduto.add(jtQuantidade); jtQuantidade.setBounds(228,188,220,20); jtValor = new JTextField(""); JPCadastrarProduto.add(jtValor); jtValor.setBounds(228,219,220,20); NomeProduto = jtNomeProduto.getText(); Marca = jtMarca.getText(); Quantidade = jtQuantidade.getText(); Valor = jtValor.getText(); /** * Botao Cadastrar. */ btCadastrar = new JButton("Cadastar"); btCadastrar.setBounds(278,270,100,20); btCadastrar.setBackground(Color.white); btCadastrar.addActionListener(this); btCadastrar.addActionListener(new ActionListener() { @Override public void actionPerformed(ActionEvent a) { NomeProduto = jtNomeProduto.getText(); Marca = jtMarca.getText(); Valor = jtValor.getText(); Quantidade = jtQuantidade.getText(); System.out.println(NomeProduto); System.out.println(Marca); System.out.println(Valor); System.out.println(Quantidade); jtMarca.setText(""); jtNomeProduto.setText(""); jtQuantidade.setText(""); jtValor.setText(""); } }); JPCadastrarProduto.add(btCadastrar); JButton btnOKCadastro = new JButton("OK"); btnOKCadastro.setBackground(Color.WHITE); btnOKCadastro.addActionListener(new ActionListener() { public void actionPerformed(ActionEvent e) { JPCadastrarProduto.setVisible(false); JPControleEstoque.setVisible(false); JPEntregas.setVisible(false); } }); btnOKCadastro.setBounds(278, 301, 99, 23); JPCadastrarProduto.add(btnOKCadastro); btnEntregas.addActionListener(new ActionListener() { @Override public void actionPerformed(ActionEvent a) { JPCadastrarProduto.setVisible(false); JPControleEstoque.setVisible(false); JPEntregas.setVisible(false); } }); lblImagem.setBounds(141, 114, 325, 148); layeredPane.add(lblImagem); ImageIcon imagem = new ImageIcon(View.class.getResource("/assets/Icon.png")); Image imag = imagem.getImage().getScaledInstance(lblImagem.getWidth(), lblImagem.getHeight(), Image.SCALE_DEFAULT); lblImagem.setIcon(new ImageIcon(imag)); /** * Definição do Frame. */ getContentPane().setBackground(Color.darkGray); setDefaultCloseOperation(JFrame.EXIT_ON_CLOSE); setBounds(100, 100, 450, 300); setResizable(false); setSize(607,476); setVisible(true); setLocationRelativeTo(null); setTitle("Estoque"); } /** * Lista de Botoes produto. */ public void ListaDeProdutos() { for (int i = 0; i < NumeroFavoritos1 ; i++) { JButton btnNomeProdutoEmEstoque = new JButton("Nome Produto "+i); btnNomeProdutoEmEstoque.setBounds(0, NumeroFavoritos2, 200, 20); btnNomeProdutoEmEstoque.setEnabled(false); btnNomeProdutoEmEstoque.setBackground(Color.WHITE); JPListaDeFavoritos.add(btnNomeProdutoEmEstoque); JButton btnMarcaEmEstoque = new JButton("Marca "+i); btnMarcaEmEstoque.setBounds(200, NumeroFavoritos2, 200, 20); btnMarcaEmEstoque.setEnabled(false); btnMarcaEmEstoque.setBackground(Color.WHITE); JPListaDeFavoritos.add(btnMarcaEmEstoque); JButton btnQuantidadeEmEstoque = new JButton("quantidade "+i); btnQuantidadeEmEstoque.setBounds(400, NumeroFavoritos2, 100, 20); btnQuantidadeEmEstoque.setEnabled(false); btnQuantidadeEmEstoque.setBackground(Color.WHITE); JPListaDeFavoritos.add(btnQuantidadeEmEstoque); JButton btnInfo = new JButton(" alterar "); btnInfo.setBounds(500, NumeroFavoritos2, 90, 20); btnInfo.setBackground(Color.LIGHT_GRAY); btnInfo.addActionListener(new ActionListener() { @Override public void actionPerformed(ActionEvent a) { /** * Alterar valor. */ } }); JPListaDeFavoritos.add(btnInfo); NumeroFavoritos2 += 20; } JPListaDeFavoritos.setPreferredSize(new Dimension(560, NumeroFavoritos2)); } @Override public void actionPerformed(ActionEvent e) { // TODO Auto-generated method stub } } <file_sep>/** * @matheuspsantos */ // Aqui que guarda as informações e regras de negócio relacionados aos pedidos package models; // Definição da classe Pedido public class Pedido { // atributos private String idPedido; private Float taxaEntrega; private Float valorPedido; private boolean statusPedido; // métodos acessores public void setIdPedido(String idPedido) { this.idPedido = idPedido; } public String getIdPedido() { return this.idPedido; } public void setValorPedido(Float valorPedido) { this.valorPedido = valorPedido; } public Float getValorPedido() { return this.valorPedido; } public boolean isStatusPedido() { return this.statusPedido; } public void setStatusPedido(boolean statusPedido) { this.statusPedido = statusPedido; } public Float getTaxaEntrega() { return taxaEntrega; } public void setTaxaEntrega(Float taxaEntrega) { this.taxaEntrega = taxaEntrega; } /** * métodos específicos */ public void tipoDeEntrega() { } /** * o método fazer pedido retorna um cod sobre a situação do pedido */ public int fazerPedido() { return 0; } public void cancelarPedido(){ } } <file_sep>/** * @matheuspsantos */ // Aqui estão as regras de negócio relacionados aos Produtos package models; public class Produto { }
5cd70cf5f2212db8cc59b45513dcea4436c77b7d
[ "Java" ]
4
Java
MagicCoffeeNinja/APOO-APS
69a2df032be3750252c72f05c8e4c601b9353fe7
caed2b476b98fc3f7e49981d33a4c0752a30be95
refs/heads/master
<file_sep>#include <libraries.h> #include <stdio.h> #include <time.h> #include <stdlib.h> #include <stdbool.h> #define HILOLAY_ALUMNO_CONFIG_PATH "../configs/hilolay_alumnos.config" typedef struct hilolay_operations { int (*suse_create) (int); int (*suse_schedule_next) (void); int (*suse_join) (int); int (*suse_close) (int); int (*suse_wait) (int,char*); int (*suse_signal) (int,char*); } hilolay_operations; hilolay_operations *main_ops; typedef struct hilolay_alumno_configuracion { char* SUSE_IP; char* SUSE_PORT; //Era int, lo paso a char* como lo pide la funcion de conectar_a } hilolay_alumnos_configuracion; hilolay_alumnos_configuracion * configuracion_hilolay; un_socket socket_suse; //IPFARID 172.17.0.1 void conectar_con_suse() { socket_suse = conectar_a("127.0.0.1", "5002"); printf("Me conecte con SUSE por el socket %d. \n", socket_suse); } int suse_create(int master_thread){ //todo revisar el master thread printf("Ejecutando suse_create... \n"); bool result = realizar_handshake(socket_suse,cop_suse_create); printf("handshake realizado... \n"); int retorno; if(result){ int tamanio_buffer = sizeof(int); void * buffer = malloc(tamanio_buffer); int desp = 0; serializar_int(buffer, &desp, master_thread); enviar(socket_suse, cop_suse_create, tamanio_buffer, buffer); //todo ver si funca free(buffer); printf("Envie el tid %d a suse. \n", master_thread); retorno = 0; } else{ retorno = -1; } printf("La respuesta de suse_create es %d \n", retorno); return retorno; } int suse_schedule_next(){ printf("Ejecutando suse_schedule_next... \n"); bool respuesta = realizar_handshake(socket_suse,cop_next_tid); printf("handshake realizado... \n"); int next; if(respuesta) { int tamanio_buffer = sizeof(int); void * buffer = malloc(tamanio_buffer); int desp = 0; int msg = 1; serializar_int(buffer, &desp, msg); enviar(socket_suse, cop_next_tid, tamanio_buffer, buffer); free(buffer); t_paquete* received_packet = recibir(socket_suse); int desplazamiento = 0; if(received_packet->codigo_operacion == cop_next_tid){ next = deserializar_int(received_packet->data, &desplazamiento); liberar_paquete(received_packet); } else{ next = -1; } } else{ next = -1; } return next; } int suse_close(int tid){ printf("Ejecutando suse_close... \n"); bool respuesta = realizar_handshake(socket_suse,cop_close_tid); printf("handshake realizado... \n"); int tamanio_buffer = sizeof(int); void * buffer = malloc(tamanio_buffer); int desplazamiento = 0; serializar_int(buffer, &desplazamiento, tid); enviar(socket_suse, cop_close_tid, tamanio_buffer, buffer); free(buffer); // log_info(logger, "Enviando a cerrar el thread %d. \n", tid); //SUSE me devuelve una respuesta indicando si logro cerrarlo o no t_paquete* received_packet = recibir(socket_suse); int desp = 0; int result = deserializar_int(received_packet->data, &desp); liberar_paquete(received_packet); return result; } int suse_join(int tid) { printf("Ejecutando suse_join... \n"); bool respuesta = realizar_handshake(socket_suse,cop_suse_join); printf("handshake realizado... \n"); int result; if(respuesta) { int tamanio_buffer = sizeof(int); void * buffer = malloc(tamanio_buffer); int desplazamiento = 0; serializar_int(buffer, &desplazamiento, tid); enviar(socket_suse, cop_suse_join, tamanio_buffer, buffer); free(buffer); t_paquete* received_packet = recibir(socket_suse); int desp = 0; result = deserializar_int(received_packet->data, &desp); liberar_paquete(received_packet); } else{ result = -1; } return result; } int suse_wait(int tid, char *sem_name){ //todo desde suse en la estructura agregar hilo + semaforos del mismo printf("Ejecutando suse_wait del semaforo %s.. \n",sem_name); bool respuesta = realizar_handshake(socket_suse,cop_wait_sem); printf("handshake realizado... \n"); int tamanio_buffer = sizeof(int)*2 + size_of_string(sem_name); void * buffer = malloc(tamanio_buffer); int desplazamiento = 0; serializar_int(buffer, &desplazamiento, tid); serializar_valor(sem_name,buffer,&desplazamiento); enviar(socket_suse, cop_wait_sem, tamanio_buffer, buffer); free(buffer); // log_info(logger, "Enviando a hacer un wait del sem %s", sem_name); // log_info(logger, "del thread %i. \n", tid); //repuesta de suse que decremento el semaforo ok t_paquete* received_packet = recibir(socket_suse); int desp = 0; int result = deserializar_int(received_packet->data, &desp); liberar_paquete(received_packet); return result; } int suse_signal(int tid, char *sem_name){ printf("Ejecutando suse_signal... \n"); bool respuesta = realizar_handshake(socket_suse,cop_signal_sem); printf("handshake realizado... \n"); int tamanio_buffer = sizeof(int)*2 + size_of_string(sem_name); void * buffer = malloc(tamanio_buffer); int desplazamiento = 0; serializar_int(buffer, &desplazamiento, tid); serializar_valor(sem_name,buffer,&desplazamiento); //todo ver si el sem_name va con & o no enviar(socket_suse, cop_signal_sem, tamanio_buffer, buffer); free(buffer); // log_info(logger, "Enviando a hacer un signal del sem %s del thread %d. \n", sem_name, tid); t_paquete* received_packet = recibir(socket_suse); int desp = 0; int result = deserializar_int(received_packet->data, &desp); liberar_paquete(received_packet); return result; } hilolay_alumnos_configuracion get_configuracion_hilolay() { // log_info(logger,"Levantando archivo de configuracion de Hilolay alumnos \n"); hilolay_alumnos_configuracion configuracion_hilolay; t_config* archivo_configuracion = config_create(HILOLAY_ALUMNO_CONFIG_PATH); configuracion_hilolay.SUSE_IP = copy_string(get_campo_config_string(archivo_configuracion, "SUSE_IP")); configuracion_hilolay.SUSE_PORT = copy_string(get_campo_config_string(archivo_configuracion, "SUSE_PORT")); config_destroy(archivo_configuracion); return configuracion_hilolay; } static struct hilolay_operations hiloops = { .suse_create = &suse_create, .suse_schedule_next = &suse_schedule_next, .suse_join = &suse_join, .suse_close = &suse_close, .suse_wait = &suse_wait, .suse_signal = &suse_signal }; void hilolay_init(void){ printf("Inicializando los recursos de la biblioteca... \n"); conectar_con_suse(); init_internal(&hiloops); printf("Termino Init Internal \n"); }
53d95355d030b17346c51d4b47f89e8b12dd6c2a
[ "C" ]
1
C
lopezjazmin/pruebasSO2019
e9b47cc03dd8a208870cbf0f50375b197994e432
a76d9783de18c3d53f266a2953f2270363112518
refs/heads/master
<repo_name>alejandrogualdron/Laboratorio_Vistas<file_sep>/settings.gradle include ':app' rootProject.name = "Vistas y grupos de vistas"<file_sep>/app/src/main/java/com/example/vistasygruposdevistas/Exercise_6.java package com.example.vistasygruposdevistas; import androidx.appcompat.app.AppCompatActivity; import android.content.Intent; import android.os.Bundle; import android.view.View; import android.widget.Button; public class Exercise_6 extends AppCompatActivity implements View.OnClickListener { Button btnNext; @Override protected void onCreate(Bundle savedInstanceState) { super.onCreate(savedInstanceState); setContentView(R.layout.activity_exercise_6); btnNext=(Button)findViewById(R.id.btnNext); btnNext.setOnClickListener(this); } @Override public void onClick(View v) { switch (v.getId()) { case R.id.btnNext: Intent i1 = new Intent(Exercise_6.this, Exercise_7.class); startActivity(i1); break; } } }<file_sep>/app/src/main/java/com/example/vistasygruposdevistas/Exercise_4.java package com.example.vistasygruposdevistas; import androidx.appcompat.app.AppCompatActivity; import android.content.Intent; import android.os.Bundle; import android.view.View; import android.widget.Button; public class Exercise_4 extends AppCompatActivity implements View.OnClickListener { Button btnExercise4; Button btnAnterior3; @Override protected void onCreate(Bundle savedInstanceState) { super.onCreate(savedInstanceState); setContentView(R.layout.activity_exercise_4); btnExercise4=(Button)findViewById(R.id.btnExercise4); btnExercise4.setOnClickListener(this); btnAnterior3=(Button)findViewById(R.id.btnAnterior3); btnAnterior3.setOnClickListener(this); } @Override public void onClick(View v) { switch (v.getId()) { case R.id.btnExercise4: Intent i1 = new Intent(Exercise_4.this, Exercise_5.class); startActivity(i1); break; case R.id.btnAnterior3: Intent i2 = new Intent(Exercise_4.this, Exercise_3.class); startActivity(i2); break; } } }
32e3ff7f2949f33f6ebaef39322d2e66dd6c0e0f
[ "Java", "Gradle" ]
3
Gradle
alejandrogualdron/Laboratorio_Vistas
dd02255cc194fda0e9bd80fd98d20124000ae5fe
aa30cf9df0ce5a647940b54081a885f382283281
refs/heads/master
<repo_name>johatfie/demo_app<file_sep>/app/models/user.rb class User < ActiveRecord::Base attr_accessible :email, :user has_many :microposts end
230de1091b207774b5bd10ac3c2ecc45bacc5006
[ "Ruby" ]
1
Ruby
johatfie/demo_app
34967f3c5f17e58440cdd90ed20f2e9a87074c66
ebd15bec30bbe1da24b27a21c7e84db4afa4877a
refs/heads/master
<repo_name>GTI710/frontend<file_sep>/src/app/cart/cart.component.ts import { Component, OnInit } from '@angular/core'; import { DataService} from '../data.service'; import { Observable } from 'rxjs'; @Component({ selector: 'app-cart', templateUrl: './cart.component.html', styleUrls: ['./cart.component.css'] }) export class CartComponent implements OnInit { products$: Array<Object>; partialTotal$: number; constructor(private data: DataService) { } modifyProductQuantity(id: number, quantity: string): boolean { if (id !== null && id !== undefined) { let itemsInCart = {}; if (localStorage.getItem('itemsInCart') !== null) { itemsInCart = JSON.parse(localStorage.getItem('itemsInCart')); } itemsInCart[id] = +quantity; localStorage.setItem('itemsInCart', JSON.stringify(itemsInCart)); // @ts-ignore this.products$.filter(x => x.idProductTemplate === id)[0].countInCart = +quantity; this.calculatePartialTotal(); return true; } return false; } removeFromCart(id: number): boolean { if (id !== null && id !== undefined) { let itemsInCart = {}; if (localStorage.getItem('itemsInCart') !== null) { itemsInCart = JSON.parse(localStorage.getItem('itemsInCart')); } delete itemsInCart[id]; localStorage.setItem('itemsInCart', JSON.stringify(itemsInCart)); this.products$.forEach( (item, index) => { // @ts-ignore if (item.idProductTemplate === id) { this.products$.splice(index, 1); } }); this.calculatePartialTotal(); return true; } return false; } calculatePartialTotal() { this.partialTotal$ = 0; // @ts-ignore this.products$.forEach(x => this.partialTotal$ += Number(x.listPrice * x.countInCart)); } ngOnInit() { let itemsInCart = {}; this.products$ = []; this.partialTotal$ = 0; if (localStorage.getItem('itemsInCart') !== null && localStorage.getItem('itemsInCart') !== undefined) { itemsInCart = JSON.parse(localStorage.getItem('itemsInCart')); } const keysItemsInCart = Object.keys(itemsInCart); for (const item of keysItemsInCart) { this.data.getProduct(item).subscribe( data => { const modifiedItem = data['product']; modifiedItem.countInCart = itemsInCart[item]; this.products$.push(modifiedItem); this.partialTotal$ += Number(modifiedItem.listPrice * modifiedItem.countInCart); } ); } } } <file_sep>/src/app/orderthankyou/orderthankyou.component.ts import { Component, OnInit } from '@angular/core'; import { DataService } from '../data.service'; import { ActivatedRoute } from '@angular/router'; @Component({ selector: 'app-orderthankyou', templateUrl: './orderthankyou.component.html', styleUrls: ['./orderthankyou.component.css'] }) export class OrderthankyouComponent implements OnInit { sale$: Object; constructor(private data: DataService, private route: ActivatedRoute) { this.route.params.subscribe(params => this.sale$ = params.id); } ngOnInit() { this.data.getSale(this.sale$).subscribe( data => this.sale$ = data['sale'] ); } } <file_sep>/src/app/checkout/checkout.component.ts import { Component, OnInit } from '@angular/core'; import { DataService} from '../data.service'; import { Observable } from 'rxjs'; import { Router } from '@angular/router'; @Component({ selector: 'app-checkout', templateUrl: './checkout.component.html', styleUrls: ['./checkout.component.css'] }) export class CheckoutComponent implements OnInit { products$: Array<Object>; partialTotal$: number; response: any; constructor(private data: DataService, private router: Router) { } onSubmit(name, street, city, country, zipcode, total) { const input = { 'nameClient': name, 'street': street, 'city': city, 'country': country, 'zipcode': zipcode, 'amount': total }; this.data.createNewSale(input).subscribe(data => { this.response = data; localStorage.removeItem('itemsInCart'); // console.log(this.response); this.router.navigateByUrl('/thankyou/' + this.response['sale']['idSaleTable']); }); } ngOnInit() { let itemsInCart = {}; this.products$ = []; this.partialTotal$ = 0; if (localStorage.getItem('itemsInCart') !== null && localStorage.getItem('itemsInCart') !== undefined) { itemsInCart = JSON.parse(localStorage.getItem('itemsInCart')); } const keysItemsInCart = Object.keys(itemsInCart); for (const item of keysItemsInCart) { this.data.getProduct(item).subscribe( data => { const modifiedItem = data['product']; modifiedItem.countInCart = itemsInCart[item]; this.products$.push(modifiedItem); this.partialTotal$ += Number(modifiedItem.listPrice * modifiedItem.countInCart); } ); } } } <file_sep>/src/app/products/products.component.ts import { Component, OnInit } from '@angular/core'; import {DataService} from '../data.service'; import {ActivatedRoute} from '@angular/router'; import * as moment from 'moment'; @Component({ selector: 'app-products', templateUrl: './products.component.html', styleUrls: ['./products.component.css'] }) export class ProductsComponent implements OnInit { product$: Object; rating$: Array<number>; selectedRating$: number; overallRating$: number; constructor(private data: DataService, private route: ActivatedRoute) { this.route.params.subscribe(params => this.product$ = params.id); } addToCart(id: number, quantity: string): boolean { if (id !== null && id !== undefined) { let itemsInCart = {}; if (localStorage.getItem('itemsInCart') !== null) { itemsInCart = JSON.parse(localStorage.getItem('itemsInCart')); } itemsInCart[id] = +quantity; localStorage.setItem('itemsInCart', JSON.stringify(itemsInCart)); document.getElementById('cart-add-alert').classList.remove('d-none'); setTimeout(function() { document.getElementById('cart-add-alert').classList.add('d-none'); }, 3000); return true; } return false; } formatDate(tempDate: string): string { return moment(tempDate).format('MMMM Do YYYY'); } toFixed(numferToFixed, numberOfDigits: number ): number { return numferToFixed.toFixed(numberOfDigits); } onChangeRating(rating, productId) { this.selectedRating$ = rating; const input = { 'score': (+rating * 2), 'idProductTemplate' : productId }; this.data.createNewRatingReview(input).subscribe(data => { document.getElementById('rating-form').innerHTML = '<div class="col-md-12 d-inline-block"><h4>Merci pour votre opinion!</h4></div>'; }); } addComment(comment, productId) { const input = { 'body': comment, 'idProductTemplate' : productId }; this.data.createNewCommentReview(input).subscribe(data => { document.getElementById('comment-form').innerHTML = '<div class="col-md-12 d-inline-block"><h4>Merci pour votre opinion!</h4></div>'; }); } ngOnInit() { this.data.getProduct(this.product$).subscribe( data => { this.product$ = data['product']; // @ts-ignore this.overallRating$ = this.toFixed(this.product$.averageRating, 1); } ); this.rating$ = [1, 2, 3, 4, 5]; this.selectedRating$ = this.rating$[5]; } } <file_sep>/src/app/home/home.component.ts import { Component, OnInit } from '@angular/core'; import { DataService} from '../data.service'; import { Observable } from 'rxjs'; @Component({ selector: 'app-home', templateUrl: './home.component.html', styleUrls: ['./home.component.css'] }) export class HomeComponent implements OnInit { categories$: Object; constructor(private data: DataService) { } ngOnInit() { this.data.getCategories().subscribe( data => { this.categories$ = data['productCategories']; // @ts-ignore this.categories$.forEach( (item, index) => { if (item.idProductCategory === 1) { // @ts-ignore this.categories$.splice(index, 1); } }); } ); } }
d931519312563242eb25c1b56fdf14a8f7c75749
[ "TypeScript" ]
5
TypeScript
GTI710/frontend
d854034477efb40d59f378e88fc3f002e66fbce9
669ac4b552c95d0139df0a17d6da9ab7b734dce7
refs/heads/main
<file_sep> package com.crypto.arbitrer.ticker; import javax.annotation.Generated; import com.fasterxml.jackson.annotation.JsonInclude; import com.fasterxml.jackson.annotation.JsonProperty; import com.fasterxml.jackson.annotation.JsonPropertyOrder; @JsonInclude(JsonInclude.Include.NON_NULL) @JsonPropertyOrder({ "symbol", "price" }) @Generated("jsonschema2pojo") public class PriceBinance { @JsonProperty("symbol") private String symbol; @JsonProperty("price") private Double price; /** * No args constructor for use in serialization * */ public PriceBinance() { } /** * * @param symbol * @param price */ public PriceBinance(String symbol, Double price) { super(); this.symbol = symbol; this.price = price; } @JsonProperty("symbol") public String getSymbol() { return symbol; } @JsonProperty("symbol") public void setSymbol(String symbol) { this.symbol = symbol; } @JsonProperty("price") public Double getPrice() { return price; } @JsonProperty("price") public void setPrice(Double price) { this.price = price; } } <file_sep>package com.crypto.arbitrer.service; import java.util.List; import com.crypto.arbitrer.dto.Arbitrage; import com.crypto.arbitrer.dto.MarketPriceDto; public interface ArbitrerService { List<MarketPriceDto> getPrices(String symbol); List<Arbitrage> getArbitrages(); List<Arbitrage> getPercentageSpread(Double percentageSpread); } <file_sep>## arbitrer # GET arbitrer/arbitrages response: ``` [ { "ticker": "BTC/USD", "buyMarket": "BINANCE", "buyPrice": 56432.53, "sellMarket": "COINBASE", "sellPrice": 56785.2, "percentageSpread": 0.624941 }, { "ticker": "BTC/USD", "buyMarket": "BITTREX", "buyPrice": 56445.195, "sellMarket": "COINBASE", "sellPrice": 56785.2, "percentageSpread": 0.6023654 }, { "ticker": "BTC/USD", "buyMarket": "BINANCE", "buyPrice": 56432.53, "sellMarket": "BITTREX", "sellPrice": 56445.195, "percentageSpread": 0.022440434 } ] ``` # GET arbitrer/marketpricesBTC response: ``` [ { "price": 56417.63, "market": "BINANCE" }, { "price": 56427.777, "market": "BITTREX" }, { "price": 56767.75, "market": "COINBASE" } ] ``` # GET arbitrer/arbitrages?percentageSpread=0.2 response: ``` [ { "ticker": "BTC-USDT", "buyMarket": "BITTREX", "buyPrice": 44504.07181473, "sellMarket": "BITFINEX", "sellPrice": 45000, "percentageSpread": 1.1143433961156286 }, { "ticker": "BTC-USDT", "buyMarket": "KRAKEN", "buyPrice": 44486.3, "sellMarket": "COINBASE", "sellPrice": 44705.15, "percentageSpread": 0.49194920683446036 }, { "ticker": "BTC-USDT", "buyMarket": "BITTREX", "buyPrice": 44504.07181473, "sellMarket": "COINBASE", "sellPrice": 44705.15, "percentageSpread": 0.4518197483301942 }, { "ticker": "BTC-USDT", "buyMarket": "POLONIEX", "buyPrice": 44514.42892685, "sellMarket": "COINBASE", "sellPrice": 44705.15, "percentageSpread": 0.4284477589579129 }, { "ticker": "BTC-USDT", "buyMarket": "BINANCE", "buyPrice": 44522.5, "sellMarket": "COINBASE", "sellPrice": 44705.15, "percentageSpread": 0.41024201246561054 } ] ``` <file_sep>package com.crypto.arbitrer.ticker.poloniex; import javax.annotation.Generated; import com.fasterxml.jackson.annotation.JsonInclude; import com.fasterxml.jackson.annotation.JsonProperty; import com.fasterxml.jackson.annotation.JsonPropertyOrder; @JsonInclude(JsonInclude.Include.NON_NULL) @JsonPropertyOrder({ "id", "last", "lowestAsk", "highestBid", "percentChange", "baseVolume", "quoteVolume", "isFrozen", "postOnly", "high24hr", "low24hr" }) @Generated("jsonschema2pojo") public class UsdtBtc { @JsonProperty("id") private Integer id; @JsonProperty("last") private String last; @JsonProperty("lowestAsk") private String lowestAsk; @JsonProperty("highestBid") private String highestBid; @JsonProperty("percentChange") private String percentChange; @JsonProperty("baseVolume") private String baseVolume; @JsonProperty("quoteVolume") private String quoteVolume; @JsonProperty("isFrozen") private String isFrozen; @JsonProperty("postOnly") private String postOnly; @JsonProperty("high24hr") private String high24hr; @JsonProperty("low24hr") private String low24hr; @JsonProperty("id") public Integer getId() { return id; } @JsonProperty("id") public void setId(Integer id) { this.id = id; } @JsonProperty("last") public String getLast() { return last; } @JsonProperty("last") public void setLast(String last) { this.last = last; } @JsonProperty("lowestAsk") public String getLowestAsk() { return lowestAsk; } @JsonProperty("lowestAsk") public void setLowestAsk(String lowestAsk) { this.lowestAsk = lowestAsk; } @JsonProperty("highestBid") public String getHighestBid() { return highestBid; } @JsonProperty("highestBid") public void setHighestBid(String highestBid) { this.highestBid = highestBid; } @JsonProperty("percentChange") public String getPercentChange() { return percentChange; } @JsonProperty("percentChange") public void setPercentChange(String percentChange) { this.percentChange = percentChange; } @JsonProperty("baseVolume") public String getBaseVolume() { return baseVolume; } @JsonProperty("baseVolume") public void setBaseVolume(String baseVolume) { this.baseVolume = baseVolume; } @JsonProperty("quoteVolume") public String getQuoteVolume() { return quoteVolume; } @JsonProperty("quoteVolume") public void setQuoteVolume(String quoteVolume) { this.quoteVolume = quoteVolume; } @JsonProperty("isFrozen") public String getIsFrozen() { return isFrozen; } @JsonProperty("isFrozen") public void setIsFrozen(String isFrozen) { this.isFrozen = isFrozen; } @JsonProperty("postOnly") public String getPostOnly() { return postOnly; } @JsonProperty("postOnly") public void setPostOnly(String postOnly) { this.postOnly = postOnly; } @JsonProperty("high24hr") public String getHigh24hr() { return high24hr; } @JsonProperty("high24hr") public void setHigh24hr(String high24hr) { this.high24hr = high24hr; } @JsonProperty("low24hr") public String getLow24hr() { return low24hr; } @JsonProperty("low24hr") public void setLow24hr(String low24hr) { this.low24hr = low24hr; } }<file_sep>package com.crypto.arbitrer.ticker.poloniex; import javax.annotation.Generated; import com.fasterxml.jackson.annotation.JsonInclude; import com.fasterxml.jackson.annotation.JsonProperty; import com.fasterxml.jackson.annotation.JsonPropertyOrder; @JsonInclude(JsonInclude.Include.NON_NULL) @JsonPropertyOrder({ "USDT_BTC" }) @Generated("jsonschema2pojo") public class PricePoloniex { @JsonProperty("USDT_BTC") private UsdtBtc usdtBtc; @JsonProperty("USDT_ETH") private UsdtBtc usdtEth; @JsonProperty("USDT_BTC") public UsdtBtc getUsdtBtc() { return usdtBtc; } @JsonProperty("USDT_BTC") public void setUsdtBtc(UsdtBtc usdtBtc) { this.usdtBtc = usdtBtc; } }<file_sep> package com.crypto.arbitrer.ticker; import javax.annotation.Generated; import com.fasterxml.jackson.annotation.JsonInclude; import com.fasterxml.jackson.annotation.JsonProperty; import com.fasterxml.jackson.annotation.JsonPropertyOrder; @JsonInclude(JsonInclude.Include.NON_NULL) @JsonPropertyOrder({ "symbol", "lastTradeRate", "bidRate", "askRate" }) @Generated("jsonschema2pojo") public class PriceBittrex { @JsonProperty("symbol") private String symbol; @JsonProperty("lastTradeRate") private Double lastTradeRate; @JsonProperty("bidRate") private String bidRate; @JsonProperty("askRate") private String askRate; /** * No args constructor for use in serialization * */ public PriceBittrex() { } /** * * @param symbol * @param lastTradeRate * @param bidRate * @param askRate */ public PriceBittrex(String symbol, Double lastTradeRate, String bidRate, String askRate) { super(); this.symbol = symbol; this.lastTradeRate = lastTradeRate; this.bidRate = bidRate; this.askRate = askRate; } @JsonProperty("symbol") public String getSymbol() { return symbol; } @JsonProperty("symbol") public void setSymbol(String symbol) { this.symbol = symbol; } @JsonProperty("lastTradeRate") public Double getLastTradeRate() { return lastTradeRate; } @JsonProperty("lastTradeRate") public void setLastTradeRate(Double lastTradeRate) { this.lastTradeRate = lastTradeRate; } @JsonProperty("bidRate") public String getBidRate() { return bidRate; } @JsonProperty("bidRate") public void setBidRate(String bidRate) { this.bidRate = bidRate; } @JsonProperty("askRate") public String getAskRate() { return askRate; } @JsonProperty("askRate") public void setAskRate(String askRate) { this.askRate = askRate; } }
59be16fd406fc64e9e37bb750753290712f7c298
[ "Markdown", "Java" ]
6
Java
rocio2603/arbitrer
8a6044e5c32c652b3f9d635f45fd2e4b4ddb3ab0
12cccde48492e76d7724f29ac2da62cb8b787c83
refs/heads/master
<file_sep>"# imo_web" <file_sep><?php namespace WatatApp\Models; class Article extends Db{ } <file_sep><?php namespace WatatApp\Controllers; use WatatApp\Models\User; class NoAuthController extends Controller { public function __construct() { parent::__construct(); $this->redirectIfConnect(); } public function contact() { $this->render('contact.php', [ 'page_name' => 'contact' ]); } public function login() { $errors = array(); if(!empty($this->post)){ if(isset($this->post['resendconfirm'])): var_dump($this->post); die(); else: if(empty($this->post['username']) || empty($this->post['password'])) { $errors['empty'] = "Vous n'avez pas rempli tous les champs"; } // User::$_table = 'users'; // $user = User::find(['username' => $this->post['username']], 'username, id'); $user = User::staticquery('SELECT * FROM techniciens WHERE (EMAIL_TECH = :username OR USER_TECH = :username)', ['username' => $this->post['username']], true); //$user = User::staticquery('SELECT id, username, password, confirmed_at FROM users WHERE (email = :username OR username = :username)', ['username' => $this->post['username']], true); if(!$user) { $errors['credentials'] = 'Identifiant ou mot de passe incorrect'; }elseif(!password_verify($this->post['password'], $user->PASSWORD_TECH)) { $errors['credentials'] = 'Identifiant ou mot de passe incorrect'; // }elseif($user && $user->confirmed_at === null && $user->username !== 'admin'){ // $errors['confirm_id'] = $user->id; // $errors['confirm'] = true; } if(empty($errors)) { $_SESSION['auth'] = $user->ID_TECH; $_SESSION['flash']['success'] = 'Vous etes a present connecte'; // if(isset($this->post['remember'])){ // $token = $this->random_key(250); // User::staticquery('UPDATE users SET remember_token = ? WHERE id = ?', [$token, $user->id], true, false); // setcookie('remember', $user->id.'//'.$token.sha1($user->id.'dy50'), time() + 60 * 60 * 24 * 7); // } // User::staticquery('UPDATE users SET updated_at = NOW() WHERE id = ?', [$user->id], true, false); header('Location:'.ROUTE.'/'); } endif; } $this->render('login.php', [ 'page_name' => 'login', 'errors' => $errors, 'old' => $this->post ]); } public function register() { $errors = array(); if(!empty($_POST)){ if(empty($_POST['username']) || !preg_match('/^[a-zA-Z0-9_]+$/', $_POST['username'])) $errors['username'] = "Vous n'avez pas entrer de pseudo"; else { $user = User::staticquery('SELECT id FROM techniciens WHERE USER_TECH = ?', [$_POST['username']], true); if($user) $errors['username'] = "Le nom d'utilisateur est deja utilise"; } if(empty($_POST['email'])) $errors['email'] = "Vous n'avez pas entrer d'email"; else{ $user = User::staticquery('SELECT id FROM techniciens WHERE EMAIL_TECH = ?', [$_POST['email']], true); if($user) $errors['email'] = "L'adresse email est deja utilise"; } if(!filter_var($_POST['email'], FILTER_VALIDATE_EMAIL)) $errors['email'] = "Votre email est incorrect"; if(empty($_POST['password'])) $errors['password'] = "Vous n'avez pas entrer de mot de passe"; if(empty($_POST['password_confirm'])) $errors['password'] = "Vous n'avez pas entrer les deux mots de passe"; if($_POST['password'] !== $_POST['password_confirm']) $errors['password'] = "Les deux mots de passe ne correspondent pas"; if(empty($errors)) { $password = password_hash($_POST['password'], PASSWORD_BCRYPT); // $token = $this->random_key(60); $pdo = User::getstaticPDO(); $req = $pdo->prepare("INSERT INTO techniciens SET USER_TECH = ?, PASSWORD_TECH = ?, EMAIL_TECH = ?"); // $req = $pdo->prepare("INSERT INTO users SET username = ?, password = ?, email = ?, user_token = ?"); // $req->execute([$_POST['username'], $password, $_POST['email'], $token]); $req->execute([$_POST['username'], $password, $_POST['email']]); //$pdo = "INSERT INTO users SET username = ".$_POST['usernamme'].", password=".$_POST['<PASSWORD>'].", email=".$_POST['email']; // $user_id = $pdo->lastInsertId(); // $http = str_replace('register.php', 'confirm.php?id='.$user_id.'&token='.$token, $_SERVER['HTTP_REFERER']); // mail($_POST['email'], 'Confirmation de votre compte', "Afin de valider votre compte, merci de cliquer sur le li3n ci dessous\n\n<a href='$http'>$http</a>"); // ini_set('smtp_port', 1025); // ini_set('SMTP', 'localhost'); // mail($_POST['email'], 'Confirmation d\'inscription de votre compte', 'Vous venez bien d\'etre enregistre dans notre base de donnees, vous pouvez apresent vous connectez'); $alert = true; } } $this->render('register.php', [ 'page_name' => 'register', 'errors' => $errors ]); } } <file_sep><!DOCTYPE html> <html lang="en"> <head> <meta charset="UTF-8"> <title><?= isset($title) ? 'Gestion immobilier - '.$title : 'Gestion immobilier - Accueil' ?></title> <!-- lien boostrap css--> <link rel="stylesheet" href="<?= ROUTE.'/css/bootstrap.min.css'; ?>"> <link rel="stylesheet" href="<?= ROUTE.'/css/main.css'; ?>"> </head> <body> <header> <nav class="navbar navbar-expand-md navbar-dark fixed-top bg-dark"> <a class="navbar-brand" href="#">Carousel</a> <button class="navbar-toggler" type="button" data-toggle="collapse" data-target="#navbarCollapse" aria-controls="navbarCollapse" aria-expanded="false" aria-label="Toggle navigation"> <span class="navbar-toggler-icon"></span> </button> <div class="collapse navbar-collapse" id="navbarCollapse"> <ul class="navbar-nav mr-auto"> <li class="nav-item <?= $page_name == 'home' ? 'active' : ''; ?>"> <a class="nav-link" href="<?= ROUTE . '/'; ?>">Home <span class="sr-only">(current)</span></a> </li> <li class="nav-item <?= $page_name == 'contact' ? 'active' : ''; ?>"> <a class="nav-link" href="<?= ROUTE . '/contact'; ?>">Contact</a> </li> </ul> <form class="form-inline mt-2 mt-md-0"> <button class="btn btn-outline-primary my-2 my-sm-0" type="submit">Login</button> </form> </div> </nav> </header> <main> <?= isset($content) ? $content : '<div class="align-center"><h1>Page Vide</h1></div>' ?> </main> <!-- Footer --> <footer class="page-footer font-small mdb-color lighten-3 pt-4"> <div class="container text-center text-md-left"> <div class="row"> <div class="col col-lg-3"> <h5 class="font-weight-bold text-uppercase mb-4">Platform Immobilier </h5> <p>Here you can use rows and columns to organize your footer content.</p> <p>Lorem ipsum dolor sit amet, consectetur adipisicing elit. Fugit amet numquam iure provident voluptate .</p> </div> <div class="col col-lg-3"> <h5 class="font-weight-bold text-uppercase mb-4">About</h5> <ul class="list-unstyled"> <li> <p> <a href="#!">Achat</a> </p> </li> <li> <p> <a href="#!">Vente</a> </p> </li> <li> <p> <a href="#!">A propos</a> </p> </li> <li> <p> <a href="#!">FAQ</a> </p> </li> </ul> </div> <div class="col col-lg-3"> <h5 class="font-weight-bold text-uppercase mb-4">Address</h5> <ul class="list-unstyled"> <li> <p> <i class="fas fa-home mr-3"></i>Douala, NY 10012, CM</p> </li> <li> <p> <i class="fas fa-envelope mr-3"></i><EMAIL></p> </li> <li> <p> <i class="fas fa-phone mr-3"></i> + 22 234 567 88</p> </li> <li> <p> <i class="fas fa-print mr-3"></i> + 22 234 567 89</p> </li> </ul> </div> <div class="col-lg-3"> <h5 class="font-weight-bold text-uppercase mb-4">Follow Us</h5> <a type="button" class="btn-floating btn-fb"> <i class="fab fa-facebook-f"></i> </a> <a type="button" class="btn-floating btn-tw"> <i class="fab fa-twitter"></i> </a> <a type="button" class="btn-floating btn-gplus"> <i class="fab fa-google-plus-g"></i> </a> <a type="button" class="btn-floating btn-dribbble"> <i class="fab fa-dribbble"></i> </a> </div> </div> </div> <!-- Copyright --> <div class="footer-copyright text-center py-3 bg-#42127b"> &copy; FindIt <?= date('Y'); ?> - Tous droits reserves. <a href="#">IUC-TI-PAM2-1920</a> </div> <!-- Copyright --> </footer> <!-- Footer --> <!--lien de bibiotheque js--> <script type="text/javascript" src="<?= ROUTE.'/js/bootstrap.min.js'; ?>"></script> <script src="<?= ROUTE.'/js/jquery.min.js'; ?>"></script> <!-- script personnaliser --> <script type="text/javascript" src="<?= ROUTE.'/js/main.js'; ?>"></script> </body> </html> <file_sep><?php namespace WatatApp\Controllers; use WatatApp\Models\Db; use WatatApp\Models\User; class Controller{ protected $db; protected $post; protected $session; protected $cookies; public function __construct() { $this->db = new Db(); /** * Les 3 conditions suivantes permettent de sauvegarder dans les variables $post, $session, $cookies les variables $_POST, $_SESSION, $_COOKIE */ if(isset($_POST)){ $this->post = $_POST; } if(isset($_SESSION)){ $this->session = $_SESSION; } if(isset($_COOKIE)){ $this->cache = $_COOKIE; } } public function random_key($length) { $letters = '<KEY>'; return substr(str_shuffle(str_repeat($letters, $length)), 0, $length); } public function isUserCookie() { if(isset($_SESSION['iscookie']) && $_SESSION['iscookie']){ return null; } //Verifier si l'utilisateur est connecter if(isset($_COOKIE['remember'])){ $cookies = explode('//', $_COOKIE['remember']); $user_id = $cookies[0]; $user = User::find(['id' => $user_id],'id, username, remember_token'); $test = $user_id.'//'.$user->remember_token.sha1($user_id.'dy50'); if($test === $_COOKIE['remember']){ User::staticquery('UPDATE users SET confirmed_at = NOW() WHERE id = ?', [$user_id], true, false); $_SESSION['auth'] = $user->id; header('Location:'.ROUTE.'/account'); }else{ setcookie('remember', NULL, -1); } $_SESSION['iscookie'] = true; } } public function redirectIfConnect() { if(isset($_SESSION['auth'])) { header('Location:'.ROUTE.'/'); } } public function redirectIfNotConnect() { if(!isset($_SESSION['auth'])) { header('Location:'.ROUTE.'/login'); } $this->isUserCookie(); } public function render($nom_de_la_page, $datas = []) { $page_name = ''; if(isset($this->session['auth'])) { $user = User::find($this->session['auth']); $users = User::findAll(); if(!in_array('users', $datas)) { $datas = array_merge($datas, [ 'users' => $users, ]); } if(!in_array('auth_user', $datas)) { $datas = array_merge($datas, [ 'auth_user' => $user, ]); } } // PERMET D'AVOIR ACCES AUX CLES DU TABLEAU => $KEY extract($datas, EXTR_OVERWRITE); // Permet d'enregistrer les donnees de la vues dans la variables $content pour afficher dans le template s'il existe ob_start(); // require "../Views/".$nom_de_la_page; require VIEWS.''.$nom_de_la_page; $content = ob_get_clean(); if(isset($template)){ // require "../Views/".$template; require VIEWS.''.$template; }else{ echo $content; } // Fin de l'affichage de la vue } public function logout() { setcookie('remember', NULL, -1); session_destroy(); header('Location:'.ROUTE.'/login'); } public function error() { $this->render('error.php', [ 'page_name' => 'error' ]); } }<file_sep><?php namespace WatatApp\App; /** * Class RouterException */ class RouterException extends \Exception { } <file_sep>Liste des differentes taches a faire - definir les url des differentes pages du site - navbar avec le dropdown du formulaire de connexion - modal pour la confirmation d'enregistrement - Liste des differentes taches deja effectues <file_sep><?php // cette page devrait etre execute en ajax if(isset($_POST['resendconfirm'])): if(filter_var($_POST['id'], FILTER_VALIDATE_INT)) header('Location:login.php'); $errors['confirm_send'] = true; unset($_POST['resendconfirm']); elseif(isset($errors['confirm_id'])): ?> <form action="" method="POST" id="form_resend"> <input type="hidden" name="id" value="<?= $errors['confirm']; ?>";/> <?php if(isset($errors['confirm'])): ?> <p>Votre compte n'est pas encore ete active, veuillez verifier votre boite de reception d'email</p> <?php elseif(isset($errors['confirm_send'])): ?> <p>Le lien de confirmation a ete envoye avec succes.</p> <?php endif; ?> <p>Vous n'avez pas recu de mail ? <button type="submit" class="btn btn-primary" name="resendconfirm">Renvoyez le mail</button></p> </form> <script> var form_resend = document.getElementById('form_resend'); form_resend.addEventListener("submit", function(e){ e.preventDefault(); console.log('Ok it is send'); console.log(form_resend.elements[0].value); }); </script> <?php endif; ?> <file_sep><?php //ini_set('smtp_port', 1025); //$headers = 'From: <EMAIL>' . "\r\n" . // 'Reply-To: <EMAIL>' . "\r\n" . // 'X-Mailer: PHP/' . phpversion(); //mail('<EMAIL>', 'Confirmation d\'inscription de votre compte', 'Vous venez bien d\'etre enregistre dans notre base de donnees, vous pouvez apresent vous connectez', $headers); // //die('Mail send'); session_start(); $generalRoute = isset($_SERVER['HTTPS']) && $_SERVER['HTTPS'] === 'on' ? 'https' : 'http'; $host = $_SERVER['HTTP_HOST']; $viewsDir = str_replace('/index.php', '', str_replace('public','Views/', str_replace('Public','Views/', $_SERVER['SCRIPT_FILENAME']))); $viewsDir = str_replace('index.php', '', str_replace('public','Views', str_replace('Public','Views/', $_SERVER['SCRIPT_FILENAME']))); if($host === 'localhost'){ $addHost = explode('public', $_SERVER['REQUEST_URI']); $host .= $addHost[0].'public'; } $generalRoute .= '://'.$host; define('ROUTE', $generalRoute); define('MEDIA', $generalRoute.'/img/'); define('VIEWS', $viewsDir); // pour recuperer les fichiers des classes automatiquement require '../App/Autoloader.php'; \WatatApp\App\Autoloader::register(); $path = $_GET['request'] ?? $_SERVER['REQUEST_URI']; $slash = substr($path,-1); if($slash === '/'){ $path = substr($path, 0, -1); } if (empty($path)){ $path = "/home"; } $route = new \WatatApp\App\Router($path); $route->get('/404', 'PagesController@error', 'errorpage'); $route->get('/home', 'PagesController@home', 'homepage'); $route->get('/index', 'PagesController@home', 'indexpage'); $route->get('/contact', 'PagesController@contact', 'contactpage'); //$route->get('/index', function () use ($route){ // header('Location:'.ROUTE.'/home'); //}); $route->get('/login', 'NoAuthController@login', 'loginpage'); $route->get('/dyos/loll', 'NoAuthController@login', 'loginpage'); $route->post('/login', 'NoAuthController@login', 'loginform'); $route->get('/register', 'NoAuthController@register', 'registerpage'); $route->post('/register', 'NoAuthController@register', 'registerform'); $route->get('/logout', 'AuthController@logout', 'logout'); //$route->get('/blogs', 'PagesController@blogs', 'blogpage'); //$route->get('/blogs/:id', 'PagesController@blogs', 'blogshowpage'); //$route->post('/blogs/:id', 'PagesController@editblog', 'blogeditpage'); ////$route->get('/blogs/new', 'PagesController@newblogs', 'blognewpage'); //$route->post('/blogs/new', 'PagesController@newblog', 'blognewform'); //$route->post('/blogs/delete/:id', 'PagesController@deleteblog', 'blogdeleteblog'); //$route->get('/blogs/delete/:id', 'PagesController@deleteblog', 'blogdelete'); //$route->get('/account', 'AuthController@home', 'adminhome'); $route->run(); if(isset($_SESSION['flash'])) { unset($_SESSION['flash']); } //unset($_SESSION['auth']); <file_sep><?php namespace WatatApp\Controllers; use WatatApp\Models\Article; use WatatApp\Models\User; class PagesController extends Controller { public function home() { // $this->redirectIfNotConnect(); // $_SESSION['auth'] = 1; // $user = User::find(1); // echo "<pre>"; // printf($user); // echo "</pre>"; // die(); $this->isUserCookie(); // $this->redirectIfNotConnect(); $this->render('home.php', [ 'page_name' => 'home' ]); } public function contact() { $this->isUserCookie(); $this->render('layouts/app.php', [ 'page_name' => 'contact' ]); } public function blogs($id = null) { $this->isUserCookie(); $error = null; if($id === null){ $blogs = Article::findAll(); $page = 'blogs'; }else{ // pour convertir en int $id = $id + 0; $blog = Article::find($id); if(!$blog){ $error = true; } $page = 'blog'; } $this->render($page.'.php', [ 'page_name' => 'blogs', $page => ${$page}, 'error' => $error ]); } public function editblog($id) { var_dump($id); die(); $this->render($page.'.php', [ 'page_name' => 'blogs', $page => ${$page}, 'error' => $error ]); } public function deleteblog($id) { echo Article::$_table; die(); $action = Article::delete($id, 'articles'); $this->render('blogs.php', [ 'page_name' => 'blogs', 'blogs' => Article::findAll(), 'alert' => 'Article supprime avec succes' ]); } } <file_sep><?php namespace WatatApp\Controllers\Admin; use WatatApp\Controllers\Controller; class PagesController extends Controller { public function index() { } }<file_sep><?php $title = 'login'; $template = 'layouts/app.php'; ?> <h1>Se connecter</h1> <?php if(isset($errors['confirm_id']) || isset($errors['confirm'])): ?> <div class="alert alert-info"> <?php include "../Views/parts/sendconfirm.php"; ?> </div> <?php elseif(isset($errors['credentials'])): ?> <div class="alert alert-danger"> <p><?= $errors['credentials']; ?></p> </div> <?php endif; ?> <form action="" method="post"> <div class="form-group"> <label for="">Nom d'utilisateur ou adresse Email</label> <input type="text" name="username" class="form-control" required value="<?= $old['username'] ?? '' ?>"> </div> <div class="form-group"> <!-- <label for="">Mot de passe <a href="forget.php">(J'ai oublie mon mot de passe)</a></label>--> <label for="">Mot de passe</label> <input type="<PASSWORD>" name="password" class="form-control" required> </div> <div class="form-group"> <label for=""> <input type="checkbox" name="remember" value="1" <?= isset($old['remember']) ? 'checked' : '';?>>Se souvenir de moi </label> </div> <button type="submit" class="btn btn-primary">Se connecter</button> </form> <file_sep><?php $title = 'login'; $template = 'layouts/app.php'; ?> <h1>S'inscrire</h1> <?php if(!empty($errors)): ?> <div class="alert alert-danger"> <p>Des erreurs sont survenus lors de l'envoie de votre requete</p> <ul class=""> <?php foreach ($errors as $error): ?> <!-- <li class="list-group-item bg-transparent border-0 align-items-end mr-0">--><?//= $error; ?><!--</li>--> <li class=""><?= $error; ?></li> <?php endforeach; ?> </ul> </div> <?php elseif (isset($alert)): ?> <div class="alert alert-success"> <p>L'inscription s'est terminee avec succes, veuillez verifier votre boite email.</p> </div> <?php endif; ?> <form action="" method="post"> <div class="form-group"> <label for="">Pseudo</label> <input type="text" name="username" class="form-control" required> </div> <div class="form-group"> <label for="">Email</label> <input type="email" name="email" class="form-control" required> </div> <div class="form-group"> <label for="">Mot de passe</label> <input type="<PASSWORD>" name="password" class="form-control" required> </div> <div class="form-group"> <label for="">Confirmatipn de Mot de passe</label> <input type="password" name="password_confirm" class="form-control" required> </div> <button type="submit" class="btn btn-primary">S'inscrire</button> </form> <file_sep><?php namespace WatatApp\Models; use \PDO; use WatatApp\App\Route; class Db { /** * @var int */ protected $id; protected static $_id; /** * @var string */ protected $table; public static $_table; /** * @var PDO */ private $pdo; private static $_pdo; /** * @var null|string */ protected $host = 'localhost'; protected static $_host = 'localhost'; /** * @var null|string */ protected $base = 'watat'; protected static $_base = 'watata'; /** * @var null|string */ protected $user = 'root'; protected static $_user = 'root'; /** * @var null|string */ protected $pass = <PASSWORD>'; protected static $_pass = <PASSWORD>'; public function __construct($id = null, $base=null,$pass=null,$host=null,$user=null) { //Connexion à la base de données if($base !== null){ $this->base = $base; self::$_base = $base; } if($pass !== null){ $this->pass = $pass; self::$_pass = $pass; } if($user !== null){ $this->user = $user; self::$_user = $user; } if($host !== null){ $this->host = $host; self::$_host = $host; } if($id !== null){ $this->id = $id; self::$_id = $id; } } /** * @return PDO */ public function getPDO(){ if($this->pdo === null){ try { $db = new PDO('mysql:host=' . $this->host . ';dbname=' . $this->base . ';charset=UTF8;', $this->user, $this->pass); $db->setAttribute(PDO::ATTR_ERRMODE,PDO::ERRMODE_EXCEPTION); $db->setAttribute(PDO::ATTR_DEFAULT_FETCH_MODE, PDO::FETCH_OBJ); $this->pdo = $db; } catch (\PDOException $e) { echo $e->getMessage(); } } return $this->pdo; } /** * @return PDO */ public static function getstaticPDO(){ if(self::$_pdo === null){ try { $db = new PDO('mysql:host=' . self::$_host . ';dbname=' . self::$_base . ';charset=UTF8;', self::$_user, self::$_pass); $db->setAttribute(PDO::ATTR_ERRMODE,PDO::ERRMODE_EXCEPTION); $db->setAttribute(PDO::ATTR_DEFAULT_FETCH_MODE, PDO::FETCH_OBJ); self::$_pdo = $db; } catch (\PDOException $e) { echo $e->getMessage(); } } self::setTable(); return self::$_pdo; } public function query($sql, $datas = []) { $req = $this->getPDO()->prepare($sql); $req->execute($datas); return $req; } public static function setTable() { $tables = explode('\\', strtolower(get_called_class()) . 's'); if($tables[2] === 'users'){ self::$_table = 'techniciens'; }else { foreach ($tables as $table) { self::$_table = $table; } } } public static function add(array $datas, $table = null) { if($table !== null){ self::$_table = $table; }else{ self::setTable(); } $sql = 'INSERT INTO '.self::$_table; foreach ($datas as $key => $data) { $sql .= " $key = :$key AND"; } $sql = substr($sql, 0, -4); $result = self::staticquery($sql, $datas, true, false); return $result; } public static function update(array $datas, $wheres, $table = null) { if($table !== null){ self::$_table = $table; }else{ self::setTable(); } $sql = 'UPDATE '.self::$_table.' SET'; foreach ($datas as $key => $data) { $sql .= " $key = :$key AND"; } $sql = substr($sql, 0, -4); if(!is_array($wheres)){ $var = self::find($wheres); if(!$var){ return false; } $sql .= ' WHERE id = :id'; $datas = array_merge($datas, ['id' => $wheres]); }else{ $sql .= ' WHERE '; foreach ($wheres as $key => $where) { if(is_string($key)) { $sql .= " $key = :$key AND"; } } $sql = substr($sql, 0, -4); $datas = array_merge($datas, $wheres); } $result = self::getstaticPDO()->prepare($sql); $result->execute($datas); return $result; } public static function delete($id, $table = null) { if($table !== null){ self::$_table = $table; }else{ self::setTable(); } $var = self::find($id); if($var){ $req = self::getstaticPDO()->query('DELETE FROM '.self::$_table.' WHERE id = '.$var->id); $req->execute(); return true; } return false; } public static function staticquery($sql, $datas = [], $one = false, $return = true) { $req = self::getstaticPDO()->prepare($sql); $req->execute($datas); // Si on accepte de retourner les information if($return) { if ($one) { $result = $req->fetch(); } else { $result = $req->fetchAll(); } $req = $result; } return $req; } public function create($datas = []) { die('Not Available'); $sql = 'INSERT INTO '.$this->table; $result = $this->getPDO()->prepare($sql); } public function select($datas = [], $keys = null, $one = false) { if ($keys === null){ $keys = '*'; } $sql = 'SELECT '.$keys.' FROM '.$this->table; if(!empty($datas)){ $sql .= ' WHERE'; foreach ($datas as $key => $data) { $sql .= " $key = :$key AND"; } $sql = substr($sql, 0, -4); } $req = $this->query($sql, $datas); if($one) { $result = $req->fetch(); }else{ $result =$req->fetchAll(); } return $result; } public static function findAll($datas = [], $keys = '*', $one = false) { //Pour mettre la table automatique; self::setTable(); $sql = 'SELECT ' . $keys . ' FROM ' . self::$_table; if (!empty($datas)){ $sql .= ' WHERE'; foreach ($datas as $key => $data) { $sql .= " $key = :$key AND"; } $sql = substr($sql, 0, -4); } $result = self::staticquery($sql, $datas, $one); return $result; } public static function find($datas, $keys = '*') { if(is_string($datas) || is_integer($datas)){ return self::findAll(['id' => $datas], $keys, true); } return self::findAll($datas, $keys, true); } }<file_sep><!DOCTYPE html> <html lang="en"> <head> <meta charset="utf-8"> <meta name="viewport" content="width=device-width, initial-scale=1.0"> <meta name="description" content=""> <meta name="author" content="Dashboard"> <meta name="keyword" content="Dashboard, Bootstrap, Admin, Template, Theme, Responsive, Fluid, Retina"> <title>IT Solution</title> <!-- Favicons --> <link href="<?= ROUTE.'/img/favicon.png'; ?>" rel="icon"> <link href="<?= ROUTE.'/img/apple-touch-icon.png'; ?>" rel="apple-touch-icon"> <!-- Bootstrap core CSS --> <link href="<?= ROUTE.'/lib/bootstrap/css/bootstrap.min.css'; ?>" rel="stylesheet"> <!--external css--> <link href="<?= ROUTE.'/lib/font-awesome/css/font-awesome.css'; ?>" rel="stylesheet" /> <!-- Custom styles for this template --> <link href="<?= ROUTE.'/css/style.css'; ?>" rel="stylesheet"> <link href="<?= ROUTE.'/css/style-responsive.css'; ?>" rel="stylesheet"> <!-- ======================================================= Template Name: Dashio Template URL: https://templatemag.com/dashio-bootstrap-admin-template/ Author: TemplateMag.com License: https://templatemag.com/license/ ======================================================= --> </head> <body> <!-- ********************************************************************************************************************************************************** MAIN CONTENT *********************************************************************************************************************************************************** --> <div id="login-page"> <div class="container"> <form class="form-login" action="" method="post"> <h2 class="form-login-heading" >sign in now</h2> <?php if(isset($errors['confirm_id']) || isset($errors['confirm'])): ?> <div class="alert alert-info"> <?php include "../Views/parts/sendconfirm.php"; ?> </div> <?php elseif(isset($errors['credentials'])): ?> <div class="alert alert-danger"> <p><?= $errors['credentials']; ?></p> </div> <?php endif; ?> <div class="login-wrap"> <input type="text" class="form-control" name="username" required value="<?= $old['username'] ?? '' ?>" placeholder="<NAME>" autofocus> <br> <input type="password" class="form-control" name="password" placeholder="<PASSWORD>" required> <label class="checkbox">Remember Me &nbsp&nbsp&nbsp&nbsp&nbsp&nbsp<input type="checkbox" name="remember" value="1" <?= isset($old['remember']) ? 'checked' : '';?>> <span class="pull-right"> <a data-toggle="modal" href="#myModal"> Forgot Password?</a> </span> </label> <hr> <button class="btn btn-theme btn-block" href="index.html" type="submit" style="background-color:#409550"><i class="fa fa-lock" ></i> SIGN IN</button> <!-- <div class="registration">--> <!-- Don't have an account yet?<br/>--> <!-- <a class="" href="--><?//= ROUTE.'/register'; ?><!--">--> <!-- Create an account--> <!-- </a>--> <!-- </div>--> </div> <!-- Modal --> <div aria-hidden="true" aria-labelledby="myModalLabel" role="dialog" tabindex="-1" id="myModal" class="modal fade"> <div class="modal-dialog"> <div class="modal-content"> <div class="modal-header"> <button type="button" class="close" data-dismiss="modal" aria-hidden="true">&times;</button> <h4 class="modal-title">Forgot Password ?</h4> </div> <div class="modal-body"> <h1>Fonctionnalite non disponible !</h1> <!-- <p>Enter your e-mail address below to reset your password.</p>--> <!-- <input type="text" name="email" placeholder="Email" autocomplete="off" class="form-control placeholder-no-fix">--> </div> <div class="modal-footer"> <button data-dismiss="modal" class="btn btn-default" type="button">Cancel</button> <!-- <button class="btn btn-theme" type="button">Submit</button>--> </div> </div> </div> </div> <!-- modal --> </form> </div> </div> <!-- js placed at the end of the document so the pages load faster --> <script src="<?= ROUTE.'/lib/jquery/jquery.min.js'; ?>"></script> <script src="<?= ROUTE.'/lib/bootstrap/js/bootstrap.min.js'; ?>"></script> <!--BACKSTRETCH--> <!-- You can use an image of whatever size. This script will stretch to fit in any screen size.--> <script type="text/javascript" src="<?= ROUTE.'/lib/jquery.backstretch.min.js'; ?>"></script> <script> //$.backstretch("<?//= ROUTE.'/img/Capture.PNG'; ?>//", { // speed: 500 //}); </script> </body> </html> <file_sep><?php namespace WatatApp\Controllers; use WatatApp\Models\User; class AuthController extends Controller { public function __construct() { parent::__construct(); $this->redirectIfNotConnect(); } public function techniciens() { $users = User::findAll(); $this->render('techniciens.php', [ 'page_name' => 'techniciens' ]); } public function techniciensadd() { var_dump('hello lolo'); die(); $user = User::find($this->session['auth']); $this->render('index.php', [ 'page_name' => 'homepage' ]); } }<file_sep><?php $template = 'layouts/app.php'; ?> <section> <h2>Contactez Nous</h2> <form action="post"> <div class="col col-lg-5 form-group"> <label for="pseudo">Pseudo</label> <input type="text" placeholder="pseudo" id="pseudo" class="form-control"> </div> <div class="col col-lg-5 form-group"> <label for="email">Email</label> <input type="email" placeholder="email" id="email" class="form-control"> </div> <div class="col col-lg-6 form-group"> <textarea name="message" id="" cols="30" rows="10" placeholder="Laissez un message" class="form-control"></textarea> </div> <button class="btn btn-success col-lg-2">Validate</button> </form> </section><file_sep><?php $title = '404 - Page Not Found'; $template = 'layouts/app.php'; ?> <h2>Error 404</h2> <p>Page Not Found</p> <file_sep><?php namespace WatatApp\Models; class User extends Db { public static function setTable() { self::$_table = 'techniciens'; } public static function findAll($datas = [], $keys = null, $one = false) { //Pour mettre la table automatique; self::setTable(); if ($keys === null){ $keys = '*'; } if (!empty($datas)){ $sqlend = ''; foreach ($datas as $key => $data) { $sqlend .= " $key = :$key AND"; } $sqlend = substr($sqlend, 0, -4); } // $sql = 'SELECT ' . $keys . ' FROM ' . self::$_table; $sql = 'SELECT techniciens.*, quartier.NOM_QR AS QUARTIER_TECH FROM ' . self::$_table.' LEFT JOIN quartier on techniciens.ID_QR = quartier.ID_QR'; // Au cas ou ce sont les informations de l'administrateur if(!array_key_exists('ID_TECH', $datas)){ if(isset($_SESSION['auth'])){ $sql .= ' WHERE ID_TECH != :actif_user'; if($_SESSION['auth'] !== 1){ $sql .= ' AND ID_TECH != 1'; } $datas = array_merge($datas, ['actif_user' => $_SESSION['auth']]); } if(isset($sqlend)) { $sql .= $sqlend; } $result = self::staticquery($sql, $datas, $one); }else { // Au cas ou ce sont les informations de l'administrateur if ($datas['ID_TECH'] === 1) { $result = self::staticquery('SELECT techniciens.*, quartier.NOM_QR AS QUARTIER_TECH FROM ' . self::$_table.' LEFT JOIN quartier on techniciens.ID_QR = quartier.ID_QR WHERE ID_TECH = 1', [], true); // $result = self::staticquery('SELECT ' . $keys . ' FROM ' . self::$_table . ' WHERE ID_TECH = 1', [], true); } else { $sql .= ' WHERE' . $sqlend; $result = self::staticquery($sql, $datas, $one); } } return $result; } public static function findiAll($datas = [], $keys = null, $one = false) { //Pour mettre la table automatique; self::setTable(); if ($keys === null){ $keys = '*'; } if (!empty($datas)){ $sqlend = ''; foreach ($datas as $key => $data) { $sqlend .= " $key = :$key AND"; } $sqlend = substr($sqlend, 0, -4); } $sql = 'SELECT ' . $keys . ' FROM ' . self::$_table; // Au cas ou ce sont les informations de l'administrateur if(!array_key_exists('id', $datas)){ if(isset($_SESSION['auth'])){ $sql .= ' WHERE id != :actif_user'; if($_SESSION['auth'] !== 1){ $sql .= ' AND id != 1'; } $datas = array_merge($datas, ['actif_user' => $_SESSION['auth']]); } if(isset($sqlend)) { $sql .= $sqlend; } $result = self::staticquery($sql, $datas, $one); }else { // Au cas ou ce sont les informations de l'administrateur if ($datas['id'] === 1) { $result = self::staticquery('SELECT ' . $keys . ' FROM ' . self::$_table . ' WHERE id = 1', [], true); } else { $sql .= ' WHERE' . $sqlend; $result = self::staticquery($sql, $datas, $one); } } return $result; } public static function find($datas, $keys = '*') { if(is_string($datas) || is_integer($datas)){ return self::findAll(['ID_TECH' => $datas], $keys, true); } return self::findAll($datas, $keys, true); } }<file_sep><?php $template = 'dashboard.php'; ?> <h2>Bienvenue dans la page d'administration</h2>
bd541797c51be513aa2bab524d634534b78570ad
[ "Markdown", "Text", "PHP" ]
20
Markdown
dy05/imo_web
206cd06b5e7bf31e6283a25162f15d5d7aca901c
2a0af0c3ee63788416da71e6b26adb2800cb3943
refs/heads/master
<repo_name>gazzwi86/itinerate-consulting<file_sep>/client/components/navbar/navbar.component.js 'use strict'; /* eslint no-sync: 0 */ import angular from 'angular'; export class NavbarComponent { menu = [{ title: 'Home', link: 'banner', }, { title: 'Services', link: 'services', }, { title: 'Work', link: 'work', }, { title: 'Testimonials', link: 'testimonials', }, { title: 'Contact', link: 'contact', }]; $window; $location; scrolling; elmYPosition; currentYPosition; isCollapsed = true; constructor($location, $window) { 'ngInject'; this.$location = $location; this.scrolling = (eID) => { $location.hash(eID); // This scrolling function // is from http://www.itnewb.com/tutorial/Creating-the-Smooth-Scroll-Effect-with-JavaScript var startY = this.currentYPosition(); var stopY = this.elmYPosition(eID); var distance = stopY > startY ? stopY - startY : startY - stopY; var speed = Math.round(distance / 100); var step = Math.round(distance / 25); var leapY = stopY > startY ? startY + step : startY - step; var timer = 0; if (speed >= 20) { speed = 10; } if (distance < 100) { scrollTo(0, stopY); return; } if (stopY > startY) { for (var i=startY; i<stopY; i+=step) { setTimeout("window.scrollTo(0, " + leapY + ")", timer * speed); leapY += step; if (leapY > stopY) leapY = stopY; timer++; } return; } for (var i=startY; i>stopY; i-=step) { setTimeout("window.scrollTo(0, " + leapY + ")", timer * speed); leapY -= step; if (leapY < stopY) leapY = stopY; timer++; } }; this.currentYPosition = () => { // Firefox, Chrome, Opera, Safari if (self.pageYOffset) return self.pageYOffset; // Internet Explorer 6 - standards mode if (document.documentElement && document.documentElement.scrollTop) return document.documentElement.scrollTop; // Internet Explorer 6, 7 and 8 if (document.body.scrollTop) return document.body.scrollTop; return 0; }; this.elmYPosition = (eID) => { var elm = document.getElementById(eID); var y = elm.offsetTop; var node = elm; while (node.offsetParent && node.offsetParent != document.body) { node = node.offsetParent; y += node.offsetTop; } return y; }; } isActive(route) { return route === this.$location.path(); } } export default angular.module('directives.navbar', []) .component('navbar', { template: require('./navbar.pug'), controller: NavbarComponent }) .name;
6256597c1618d7ce601f29c4a345780060d145d9
[ "JavaScript" ]
1
JavaScript
gazzwi86/itinerate-consulting
e97084660fd03b95633229595ed0efc265e2ec73
63cf03489abecb939ebe25559cb96311af7d96c0
refs/heads/master
<repo_name>linahandayani/BPJS<file_sep>/app/src/main/java/com/e/bpjs/MainActivity.kt package com.e.bpjs import android.content.Intent import android.net.Uri import android.os.Bundle import android.support.v7.app.AppCompatActivity import com.bumptech.glide.Glide import kotlinx.android.synthetic.main.activity_main.* class MainActivity : AppCompatActivity() { private val url = "https://www.youtube.com/embed/gS-TAO7DbwA" //buat konstanta // carouselView val sampleImages = intArrayOf( R.drawable.satu, R.drawable.dua, R.drawable.tiga ) override fun onCreate(savedInstanceState: Bundle?) { super.onCreate(savedInstanceState) setContentView(R.layout.activity_main) carouselView.setPageCount(3) // posisi and image carouselView.setImageListener { position, imageView -> Glide.with(this@MainActivity).load(sampleImages[position]).into(imageView) } buttonCariTahu.setOnClickListener { var i: Intent i = Intent(this@MainActivity, TenagaKerja::class.java) i.putExtra("URL", "https://www.bpjsketenagakerjaan.go.id/tentang-kami.html") startActivity(i) } buttonMasukTenaga.setOnClickListener { var i: Intent i = Intent(this@MainActivity, TenagaKerja::class.java) i.putExtra("URL", "https://sso.bpjsketenagakerjaan.go.id/") startActivity(i) } buttonPerusahaan.setOnClickListener { var i: Intent i = Intent(this@MainActivity, TenagaKerja::class.java) i.putExtra("URL", "https://sipp.bpjsketenagakerjaan.go.id/") startActivity(i) } buttonMitra.setOnClickListener { var i: Intent i = Intent(this@MainActivity, TenagaKerja::class.java) i.putExtra("URL", "https://tc.bpjsketenagakerjaan.go.id/login.bpjs") startActivity(i) } // mengload gambar Glide.with(this@MainActivity).load(R.drawable.icon_pu).into(imagesatu) Glide.with(this@MainActivity).load(R.drawable.icon_perusahaan).into(imagedua) Glide.with(this@MainActivity).load(R.drawable.icon_mitra).into(imagetiga) // youtube webViewYoutube.settings.javaScriptEnabled = true webViewYoutube.settings.loadsImagesAutomatically = true webViewYoutube.settings.javaScriptCanOpenWindowsAutomatically = true webViewYoutube.loadUrl(url) //membuka aplikasi aplikasi youtube webViewYoutube.setOnTouchListener { v, event -> val intent = Intent(Intent.ACTION_VIEW) intent.data = Uri.parse(url) startActivity(Intent.createChooser(intent, "Lanjutkan dengan ...")) return@setOnTouchListener true } } } <file_sep>/app/src/main/java/com/e/bpjs/TenagaKerja.kt package com.e.bpjs import android.os.Bundle import android.support.v7.app.AppCompatActivity import android.view.View import android.webkit.WebChromeClient import android.webkit.WebView import android.widget.ProgressBar class TenagaKerja : AppCompatActivity() { lateinit var webView: WebView lateinit var pb: ProgressBar lateinit var url: String override fun onCreate(savedInstanceState: Bundle?) { super.onCreate(savedInstanceState) setContentView(R.layout.activity_tenaga_kerja) webView = findViewById(R.id.webView) pb = findViewById(R.id.pb) webView.settings.javaScriptEnabled = true webView.webChromeClient = object : WebChromeClient() { override fun onProgressChanged(view: WebView?, newProgress: Int) { super.onProgressChanged(view, newProgress) if (newProgress == 100) { pb.visibility = View.GONE } } } url = intent.getStringExtra("URL") webView.loadUrl(url) } } <file_sep>/settings.gradle include ':app' rootProject.name='BPJS'
b4b8a84e80b03e02fd1c51efc341bdae071172df
[ "Kotlin", "Gradle" ]
3
Kotlin
linahandayani/BPJS
955a6dd6c155eb825ee1513a091cc70448d6b787
f4d75e28663a7a20cdf53f5164e92b51261fbbd2
refs/heads/master
<file_sep>import React from 'react'; import './UserBox.css'; const UserBox = () => { return ( <div className='sidebar-user'> <div className='sidebar-user-img' /> <div className='sidebar-user-textbox'> <p className='sidebar-user-upper-text'>Warakorn</p> <p className='sidebar-user-lower-text'>Chantranupong</p> </div> </div> ); }; export default UserBox; <file_sep>export const searchObjectByName = (objs, name) => { return objs.filter((obj) => obj.name.toLowerCase().startsWith(name.toLowerCase()) ); }; <file_sep>export { login, register, logout } from './auth'; export { setBookmarkHostels, fetchHostels, setCurrentHotel, bookmarkHostel, setHotels, searchHostels, } from './hostel'; <file_sep>import React from 'react'; import { useDispatch } from 'react-redux'; import LogoText from '../logo_text/LogoText'; import CustomLink from '../custom_link/CustomLink'; import HamburgerBtn from './HamburgerButton'; import * as actions from '../../../store/actions/index'; import './Navbar.css'; const Navbar = ({ onBtnClick }) => { const dispatch = useDispatch(); return ( <div className='navbar'> <div className='navbar-left'> <HamburgerBtn onClick={onBtnClick} /> <LogoText /> </div> <div className='navbar-right'> <CustomLink to='/home' title='Home' icon='' /> <CustomLink to='/home/bookmark' title='Bookmark' icon='' /> <CustomLink isButton onClick={() => dispatch(actions.logout())} title='Logout' icon='fas fa-sign-out-alt' /> <div className='navbar-user-img' /> </div> </div> ); }; export default Navbar; <file_sep>import React from 'react'; import './LogoText.css'; const SidebarLogoText = () => { return ( <div className='sidebar-head'> <i className='fas fa-hotel icon-primary icon-s' style={{ marginBottom: '-0.5rem' }} ></i> <h2 className='secondary-text'>The hosteL</h2> </div> ); }; export default SidebarLogoText; <file_sep>import React, { useEffect, useRef } from 'react'; import { useSelector, useDispatch } from 'react-redux'; import HostelTitle from './HostelTitle'; import HostelItem from './HostelItem'; import Loader from '../../common/Loader'; import * as actions from '../../../store/actions/index'; import './HostelMain.css'; const HostelMain = () => { const dispatch = useDispatch(); const ref = useRef(); let hostels = useSelector((state) => { return state.hostel.hostels; }); let searchHostels = useSelector((state) => { return state.hostel.searchHostels; }); let renderContent = <Loader />; if (searchHostels != null) { renderContent = searchHostels.map((hostel) => ( <HostelItem key={hostel.id} hostel={hostel} /> )); } else if (hostels != null) { renderContent = hostels.map((hostel) => ( <HostelItem key={hostel.id} hostel={hostel} /> )); } const search = () => { dispatch(actions.searchHostels(ref.current.value, false)); }; useEffect(() => { dispatch(actions.fetchHostels()); // eslint-disable-next-line react-hooks/exhaustive-deps }, []); return ( <div className='hostel-container'> <div className='hostel-header'> <h3>Home</h3> </div> <div className='hostel-list-box'> <HostelTitle onChange={search} refInput={ref} /> <div className='hostel-list-box--inside'>{renderContent}</div> </div> </div> ); }; export default HostelMain; <file_sep>import React, { Fragment } from 'react'; import { useDispatch } from 'react-redux'; import { useFormik } from 'formik'; import InputField from '../InputField'; import PrimaryButton from '../../../common/PrimaryButton'; import SecondaryButton from '../../../common/SecondaryButton'; import * as actions from '../../../../store/actions/index'; import * as Yup from 'yup'; const LoginForm = ({ onClick }) => { const dispatch = useDispatch(); const formik = useFormik({ initialValues: { username: '', password: '', }, onSubmit: () => { dispatch(actions.login()); }, validationSchema: Yup.object({ username: Yup.string().required('Required'), password: Yup.string() .required('Required') .min(6, 'Length must not less than 6'), }), }); return ( <Fragment> <i className='fas fa-hotel icon-primary icon-l' style={{ marginBottom: '2rem' }} ></i> <h1 className='heading-text'>The HosteL</h1> <form className='auth-form' onSubmit={formik.handleSubmit}> <InputField title='username' name='username' onChange={formik.handleChange} value={formik.values.username} /> {formik.errors.username ? <p>{formik.errors.username}</p> : null} <InputField title='Password' name='password' hidden onChange={formik.handleChange} value={formik.values.password} /> {formik.errors.password ? <p>{formik.errors.password}</p> : null} <div className='auth-button-group'> <SecondaryButton title={`Switch to Register`} onClick={onClick} /> <PrimaryButton title={'Login'} submit /> </div> </form> </Fragment> ); }; export default LoginForm; <file_sep>import React from 'react'; import { useFormik } from 'formik'; import { useDispatch } from 'react-redux'; import InputField from '../InputField'; import PrimaryButton from '../../../common/PrimaryButton'; import SecondaryButton from '../../../common/SecondaryButton'; import * as actions from '../../../../store/actions/index'; import * as Yup from 'yup'; const Register = ({ onClick }) => { const dispatch = useDispatch(); const formik = useFormik({ initialValues: { email: '', username: '', password: '', confirmPassword: '', birthDate: '', }, onSubmit: () => { dispatch(actions.login()); }, validationSchema: Yup.object({ email: Yup.string().email('Invalid email address').required('Required'), username: Yup.string().required('Required'), password: <PASSWORD>() .required('Required') .min(6, 'Length must not less than 6'), confirmPassword: Yup.string() .required('Required') .oneOf([Yup.ref('password'), null], 'Passwords must match') .min(6, 'Length must not less than 6'), birthDate: Yup.string().required('Required'), }), }); return ( <form className='auth-form' onSubmit={formik.handleSubmit}> <h1 className='heading-text' style={{ marginBottom: '4rem' }}> Register </h1> <InputField title='email' name='email' onChange={formik.handleChange} value={formik.values.email} /> {formik.errors.email ? <p>{formik.errors.email}</p> : null} <InputField title='username' name='username' onChange={formik.handleChange} value={formik.values.email} /> {formik.errors.username ? <p>{formik.errors.username}</p> : null} <InputField title='password' name='password' hidden onChange={formik.handleChange} value={formik.values.password} /> {formik.errors.password ? <p>{formik.errors.password}</p> : null} <InputField title='confirm password' name='confirmPassword' hidden onChange={formik.handleChange} value={formik.values.confirmPassword} /> {formik.errors.confirmPassword ? ( <p>{formik.errors.confirmPassword}</p> ) : null} <InputField title='birthdate (DD/MM/YY)' name='birthDate' onChange={formik.handleChange} value={formik.values.birthDate} /> {formik.errors.birthDate ? <p>{formik.errors.birthDate}</p> : null} <div className='auth-button-group'> <SecondaryButton title={`Switch to Login`} onClick={onClick} /> <PrimaryButton title={'Register'} submit /> </div> </form> ); }; export default Register; <file_sep>import React from 'react'; import { useDispatch } from 'react-redux'; import SidebarLogoText from '../logo_text/LogoText'; import UserBox from '../user_box/UserBox'; import CustomLink from '../custom_link/CustomLink'; import * as actions from '../../../store/actions/index'; import './HideSidebar.css'; const HideSidebar = ({ isOpen }) => { const dispatch = useDispatch(); return ( <div className='sidebar-container-hide'> <SidebarLogoText /> <UserBox /> <CustomLink to='/home' title='Home' icon='fas fa-home' /> <CustomLink to='/home/bookmark' title='Bookmark' icon='fas fa-bookmark' /> <CustomLink isButton onClick={() => dispatch(actions.logout())} title='Logout' icon='fas fa-sign-out-alt' /> </div> ); }; export default HideSidebar; <file_sep>import React from 'react'; import './HostelDetailRightBox.css'; const HostelDetailRightBox = ({ hostel }) => { return ( <div className='hostel-detail-right-box'> <div className='hostel-detail-right-card'> <h4 className='hostel-header-text'>Image(s)</h4> {hostel.images.map((imgURL, index) => ( <div className='hostel-img-card' key={index} style={{ backgroundImage: `url(${imgURL})` }} ></div> ))} </div> </div> ); }; export default HostelDetailRightBox; <file_sep>import React from 'react'; import './InputField.css'; const InputField = ({ title, onChange, name, hidden }) => { return ( <div className='auth-input-group'> <label htmlFor={title}>{title}</label> <input type={hidden ? 'password' : 'text'} name={name} placeholder={`Enter your ${title}`} onChange={onChange} /> </div> ); }; export default InputField; <file_sep>import { Switch, Route, Redirect } from 'react-router-dom'; import { useSelector } from 'react-redux'; import { Fragment } from 'react'; import Auth from './components/auth/AuthCard'; import Hostel from './components/hostel/Hostel'; function App() { const isLogin = useSelector((state) => { return state.auth.isLogin; }); let route = ( <Fragment> <Route path='/' exact component={Auth} /> <Redirect to='/' /> </Fragment> ); if (isLogin) { route = ( <Fragment> <Route path='/home' component={Hostel} /> <Redirect to='/home' /> </Fragment> ); } return ( <div className='container'> <Switch>{route}</Switch> </div> ); } export default App; <file_sep>import React from 'react'; import './HamburgerButton.css'; const HamburgerButton = ({ onClick }) => { return ( <div className='sim-btn' onClick={onClick}> <button className='ham-btn'></button> </div> ); }; export default HamburgerButton; <file_sep>import { SET_CURRENT_HOSTEL, SET_BOOKMARK_HOSTELS, SET_HOSTELS, BOOKMARK_HOSTEL, SEARCH_HOSTELS, } from './actionTypes'; import axios from 'axios'; const baseURL = 'https://4c9c4241-644c-4184-b1f4-da319a15d70b.mock.pstmn.io'; export const fetchHostels = () => { return (dispatch) => { axios .get(`${baseURL}/hotel`) .then((res) => { dispatch(setHotels(res.data[0].hotels)); }) .catch((err) => console.log(err)); }; }; export const setHotels = (hostels) => { return { type: SET_HOSTELS, payload: hostels, }; }; export const setCurrentHotel = (id) => { return { type: SET_CURRENT_HOSTEL, id, }; }; export const setBookmarkHostels = () => { return { type: SET_BOOKMARK_HOSTELS, }; }; export const bookmarkHostel = (id) => { return { type: BOOKMARK_HOSTEL, id, }; }; export const searchHostels = (name, isBookmark) => { return { type: SEARCH_HOSTELS, payload: { name, isBookmark, }, }; }; <file_sep>import React, { useState } from 'react'; import LoginForm from './form/login/LoginForm'; import RegisterForm from './form/register/RegisterForm'; import './AuthCard.css'; const AuthCard = () => { const [isUILogin, setIsLogin] = useState(true); const onSwitch = () => { setIsLogin(!isUILogin); }; let renderContent = isUILogin ? ( <LoginForm onClick={onSwitch} /> ) : ( <RegisterForm onClick={onSwitch} /> ); return ( <div className='auth-container'> <div className='auth-card'>{renderContent}</div> </div> ); }; export default AuthCard; <file_sep>import React from 'react'; import { GOOGLE_API_KEY } from '../../../../configs/api'; import GoogleMapReact from 'google-map-react'; import './HostelDetailLeftBox.css'; const Marker = ({ text }) => <div className='marker'>{text}</div>; const HostelDetailLeftBox = ({ hostel, onClick }) => { const initialPos = { lat: hostel.map.lat, lng: hostel.map.lng }; let iconClassname = hostel.isBookmark ? 'fas fa-bookmark' : 'far fa-bookmark'; return ( <div className='hostel-detail-left-box'> <div className='hostel-detail-content'> <div className='hostel-detail-title-box'> <div className='hostel-detail-title-left'> <h4 className='hostel-header-text'>{hostel.name}</h4> <p> <span className='bold-text'>Price: </span> {hostel.price} Baht/day </p> </div> <div className='hostel-detail-title-right' onClick={onClick}> <i className={iconClassname}></i> </div> </div> <div className='hostel-detail-info-box'> <p> <span className='bold-text'>Detail: </span> {hostel.detail} </p> <div className='hostel-map-title'> <h4 className='hostel-header-text'>Map</h4> </div> <div className='hostel-map-box'> <GoogleMapReact bootstrapURLKeys={{ key: GOOGLE_API_KEY }} center={initialPos} zoom={11} > <Marker lat={hostel.map.lat} lng={hostel.map.lng} text='Here' /> </GoogleMapReact> </div> </div> </div> </div> ); }; export default HostelDetailLeftBox;
5aad9d7e78bc3dece1973fecd0df5430a89ab1aa
[ "JavaScript" ]
16
JavaScript
boy-warakorn/hostel-management
8bc691e751b146cf338f5f165e38425fcea65c92
fc28cac5462a79dec7ab7efe50d01e21776546df
refs/heads/master
<repo_name>KyonLeague/RAREKarthus<file_sep>/RAREAIO/RAREAIO/Program.cs #region copyrights // Copyright 2016 <NAME> // Program.cs is part of RAREAIO. // RAREAIO 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. // RAREAIO 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 SFXUtility. If not, see <http://www.gnu.org/licenses/>. #endregion using LeagueSharp; using LeagueSharp.SDK; namespace RAREAIO { internal class Program { private static void Main(string[] args) { Bootstrap.Init(); Events.OnDash += Events_OnDash; } private static void Events_OnDash(object sender, Events.DashArgs e) { //TODO: Champion init here. } } }<file_sep>/RAREAIO/RAREAIO/Champions/Karthus.cs using System; using System.Collections.Generic; using System.Linq; using System.Text; using System.Threading.Tasks; using LeagueSharp; using RAREAIO.Spells; namespace RAREAIO.Champions { class Karthus { public SpellQ Q = new SpellQ(875, new[] { 80, 120, 200, 240 }, 0.3f, DamageType.Magical); public Karthus() { } } } <file_sep>/RARETwistedFate/RARETwistedFate/TwistedFate/CardShot.cs #region copyrights // Copyright 2016 <NAME> // CardShot.cs is part of RARETwistedFate. // RARETwistedFate 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. // RARETwistedFate 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 RARETwistedFate. If not, see <http://www.gnu.org/licenses/>. #endregion #region usages using System; using System.Linq; using System.Runtime.InteropServices; using LeagueSharp; using LeagueSharp.Common; using LeagueSharp.SDK; using LeagueSharp.SDK.Enumerations; using LeagueSharp.SDK.MoreLinq; using HitChance = LeagueSharp.SDK.Enumerations.HitChance; using SkillshotType = LeagueSharp.SDK.Enumerations.SkillshotType; using Spell = LeagueSharp.SDK.Spell; #endregion namespace RARETwistedFate.TwistedFate { internal class CardShot { public Spell SpellQ; public CardShot() { SpellQ = new Spell(SpellSlot.Q, 1450); SpellQ.SetSkillshot(250, 50, 1000, true, SkillshotType.SkillshotLine); SpellQ.MinHitChance = HitChance.Medium; Game.OnUpdate += Game_OnUpdate; } private void Game_OnUpdate(EventArgs args) { if (MenuTwisted.MainMenu["Q"]["ImmoQ"]) { CheckForImmobiles(); } } public void CheckForImmobiles() { var heros = ObjectManager.Get<Obj_AI_Hero>().Where(h => h.IsEnemy && h.Distance(GameObjects.Player) <= SpellQ.Range); foreach (var objAiHero in heros) { if ((objAiHero.HasBuffOfType(BuffType.Charm) || objAiHero.HasBuffOfType(BuffType.Stun) || objAiHero.HasBuffOfType(BuffType.Knockup) || objAiHero.HasBuffOfType(BuffType.Snare) ) && Extensions.IsValidTarget(objAiHero, SpellQ.Range)) { Console.WriteLine("Cast on immo"); var pred = SpellQ.GetPrediction(objAiHero).CastPosition; SpellQ.Cast(pred); } } } public void HandleQ(OrbwalkingMode orbMode) { if (orbMode == OrbwalkingMode.Combo && IsOn(orbMode)) { var heroes = Variables.TargetSelector.GetTargets(SpellQ.Range, DamageType.Magical, false); foreach (var hero in heroes) { if (SpellQ.IsReady() && SpellQ.IsInRange(hero)) { var pred = SpellQ.GetPrediction(hero).CastPosition; SpellQ.Cast(pred); } } } else if ((orbMode == OrbwalkingMode.Hybrid || orbMode == OrbwalkingMode.LaneClear) && IsOn(orbMode)) { var minions = GameObjects.EnemyMinions.Where(m => SpellQ.IsInRange(m)).ToList(); var farmloc = SpellQ.GetLineFarmLocation(minions); var minionsN = GameObjects.Jungle.Where(m => SpellQ.IsInRange(m)).ToList(); var farmlocN = SpellQ.GetLineFarmLocation(minionsN); if (farmloc.MinionsHit >= 3) { SpellQ.Cast(farmloc.Position); } if (farmlocN.MinionsHit >= 1) { SpellQ.Cast(farmlocN.Position); } } else if (orbMode == OrbwalkingMode.LastHit && IsOn(orbMode)) { var minions = GameObjects.EnemyMinions.Where(m => SpellQ.IsInRange(m)).ToList(); var farmloc = SpellQ.GetLineFarmLocation(minions); if (farmloc.MinionsHit >= 3) { SpellQ.Cast(farmloc.Position); } } } public bool IsOn(OrbwalkingMode orbMode) { switch (orbMode) { case OrbwalkingMode.Combo: return MenuTwisted.MainMenu["Q"]["ComboQ"]; case OrbwalkingMode.LastHit: return MenuTwisted.MainMenu["Q"]["LastQ"]; case OrbwalkingMode.Hybrid: return MenuTwisted.MainMenu["Q"]["HybridQ"]; case OrbwalkingMode.LaneClear: return MenuTwisted.MainMenu["Q"]["FarmQ"]; } return false; } } }<file_sep>/RAREKarthus/RAREKarthus/ChampionModes/Karthus.cs // -------------------------------------------------------------------------------------------------------------------- // <copyright file="Karthus.cs" company=""> // Copyright (c) RAREKarthus. All rights reserved. // </copyright> // -------------------------------------------------------------------------------------------------------------------- namespace RAREKarthus.ChampionModes { #region directives using System; using System.Collections.Generic; using System.Linq; using Additions; using LeagueSharp; using LeagueSharp.Data.Enumerations; using LeagueSharp.SDK; using LeagueSharp.SDK.Enumerations; using LeagueSharp.SDK.UI; using LeagueSharp.SDK.Utils; using SharpDX; using Color = System.Drawing.Color; using Utilities = Utilities; #endregion internal class Karthus { /// <summary> /// Initialization for Karthus. /// Should be called at first. /// </summary> public void Init() { #region skills setup // initializing all skills with all attributes Utilities.Q = new Spell(SpellSlot.Q, 875) .SetSkillshot(1f, 160, int.MaxValue, false, SkillshotType.SkillshotCircle); Utilities.W = new Spell(SpellSlot.W, 1000) .SetSkillshot(.5f, 70, float.MaxValue, false, SkillshotType.SkillshotCircle); Utilities.E = new Spell(SpellSlot.E, 505) .SetSkillshot(1f, 505, float.MaxValue, false, SkillshotType.SkillshotCircle); Utilities.R = new Spell(SpellSlot.R) .SetSkillshot(3f, float.MaxValue, float.MaxValue, false, SkillshotType.SkillshotCircle); // setting up there damage type Utilities.Q.DamageType = Utilities.W.DamageType = Utilities.E.DamageType = Utilities.R.DamageType = DamageType.Magical; // setting up the standart hitchange for Q Utilities.Q.MinHitChance = HitChance.High; #endregion // init the menu for karthus, maybe more champs soon. ChampionMenu(); //game update events - combo etc. Game.OnUpdate += Game_OnUpdate; // drawing event to draw something => lower refresh rate than game update. Drawing.OnDraw += Drawing_OnDraw; } /// <summary> /// Is drawing all needed drawings to your world. /// </summary> /// <param name="args">parameter that are given by the process itself. (not needed yet)</param> private static void Drawing_OnDraw(EventArgs args) { if (Utilities.Player.IsDead) { return; } if (Utilities.MainMenu["Draw"]["Q"] && Utilities.Q.Level > 0) { Render.Circle.DrawCircle(Utilities.Player.Position, Utilities.Q.Range, Color.AntiqueWhite, 2); } if (Utilities.MainMenu["Draw"]["W"] && Utilities.W.Level > 0) { Render.Circle.DrawCircle(Utilities.Player.Position, Utilities.W.Range, Color.ForestGreen, 2); } if (Utilities.MainMenu["Draw"]["E"] && Utilities.E.Level > 0) { Render.Circle.DrawCircle(Utilities.Player.Position, Utilities.E.Range, Color.OrangeRed, 2); } // no need for ult, because it's global Fappa } /// <summary> /// Main ticking rotation which decides what method will be checked during the game. /// </summary> /// <param name="args">parameter that are given by the process itself. (not needed yet)</param> private static void Game_OnUpdate(EventArgs args) { //checking if UltKS is enabled. if (GameObjects.EnemyHeroes.Count(x => Utilities.Player.Distance(x) <= 500f) <= 0 && (Utilities.MainMenu["R"]["KS"] || Utilities.MainMenu["R"]["Save"])) { //start ultks method AutoUlt(); } // check if ping notifying is enabled. if (Utilities.MainMenu["Utilities"]["NotifyPing"]) { // for each player, who's killable with R gets pinged. foreach (var enemy in GameObjects.EnemyHeroes.Where( t => Utilities.R.IsReady() && t.IsValidTarget() && Utilities.R.GetDamage(t, DamageStage.Detonation) > t.Health && t.Distance(ObjectManager.Player.Position) > Utilities.Q.Range)) { Game.ShowPing(PingCategory.Danger, enemy); //internal pings :D } } if (Core.IsInPassiveForm()) { Combo(); LaneClear(); } switch (Variables.Orbwalker.ActiveMode) { case OrbwalkingMode.Combo: Variables.Orbwalker.AttackState = Utilities.MainMenu["Modes"]["useaa"] || ObjectManager.Player.Mana < 100; //if no mana, allow auto attacks! Variables.Orbwalker.MovementState = Utilities.MainMenu["Modes"]["usemm"]; Combo(); break; case OrbwalkingMode.Hybrid: Variables.Orbwalker.AttackState = true; Variables.Orbwalker.MovementState = Utilities.MainMenu["Modes"]["usemm"]; Harass(); break; case OrbwalkingMode.LaneClear: Variables.Orbwalker.AttackState = Utilities.MainMenu["Modes"]["useaa"] || ObjectManager.Player.Mana < 100; Variables.Orbwalker.MovementState = Utilities.MainMenu["Modes"]["usemm"]; LaneClear(); break; case OrbwalkingMode.LastHit: Variables.Orbwalker.AttackState = Utilities.MainMenu["Utilities"]["LastAA"]; Variables.Orbwalker.MovementState = Utilities.MainMenu["Modes"]["usemm"]; LastHit(); break; default: Variables.Orbwalker.AttackState = true; Variables.Orbwalker.MovementState = true; EState(OrbwalkingMode.None); break; } } /// <summary> /// The current EState handler for Karthus. Auto ON/OFF /// </summary> /// <param name="mymode">The parameter which defines in what mode you currently are.</param> /// <param name="ty">Only necessary if you are in the farming mode.</param> private static void EState(OrbwalkingMode mymode, IEnumerable<Obj_AI_Base> ty = null) { if (!Utilities.E.IsReady() || Core.IsInPassiveForm()) return; switch (mymode) { case OrbwalkingMode.LaneClear: if (ty != null) { var objAiBases = ty as IList<Obj_AI_Base> ?? ty.ToList(); if ((objAiBases.Any() && objAiBases.Count(x => x.Health < Utilities.E.GetDamage(x)*3 && x.IsValidTarget(Utilities.E.Range)) >= 2) || objAiBases.Count(x => x.IsValidTarget(Utilities.E.Range)) >= 5) { if (!Utilities.Player.HasBuff("KarthusDefile")) Utilities.E.Cast(); } else { if (Utilities.Player.HasBuff("KarthusDefile")) Utilities.E.Cast(); } } break; case OrbwalkingMode.Combo: if (Utilities.Player.CountEnemyHeroesInRange(Utilities.E.Range) >= 1) { if (!Utilities.Player.HasBuff("KarthusDefile")) Utilities.E.Cast(); } else { if (Utilities.Player.HasBuff("KarthusDefile") && Utilities.MainMenu["E"]["ToggleE"]) Utilities.E.Cast(); } break; default: if (Utilities.Player.HasBuff("KarthusDefile") && Utilities.MainMenu["E"]["ToggleE"]) Utilities.E.Cast(); break; } } /// <summary> /// The method, which handles the AutoUlt process. /// </summary> private static void AutoUlt() { var count = -1; if (Utilities.MainMenu["R"]["KS"]) { count = GameObjects.EnemyHeroes.Count( champ => champ.Health < Utilities.R.GetDamage(champ, DamageStage.Detonation)*0.90 && (!champ.HasBuffOfType(BuffType.SpellShield) || !champ.HasBuffOfType(BuffType.Invulnerability)) && HealthPrediction.GetHealthPrediction(champ, 1500) <= Utilities.R.GetDamage(champ, DamageStage.Detonation) && HealthPrediction.GetHealthPrediction(champ, 1500) >= 100); } else if (Utilities.MainMenu["R"]["Save"]) { count = GameObjects.EnemyHeroes.Count( champ => champ.Health < Utilities.R.GetDamage(champ, DamageStage.Detonation)*0.90 && champ.CountEnemyHeroesInRange(250f) == 0 && (!champ.HasBuffOfType(BuffType.SpellShield) || !champ.HasBuffOfType(BuffType.Invulnerability)) && champ.IsValidTarget(Utilities.R.Range)); } if (count >= Utilities.MainMenu["R"]["CountKS"]) { Utilities.R.Cast(); } } /// <summary> /// The method, which handles the Combo process. /// </summary> // ReSharper disable once CyclomaticComplexity private static void Combo() { Obj_AI_Base seltarget = Utilities.targetSelector.GetSelectedTarget(); if (Utilities.MainMenu["Q"]["ComboQ"]) { if (seltarget == null) { var target = Utilities.targetSelector.GetTargetNoCollision(Utilities.Q); if (target.IsValidTarget(Utilities.Q.Range) && !target.IsDead && target.IsValid) { var prediction = Utilities.Q.GetPrediction(target).CastPosition; Core.CastQ(target, prediction); } } else { if (seltarget.IsValidTarget(Utilities.Q.Range) && !seltarget.IsDead && seltarget.IsValid) { var prediction = Utilities.Q.GetPrediction(seltarget, true, Utilities.Q.Range).CastPosition; Core.CastQ(seltarget, prediction); } else { var target = Utilities.targetSelector.GetTargetNoCollision(Utilities.Q); if (target.IsValidTarget(Utilities.Q.Range) && !target.IsDead && target.IsValid) { var prediction = Utilities.Q.GetPrediction(seltarget, true, Utilities.Q.Range).CastPosition; Core.CastQ(target, prediction); } } } } if (Utilities.MainMenu["W"]["ComboW"]) { if (seltarget == null) { var target = Utilities.targetSelector.GetTargetNoCollision(Utilities.W); if (target.IsValidTarget(Utilities.W.Range) && !target.IsDead && target.IsValid) { Core.CastW(target); } } else { if (seltarget.IsValidTarget(Utilities.W.Range) && !seltarget.IsDead && seltarget.IsValid) { Core.CastW(seltarget); } else { var target = Utilities.targetSelector.GetTargetNoCollision(Utilities.W); if (target.IsValidTarget(Utilities.W.Range) && !target.IsDead && target.IsValid) { Core.CastW(target); } } } } if (Utilities.MainMenu["E"]["ComboE"]) { EState(OrbwalkingMode.Combo); } } /// <summary> /// The method, which handles the Harass process. /// </summary> private static void Harass() { Obj_AI_Base seltarget = Utilities.targetSelector.GetSelectedTarget(); if (Utilities.MainMenu["Q"]["HarassQ"]) { if (seltarget == null) { var target = Utilities.targetSelector.GetTargetNoCollision(Utilities.Q); if (target.IsValidTarget(Utilities.Q.Range) && !target.IsDead && target.IsValid) { var prediction = Utilities.Q.GetPrediction(target).CastPosition; Core.CastQ(target, prediction); } } else { if (seltarget.IsValidTarget(Utilities.Q.Range) && !seltarget.IsDead && seltarget.IsValid) { var prediction = Utilities.Q.GetPrediction(seltarget, true, Utilities.Q.Range).CastPosition; Core.CastQ(seltarget, prediction); } else { var target = Utilities.targetSelector.GetTargetNoCollision(Utilities.Q); if (target.IsValidTarget(Utilities.Q.Range) && !target.IsDead && target.IsValid) { var prediction = Utilities.Q.GetPrediction(seltarget, true, Utilities.Q.Range).CastPosition; Core.CastQ(target, prediction); } } } } if (Utilities.MainMenu["W"]["HarassW"]) { if (seltarget == null) { var target = Utilities.targetSelector.GetTargetNoCollision(Utilities.W); if (target.IsValidTarget(Utilities.W.Range) && !target.IsDead && target.IsValid) { Core.CastW(target); } } else { if (seltarget.IsValidTarget(Utilities.W.Range) && !seltarget.IsDead && seltarget.IsValid) { Core.CastW(seltarget); } else { var target = Utilities.targetSelector.GetTargetNoCollision(Utilities.W); if (target.IsValidTarget(Utilities.W.Range) && !target.IsDead && target.IsValid) { Core.CastW(target); } } } } if (Utilities.MainMenu["E"]["HarassE"]) { EState(OrbwalkingMode.Combo); } if (!Utilities.MainMenu["Q"]["HarassQ"]) return; // get all minions with costum equalations var allMinions = GameObjects.EnemyMinions.Where(m => Utilities.Q.IsInRange(m)); // if minions is NOT empty or there are any minions var objAiMinions = allMinions as Obj_AI_Minion[] ?? allMinions.ToArray(); if (!objAiMinions.Any()) return; //var minions = allMinions.OrderBy(i => i.Health).FirstOrDefault(); // => get first one or default. foreach ( var minion in objAiMinions.Where( minion => minion.IsValidTarget(Utilities.Q.Range) && !minion.InAutoAttackRange() || !minion.IsUnderAllyTurret())) { var hpred = HealthPrediction.GetHealthPrediction(minion, 1000); if (minion != null && hpred < Core.GetQDamage(minion) && hpred > minion.Health - hpred*2) { var prediction = Utilities.Q.GetPrediction(minion, true, Utilities.Q.Range).CastPosition; Core.CastQ(minion, prediction, Utilities.MainMenu["Q"]["LastMana"]); // => CastQ on it, while refering on your mana. } } } /// <summary> /// The method, which handles the LaneClear process. /// </summary> private static void LaneClear() { var lowies = GameObjects.EnemyMinions.Where(x => Utilities.Q.IsInRange(x) && x.Health <= Core.GetQDamage(x)); var highs = GameObjects.EnemyMinions.Where(x => Utilities.Q.IsInRange(x) && x.Health >= Core.GetQDamage(x)); IEnumerable<Obj_AI_Minion> objAiBases = highs as Obj_AI_Minion[] ?? highs.ToArray(); var all = GameObjects.EnemyMinions.Where(x => Utilities.Q.IsInRange(x)); if (Utilities.MainMenu["Q"]["FarmQ"]) { var objAiMinions = lowies as Obj_AI_Minion[] ?? lowies.ToArray(); if (objAiMinions.Any()) { foreach (var lo in objAiMinions) { var hpred = HealthPrediction.GetHealthPrediction(lo, 1000); if (lo != null && hpred < Core.GetQDamage(lo) && hpred > lo.Health - hpred*2) { Core.CastQ(lo, Vector3.Zero, Utilities.MainMenu["Q"]["FarmMana"]); // => CastQ on it, while refering on your mana. } } } else { Core.CastQ(objAiBases.FirstOrDefault(), Vector3.Zero, Utilities.MainMenu["Q"]["FarmMana"]); } } if (Utilities.MainMenu["E"]["FarmE"]) { EState(OrbwalkingMode.LaneClear, all); } } /// <summary> /// The method, which handles the LastHitting process. /// </summary> public static void LastHit() { // look up if enabled and Q is ready and isNot in passive form. (before dead) if (!Utilities.MainMenu["Q"]["LastQ"]) return; // get all minions with costum equalations var allMinions = GameObjects.EnemyMinions.Where(m => Utilities.Q.IsInRange(m)); // if minions is NOT empty or there are any minions var objAiMinions = allMinions as Obj_AI_Minion[] ?? allMinions.ToArray(); if (!objAiMinions.Any()) return; //var minions = allMinions.OrderBy(i => i.Health).FirstOrDefault(); // => get first one or default. foreach ( var minion in objAiMinions.Where( minion => minion.IsValidTarget(Utilities.Q.Range) && !minion.InAutoAttackRange() || !minion.IsUnderAllyTurret())) { var hpred = HealthPrediction.GetHealthPrediction(minion, 1000); if (minion != null && hpred < Core.GetQDamage(minion) && hpred > minion.Health - hpred*2) { var prediction = Utilities.Q.GetPrediction(minion, true, Utilities.Q.Range).CastPosition; Core.CastQ(minion, prediction, Utilities.MainMenu["Q"]["LastMana"]); // => CastQ on it, while refering on your mana. } } } /// <summary> /// Initialize the champion menu for karthus. /// </summary> public static void ChampionMenu() { var modesSettings = Utilities.MainMenu.Add(new Menu("Modes", "Modes")); { modesSettings.Bool("useaa", "Use AutoAttacks in Modes"); modesSettings.Bool("usemm", "Able to Move in Modes"); } var qMenu = Utilities.MainMenu.Add(new Menu("Q", "Q spell")); { qMenu.Separator("Combo"); qMenu.Bool("ComboQ", "Use Q"); qMenu.Separator("Harass"); qMenu.Bool("HarassQ", "Use Q"); qMenu.Separator("Farm"); qMenu.Bool("FarmQ", "Use Q"); qMenu.Slider("FarmMana", "min. mana x%", 50); qMenu.Separator("LastHit"); qMenu.Bool("LastQ", "Use Q"); qMenu.Slider("LastMana", "min. mana x%", 50); } var wMenu = Utilities.MainMenu.Add(new Menu("W", "W spell")); { wMenu.Separator("Combo"); wMenu.Bool("ComboW", "Use W"); wMenu.Separator("Harass"); wMenu.Bool("HarassW", "Use W"); } var eMenu = Utilities.MainMenu.Add(new Menu("E", "E spell")); { eMenu.Separator("Combo"); eMenu.Bool("ComboE", "Use E"); eMenu.Separator("Harass"); eMenu.Bool("HarassE", "Use E"); eMenu.Separator("Farm"); eMenu.Bool("FarmE", "Use E"); eMenu.Separator("Misc"); eMenu.Bool("ToggleE", "Auto Disable E"); } var rMenu = Utilities.MainMenu.Add(new Menu("R", "R spell")); { rMenu.Separator("Combo"); rMenu.Bool("ComboR", "Use R"); rMenu.Separator("Others"); rMenu.Bool("KS", "Auto KSing kills"); rMenu.Bool("Save", "Auto saving kills"); rMenu.Slider("CountKS", "At how many champs KS-Ult", 1, 1, 5); } var comboMenu = Utilities.MainMenu.Add(new Menu("Utilities", "Utilities")); { comboMenu.Bool("NotifyPing", "On killable ping"); comboMenu.Bool("LastAA", "Combine last hitting with AA's"); } var drawMenu = Utilities.MainMenu.Add(new Menu("Draw", "Draw")); { drawMenu.Bool("Q", "Draws Q"); drawMenu.Bool("W", "Draws W"); drawMenu.Bool("E", "Draws E"); } } } internal static class Core { /// <summary> /// to Cast your Q custom for karthus. Call this method. /// </summary> /// <param name="target">target as <see cref="Obj_AI_Base" /></param> /// <param name="pred"></param> /// <param name="minManaPercent"></param> public static void CastQ(Obj_AI_Base target, Vector3 pred, int minManaPercent = 0) { if (!Utilities.Q.IsReady() || !(GetManaPercent() >= minManaPercent) || target == null || !target.IsValidTarget(Utilities.Q.Range) || target.IsDead) return; Utilities.Q.Width = GetDynamicWWidth(target); if (pred.IsValid()) { Utilities.Q.Cast(pred); } } private static float GetDynamicWWidth(Obj_AI_Base target) { return Math.Max(70, (1f - ObjectManager.Player.Distance(target)/Utilities.W.Range)*Utilities.W.Width); } /// <summary> /// gets your current Q Damage with checking obj_AI_base around /// </summary> /// <param name="t"> your target</param> /// <returns> returns your damage in double</returns> public static double GetQDamage(Obj_AI_Base t) { var minions = GameObjects.EnemyMinions.Where(x => t.Distance(x.Position) <= Utilities.Q.Width/2); var damagetwo = new[] {40, 60, 80, 100, 120}; var damageone = new[] {80, 120, 160, 200, 240}; var objAiMinions = minions as Obj_AI_Minion[] ?? minions.ToArray(); if (objAiMinions.Any() && Utilities.Q.Level >= 1) { return damagetwo[Utilities.Q.Level - 1] + 0.3*Utilities.Player.FlatMagicDamageMod; } if (Utilities.Q.Level >= 1) { return damageone[Utilities.Q.Level - 1] + 0.6*Utilities.Player.FlatMagicDamageMod; } return 0.0; } /// <summary> /// Casts your W on the current unit. /// </summary> /// <param name="target"></param> /// <param name="minManaPercent"></param> public static void CastW(Obj_AI_Base target, int minManaPercent = 0) { if (!Utilities.W.IsReady() || !(GetManaPercent() >= minManaPercent) || target == null) return; Utilities.W.Width = GetDynamicWWidth(target); Utilities.W.CastOnUnit(target); } /// <summary> /// Getting the your current your Mana Percentage /// </summary> /// <returns>returns your percentage in float</returns> public static float GetManaPercent() { return Utilities.Player.Mana/Utilities.Player.MaxMana*100f; } /// <summary> /// Getting your your passive Status /// </summary> /// <returns>returns if your passive is active - bool</returns> public static bool IsInPassiveForm() { return Utilities.Player.HasBuff("KarthusDeathDefiedBuff"); } } }<file_sep>/RARETwistedFate/RARETwistedFate/TwistedFate/CardManager.cs #region copyrights // Copyright 2016 <NAME> // CardManager.cs is part of RARETwistedFate. // RARETwistedFate 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. // RARETwistedFate 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 RARETwistedFate. If not, see <http://www.gnu.org/licenses/>. #endregion #region usages using System.Linq; using LeagueSharp; using LeagueSharp.SDK; using LeagueSharp.SDK.Enumerations; using LeagueSharp.SDK.Utils; #endregion namespace RARETwistedFate.TwistedFate { public enum Cards { Disabled = -1, OffCard = 0, BlueCard = 1, // mana card GoldCard = 2, // stun card RedCard = 3 // aoe-damage card } internal class CardManager { public CardsFrame CardFrame; public Spell SpellW; public static bool NeedToCastW; public CardManager(TwistedFate tf) { CardFrame = new CardsFrame(); SpellW = new Spell(SpellSlot.W, 590f); } public Cards GetActiveCardCombo() { return CardFrame.CardCombo.ActiveCard; } public Cards GetActiveCardFarm() { return CardFrame.CardFarm.ActiveCard; } public bool IsOn(OrbwalkingMode orbMode) { switch (orbMode) { case OrbwalkingMode.Combo: return MenuTwisted.MainMenu["W"]["ComboW"]; case OrbwalkingMode.LastHit: return MenuTwisted.MainMenu["W"]["FarmW"]; case OrbwalkingMode.Hybrid: return MenuTwisted.MainMenu["W"]["HybridW"]; case OrbwalkingMode.LaneClear: return MenuTwisted.MainMenu["W"]["HybridW"]; } return false; } public bool IsButtonActive() { return MenuTwisted.MainMenu["Q"]["ShowButton"]; } public Cards GetCardfromString(string name) { if (name == Cards.BlueCard.ToString()) { return Cards.BlueCard; } if (name == Cards.GoldCard.ToString()) { return Cards.GoldCard; } if (name == Cards.RedCard.ToString()) { return Cards.RedCard; } if (name == Cards.OffCard.ToString()) { return Cards.OffCard; } if (name == Cards.Disabled.ToString()) { return Cards.Disabled; } return Cards.Disabled; } private void InstaPickCardOnUlt() { if (ObjectManager.Player.Spellbook.GetSpell(SpellSlot.W).Name == "PickACard") { SpellW.Cast(); } NeedToCastW = true; } public void HandleCards(OrbwalkingMode orbMode, bool urgent) { var counth = GameObjects.EnemyHeroes.Count(x => GameObjects.Player.Distance(x) <= SpellW.Range + 200); var countm = GameObjects.EnemyMinions.Count(y => GameObjects.Player.Distance(y) <= SpellW.Range + 200) + GameObjects.EnemyTurrets.Count(t => GameObjects.Player.Distance(t) <= SpellW.Range + 200); var countj = GameObjects.Jungle.Count(z => GameObjects.Player.Distance(z) <= SpellW.Range + 200); string name = ObjectManager.Player.Spellbook.GetSpell(SpellSlot.W).Name; if (urgent && orbMode == OrbwalkingMode.Combo) { InstaPickCardOnUlt(); return; } if (orbMode == OrbwalkingMode.Combo && IsOn(orbMode) && (counth > 0 || name != "PickACard")) { PickCard(GetActiveCardCombo()); } else if ((orbMode == OrbwalkingMode.Hybrid || orbMode == OrbwalkingMode.LaneClear) && IsOn(orbMode) && (countj > 0 || countm > 0)) { PickCard(GetActiveCardFarm()); } else if (orbMode == OrbwalkingMode.LastHit && IsOn(orbMode) && countm > 0) { PickCard(GetActiveCardFarm()); } } public void PickCard(Cards card) { string name = ObjectManager.Player.Spellbook.GetSpell(SpellSlot.W).Name; if (name == "PickACard" && card != Cards.OffCard && card != Cards.Disabled) { SpellW.Cast(); return; } if (name == "RedCardLock" && card == Cards.RedCard) { SpellW.Cast(); NeedToCastW = false; return; } if (name == "BlueCardLock" && card == Cards.BlueCard) { SpellW.Cast(); NeedToCastW = false; return; } if (name == "GoldCardLock" && card == Cards.GoldCard) { SpellW.Cast(); NeedToCastW = false; } } } }<file_sep>/README.md # RAREScripts ##my included scripts 1. RAREKarthus 2. RAREZyra 3. RARETwistedFate <file_sep>/RAREKarthus/RAREKarthus/Config.cs #region copyright // Copyright (c) KyonLeague 2016 // If you want to copy parts of the code, please inform the author and give appropiate credits // File: Config.cs // Author: KyonLeague // Contact: "cryz3rx" on Skype #endregion #region usage using LeagueSharp.SDK.UI; #endregion namespace RAREKarthus { internal static class Config { #region Static Fields private static int _cBlank = -1; #endregion #region Public Methods and Operators /// <summary> /// lets you create a new menupoint inside a <seealso cref="Menu"/>. /// </summary> /// <param name="subMenu">Your SubMenu to add it to</param> /// <param name="name">the so called ID</param> /// <param name="display">The displayed name inside the game</param> /// <param name="state">the default state of the menu</param> /// <returns>returns a <seealso cref="MenuBool"/> the can be used.</returns> public static MenuBool Bool(this Menu subMenu, string name, string display, bool state = true) { return subMenu.Add(new MenuBool(name, display, state)); } public static MenuList List(this Menu subMenu, string name, string display, string[] array, int value = 0) { return subMenu.Add(new MenuList<string>(name, display, array) {Index = value}); } public static MenuSeparator Separator(this Menu subMenu, string display) { _cBlank += 1; return subMenu.Add(new MenuSeparator("blank" + _cBlank, display)); } public static MenuSlider Slider(this Menu subMenu, string name, string display, int cur, int min = 0, int max = 100) { return subMenu.Add(new MenuSlider(name, display, cur, min, max)); } #endregion } }<file_sep>/RAREKarthus/RAREKarthus/Utilities.cs #region copyright // Copyright (c) KyonLeague 2016 // If you want to copy parts of the code, please inform the author and give appropiate credits // File: Utilities.cs // Author: KyonLeague // Contact: "cryz3rx" on Skype #endregion #region usage using System; using System.Net; using System.Reflection; using System.Text.RegularExpressions; using LeagueSharp; using LeagueSharp.SDK; using LeagueSharp.SDK.UI; #endregion namespace RAREKarthus { internal class Utilities { internal static Menu MainMenu; internal static Obj_AI_Hero Player; internal static TargetSelector targetSelector = Variables.TargetSelector; internal static Spell Q, W, E, R; internal static SpellSlot Flash, Ignite; internal const int FlashRange = 425, IgniteRange = 600; /// <summary> /// Prints your text into the chat. /// </summary> /// <param name="text">Used to give out the information as string</param> public static void PrintChat(string text) { Game.PrintChat("RAREKarthus => {0}", text); } /// <summary> /// checks if there is an update for this assembly /// </summary> public static void UpdateCheck() { try { using (var web = new WebClient()) { var source = "https://raw.githubusercontent.com/KyonLeague/RAREScripts/master/RAREKarthus/RAREKarthus/RAREKarthus.csproj"; if (source == "") return; var rawFile = web.DownloadString(source); var checkFile = new Regex(@"\[assembly\: AssemblyVersion\(""(\d{1,})\.(\d{1,})\.(\d{1,})\.(\d{1,})""\)\]").Match (rawFile); if (!checkFile.Success) { return; } var gitVersion = new Version( $"{checkFile.Groups[1]}.{checkFile.Groups[2]}.{checkFile.Groups[3]}.{checkFile.Groups[4]}"); if (gitVersion > Assembly.GetExecutingAssembly().GetName().Version) { PrintChat("Outdated! Newest Version: " + gitVersion); } else { PrintChat("You are on the newest version: " + gitVersion); } } } catch (Exception ex) { Console.WriteLine(ex); } } /// <summary> /// initialize the MainMenu for the Champion Menu. Should be called at first. /// </summary> public static void InitMenu() { MainMenu = new Menu("rarekarthus", "rareKarthus", true, Player.ChampionName).Attach(); MainMenu.Separator("We love LeagueSharp."); MainMenu.Separator("Developer: @Kyon"); } } }<file_sep>/RARETwistedFate/RARETwistedFate/TwistedFate/CardsFrame.cs #region copyrights // Copyright 2016 <NAME> // CardsFrame.cs is part of RARETwistedFate. // RARETwistedFate 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. // RARETwistedFate 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 RARETwistedFate. If not, see <http://www.gnu.org/licenses/>. #endregion #region usages using LeagueSharp; using LeagueSharp.Common; using LeagueSharp.SDK.Utils; using RARETwistedFate.Properties; using SharpDX; using Render = LeagueSharp.SDK.Utils.Render; #endregion namespace RARETwistedFate.TwistedFate { internal class CardsFrame { private bool _isActive; public CardDrawing CardCombo; public CardDrawing CardFarm; public Vector2 PosDraw; public CardsFrame() { _isActive = true; PosDraw = new Vector2(50, 50) + new Vector2(-10, -10); Frame = new Render.Sprite(Resources.frame, PosDraw) {Color = new ColorBGRA(255, 255, 255, 170)}; Frame.Add(); CardFarm = new CardDrawing(this, new Vector2(8, 10)); CardCombo = new CardDrawing(this, new Vector2(Frame.Width/2 + 8, 10)); Game.OnWndProc += Game_OnWndProc; } private Render.Sprite Frame { get; } internal bool ShowButton() { return MenuTwisted.MainMenu["W"]["ShowButton"]; } private void Game_OnWndProc(WndEventArgs args) { if (ShowButton()) { if (!_isActive) { _isActive = true; Activate(); } else if ((args.Msg == (uint) WindowsMessages.WM_LBUTTONUP) && MouseOnButton(CardCombo.PosCard, CardCombo.YellowCard) && args.WParam != 5) { CardCombo.ChangeDrawCard(); } else if ((args.Msg == (uint) WindowsMessages.WM_LBUTTONUP) && MouseOnButton(CardFarm.PosCard, CardCombo.YellowCard) && args.WParam != 5) { CardFarm.ChangeDrawCard(); } else if ((args.Msg == (uint) WindowsMessages.WM_MOUSEMOVE) && (args.WParam == 5) && MouseOnButton(PosDraw, Frame)) { MoveButtons(new Vector2(Utils.GetCursorPos().X - Frame.Width/2f, Utils.GetCursorPos().Y - Frame.Height/2f)); } } else { CardCombo.ActiveCard = Cards.Disabled; CardFarm.ActiveCard = Cards.Disabled; Disable(); } } internal bool MouseOnButton(Vector2 posButton, Render.Sprite button) { var pos = Utils.GetCursorPos(); return (pos.X >= posButton.X) && pos.X <= posButton.X + button.Width && pos.Y >= posButton.Y && pos.Y <= posButton.Y + button.Height; } internal void MoveButtons(Vector2 newPosition) { PosDraw = newPosition; Frame.Position = PosDraw; Frame.PositionUpdate = () => PosDraw; Frame.PositionUpdate = null; CardFarm.MoveButtons(Frame.Position, new Vector2(8, 10)); CardCombo.MoveButtons(Frame.Position, new Vector2(Frame.Width/2 + 8, 10)); } public void Activate() { Frame.Add(); CardCombo.ActivateMe(); CardFarm.ActivateMe(); } public void Disable() { _isActive = false; Frame.Remove(); CardCombo.DisableMe(); CardFarm.DisableMe(); } } }<file_sep>/RARETwistedFate/RARETwistedFate/TwistedFate/TwistedFate.cs #region copyrights // Copyright 2016 <NAME> // TwistedFate.cs is part of RARETwistedFate. // RARETwistedFate 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. // RARETwistedFate 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 RARETwistedFate. If not, see <http://www.gnu.org/licenses/>. #endregion #region usages using System; using System.Drawing; using LeagueSharp; using LeagueSharp.SDK; using LeagueSharp.SDK.Enumerations; using LeagueSharp.SDK.UI; using LeagueSharp.SDK.Utils; #endregion namespace RARETwistedFate.TwistedFate { internal class TwistedFate { internal CardManager CardManager; // W skill internal CardShot CardShot; // Q spell internal Obj_AI_Hero Player; public TwistedFate() { Player = GameObjects.Player; if (Player.CharData.BaseSkinName == "TwistedFate") { CardManager = new CardManager(this); CardShot = new CardShot(); MenuTwisted.Init(this); Game.PrintChat("RARETwistedFate => has been loaded."); Game.OnUpdate += Game_OnUpdate; Drawing.OnDraw += DrawingOnOnDraw; Obj_AI_Base.OnProcessSpellCast += ObjAiBaseOnOnProcessSpellCast; } else { Game.PrintChat("RARETwistedFate => not loaded wrong champion detected."); } } private void ObjAiBaseOnOnProcessSpellCast(Obj_AI_Base sender, GameObjectProcessSpellCastEventArgs args) { if (sender.IsMe && args.SData.Name.Equals("Gate", StringComparison.InvariantCultureIgnoreCase) && MenuTwisted.MainMenu["R"]["Pick"]) { CardManager.HandleCards(OrbwalkingMode.Combo, true); } } private void DrawingOnOnDraw(EventArgs args) { if (MenuTwisted.MainMenu["Draw"]["Q"] && CardShot.SpellQ.Level >= 1) { Render.Circle.DrawCircle(Player.Position, CardShot.SpellQ.Range, Color.Aqua, 2); } if (MenuTwisted.MainMenu["Draw"]["W"] && CardManager.SpellW.Level >= 1) { Render.Circle.DrawCircle(Player.Position, CardManager.SpellW.Range, Color.Brown, 2); } if (MenuTwisted.MainMenu["Draw"]["R"]) { Render.Circle.DrawCircle(Player.Position, 5500f, Color.Brown, 2); } } private void Game_OnUpdate(EventArgs args) { switch (Variables.Orbwalker.ActiveMode) { case OrbwalkingMode.Combo: CardManager.HandleCards(Variables.Orbwalker.ActiveMode, false); if (!MenuTwisted.MainMenu["Q"]["OnlyImmoQ"]) { CardShot.HandleQ(Variables.Orbwalker.ActiveMode); } break; case OrbwalkingMode.Hybrid: CardManager.HandleCards(Variables.Orbwalker.ActiveMode, false); CardShot.HandleQ(Variables.Orbwalker.ActiveMode); break; case OrbwalkingMode.LaneClear: CardManager.HandleCards(Variables.Orbwalker.ActiveMode, false); CardShot.HandleQ(Variables.Orbwalker.ActiveMode); break; case OrbwalkingMode.LastHit: CardManager.HandleCards(Variables.Orbwalker.ActiveMode, false); CardShot.HandleQ(Variables.Orbwalker.ActiveMode); break; } if (CardManager.NeedToCastW) { CardManager.PickCard(CardManager.GetCardfromString(MenuTwisted.MainMenu["R"]["ActiveCard"].GetValue<MenuList>().SelectedValueAsObject.ToString())); } } } }<file_sep>/RAREZyra/RAREZyra/Utilities.cs #region copyright // Copyright (c) KyonLeague 2016 // If you want to copy parts of the code, please inform the author and give appropiate credits // File: Utilities.cs // Author: KyonLeague // Contact: "cryz3rx" on Skype #endregion #region usage using System; using System.Net; using System.Reflection; using System.Text.RegularExpressions; using LeagueSharp; using LeagueSharp.Common; using LeagueSharp.SDK; using LeagueSharp.SDK.UI; using Keys = LeagueSharp.Common.Keys; using KeyBindType = LeagueSharp.SDK.Enumerations.KeyBindType; using Menu = LeagueSharp.SDK.UI.Menu; using Spell = LeagueSharp.SDK.Spell; using TargetSelector = LeagueSharp.SDK.TargetSelector; using Version = System.Version; #endregion namespace RAREZyra { internal class Utilities { internal static Menu MainMenu; internal static Obj_AI_Hero Player; internal static TargetSelector targetSelector = Variables.TargetSelector; internal static Spell Q, W, E, R; internal const int FlashRange = 425, IgniteRange = 600; /// <summary> /// Prints your text into the chat. /// </summary> /// <param name="text">Used to give out the information as string</param> public static void PrintChat(string text) { Game.PrintChat("RAREZyra => {0}", text); } /// <summary> /// checks if there is an update for this assembly /// </summary> public static void UpdateCheck() { try { using (var web = new WebClient()) { var source = "https://raw.githubusercontent.com/KyonLeague/RAREScripts/master/RAREKarthus/RAREKarthus/RAREKarthus.csproj"; if (source == "") return; var rawFile = web.DownloadString(source); var checkFile = new Regex(@"\[assembly\: AssemblyVersion\(""(\d{1,})\.(\d{1,})\.(\d{1,})\.(\d{1,})""\)\]").Match (rawFile); if (!checkFile.Success) { return; } var gitVersion = new Version( $"{checkFile.Groups[1]}.{checkFile.Groups[2]}.{checkFile.Groups[3]}.{checkFile.Groups[4]}"); if (gitVersion > Assembly.GetExecutingAssembly().GetName().Version) { PrintChat("Outdated! Newest Version: " + gitVersion); } else { PrintChat("You are on the newest version: " + gitVersion); } } } catch (Exception ex) { Console.WriteLine(ex); } } /// <summary> /// initialize the MainMenu for the Champion Menu. Should be called at first. /// </summary> public static void InitMenu() { MainMenu = new Menu("rarezyra", "rareZyra", true, Player.ChampionName).Attach(); MainMenu.Separator("We love LeagueSharp."); MainMenu.Separator("Developer: @Kyon"); } } internal static class Config { #region Static Fields private static int _cBlank = -1; #endregion #region Public Methods and Operators /// <summary> /// lets you create a new menupoint inside a <seealso cref="Menu"/>. /// </summary> /// <param name="subMenu">Your SubMenu to add it to</param> /// <param name="name">the so called ID</param> /// <param name="display">The displayed name inside the game</param> /// <param name="state">the default state of the menu</param> /// <returns>returns a <seealso cref="MenuBool"/> the can be used.</returns> public static MenuBool Bool(this Menu subMenu, string name, string display, bool state = true) { return subMenu.Add(new MenuBool(name, display, state)); } public static MenuList List(this Menu subMenu, string name, string display, string[] array, int value = 0) { return subMenu.Add(new MenuList<string>(name, display, array) { Index = value }); } public static MenuSeparator Separator(this Menu subMenu, string display) { _cBlank += 1; return subMenu.Add(new MenuSeparator("blank" + _cBlank, display)); } public static MenuSlider Slider(this Menu subMenu, string name, string display, int cur, int min = 0, int max = 100) { return subMenu.Add(new MenuSlider(name, display, cur, min, max)); } public static MenuKeyBind KeyBind( this Menu subMenu, string name, string display, System.Windows.Forms.Keys key, KeyBindType type = KeyBindType.Press) { return subMenu.Add(new MenuKeyBind(name, display, key, type)); } #endregion } }<file_sep>/RAREAIO/RAREAIO/Spells/SpellQ.cs using System; using System.Collections.Generic; using System.Linq; using System.Text; using System.Threading.Tasks; using LeagueSharp; using LeagueSharp.SDK; namespace RAREAIO.Spells { class SpellQ : Spell { private int[] damagePerLevel; public float damageRatio; public SpellQ(float range, int[] damage, float ratio, DamageType damageType) : base(SpellSlot.Q) { Range = range; DamageType = damageType; damagePerLevel = damage; damageRatio = ratio; } /// <summary> /// Calculates the damage of the Q Spell /// </summary> /// <returns>the damage as double</returns> public double GetDamageQ() { if (Level >= 1 && DamageType == DamageType.Magical) { return damagePerLevel[Level - 1] + GameObjects.Player.FlatMagicDamageMod * damageRatio; } if (Level >= 1 && DamageType == DamageType.Physical) { return damagePerLevel[Level - 1] + GameObjects.Player.FlatPhysicalDamageMod*damageRatio; } if (Level >= 1 && (DamageType == DamageType.Mixed || DamageType == DamageType.True)) //Mixed or Truedamage { return damagePerLevel[Level - 1]; } return double.MinValue; } } } <file_sep>/RARETwistedFate/RARETwistedFate/TwistedFate/CardDrawing.cs #region copyrights // Copyright 2016 <NAME> // CardDrawing.cs is part of RARETwistedFate. // RARETwistedFate 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. // RARETwistedFate 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 RARETwistedFate. If not, see <http://www.gnu.org/licenses/>. #endregion #region usages using LeagueSharp.SDK.Utils; using RARETwistedFate.Properties; using SharpDX; #endregion namespace RARETwistedFate.TwistedFate { internal class CardDrawing { internal Cards ActiveCard; internal Vector2 PosCard; public CardDrawing(CardsFrame cF, Vector2 extrapos) { PosCard = cF.PosDraw + extrapos; ActiveCard = Cards.BlueCard; BlueCard = new Render.Sprite(Resources.BlaueKarte_jpg, PosCard) { Scale = new Vector2(0.90f, 0.90f) }; BlueCard.Add(); RedCard = new Render.Sprite(Resources.RoteKarte_jpg, PosCard) { Scale = new Vector2(0.90f, 0.90f) }; YellowCard = new Render.Sprite(Resources.GoldeneKarte_jpg, PosCard) { Scale = new Vector2(0.90f, 0.90f) }; OffCard = new Render.Sprite(Resources.offKarte, PosCard) { Scale = new Vector2(0.90f, 0.90f) }; } internal Render.Sprite BlueCard { get; set; } internal Render.Sprite RedCard { get; set; } internal Render.Sprite YellowCard { get; set; } internal Render.Sprite OffCard { get; set; } internal bool ShowButton() { return MenuTwisted.MainMenu["W"]["ShowButton"]; } internal void ChangeDrawCard() { switch (ActiveCard) { case Cards.BlueCard: BlueCard.Remove(); RedCard.Add(); ActiveCard = Cards.RedCard; break; case Cards.RedCard: RedCard.Remove(); YellowCard.Add(); ActiveCard = Cards.GoldCard; break; case Cards.GoldCard: YellowCard.Remove(); OffCard.Add(); ActiveCard = Cards.OffCard; break; case Cards.OffCard: OffCard.Remove(); BlueCard.Add(); ActiveCard = Cards.BlueCard; break; } } internal void MoveButtons(Vector2 newPosition, Vector2 extra) { PosCard = newPosition + extra; BlueCard.Position = PosCard; BlueCard.PositionUpdate = () => PosCard; BlueCard.PositionUpdate = null; RedCard.Position = PosCard; RedCard.PositionUpdate = () => PosCard; RedCard.PositionUpdate = null; YellowCard.Position = PosCard; YellowCard.PositionUpdate = () => PosCard; YellowCard.PositionUpdate = null; OffCard.Position = PosCard; OffCard.PositionUpdate = () => PosCard; OffCard.PositionUpdate = null; } internal void ActivateMe() { ActiveCard = Cards.BlueCard; BlueCard.Add(); } internal void DisableMe() { YellowCard.Remove(); BlueCard.Remove(); RedCard.Remove(); OffCard.Remove(); } } }<file_sep>/RAREZyra/RAREZyra/ChampionModes/Zyra.cs // -------------------------------------------------------------------------------------------------------------------- // <copyright file="Zyra.cs" company="<NAME>"> // Copyright (c) 2016 RAREZyra. All rights reserved. // </copyright> // -------------------------------------------------------------------------------------------------------------------- namespace RAREZyra.ChampionModes { #region directives using System; using System.Collections.Generic; using System.Linq; using System.Windows.Forms; using LeagueSharp; using LeagueSharp.Data; using LeagueSharp.SDK; using LeagueSharp.SDK.Enumerations; using LeagueSharp.SDK.UI; using LeagueSharp.SDK.Utils; using SharpDX; using Color = System.Drawing.Color; using Menu = LeagueSharp.SDK.UI.Menu; using SpellDatabase = LeagueSharp.Data.DataTypes.SpellDatabase; using Utilities = Utilities; #endregion public class Zyra { #region Properties public static readonly Render.Text Text = new Render.Text( 0, 0, "", 12, new ColorBGRA(255, 255, 255, 255), "Verdana"); /// <summary> /// Class to refer on all plants/seeds /// </summary> public class Plant { public int Count { get; set; } public Vector3 Place { get; set; } public Plant(int count, Vector3 pos) { Count = count; Place = pos; } } #endregion #region method /// <summary> /// Initialization for Karthus. /// Should be called at first. /// </summary> public void Init() { #region skills setup // initializing all skills with all attributes //Q var q = Data.Get<SpellDatabase>() .Spells.Single(spell => (spell.ChampionName == "Zyra") && (spell.Slot == SpellSlot.Q)); Utilities.Q = new Spell(SpellSlot.Q, q.Range) .SetSkillshot(q.Delay, q.Width, q.MissileSpeed, q.CollisionObjects.Any(), SkillshotType.SkillshotCircle); //W var w = Data.Get<SpellDatabase>() .Spells.Single(spell => (spell.ChampionName == "Zyra") && (spell.Slot == SpellSlot.W)); Utilities.W = new Spell(SpellSlot.W, w.Range); //E var e = Data.Get<SpellDatabase>() .Spells.Single(spell => (spell.ChampionName == "Zyra") && (spell.Slot == SpellSlot.E)); Utilities.E = new Spell(SpellSlot.E, 1100) .SetSkillshot(e.Delay, e.Width, e.MissileSpeed, e.CollisionObjects.Any(), SkillshotType.SkillshotLine); //R var r = Data.Get<SpellDatabase>() .Spells.Single(spell => (spell.ChampionName == "Zyra") && (spell.Slot == SpellSlot.R)); Utilities.R = new Spell(SpellSlot.R, 700) .SetSkillshot(r.Delay, r.Width, r.MissileSpeed, r.CollisionObjects.Any(), SkillshotType.SkillshotCircle); // setting up there damage type Utilities.Q.DamageType = Utilities.W.DamageType = Utilities.E.DamageType = Utilities.R.DamageType = DamageType.Magical; // setting up the standart hitchange for Q Utilities.Q.MinHitChance = HitChance.Medium; Utilities.E.MinHitChance = HitChance.Medium; Utilities.R.MinHitChance = HitChance.Medium; #endregion // init the menu for karthus, maybe more champs soon. ChampionMenu(); //game update events - combo etc. Game.OnUpdate += Game_OnUpdate; // drawing event to draw something => lower refresh rate than game update. Drawing.OnDraw += Drawing_OnDraw; } /// <summary> /// Is drawing all needed drawings to your world. /// </summary> /// <param name="args">parameter that are given by the process itself. (not needed yet)</param> private static void Drawing_OnDraw(EventArgs args) { #region DrawingSkills if (Utilities.Player.IsDead) return; if (Utilities.MainMenu["Draw"]["Q"] && (Utilities.Q.Level > 0) && Utilities.Q.IsReady()) Render.Circle.DrawCircle(Utilities.Player.Position, Utilities.Q.Range, Color.AntiqueWhite, 2); if (Utilities.MainMenu["Draw"]["W"] && (Utilities.W.Level > 0) && Utilities.W.IsReady()) Render.Circle.DrawCircle(Utilities.Player.Position, Utilities.W.Range, Color.ForestGreen, 2); if (Utilities.MainMenu["Draw"]["E"] && (Utilities.E.Level > 0) && Utilities.E.IsReady()) Render.Circle.DrawCircle(Utilities.Player.Position, Utilities.E.Range, Color.CornflowerBlue, 2); if (Utilities.MainMenu["Draw"]["R"] && (Utilities.R.Level > 0) && Utilities.R.IsReady()) Render.Circle.DrawCircle(Utilities.Player.Position, Utilities.R.Range, Color.Tomato, 2); if (Utilities.MainMenu["Draw"]["Plants"]) foreach (var obj in ObjectManager.Get<GameObject>().Where(x => x.Position.DistanceToPlayer() < 2000)) { if (!(obj is Obj_AI_Minion)) continue; if ((obj as Obj_AI_Minion).CharData.BaseSkinName == "zyraseed") Render.Circle.DrawCircle((obj as Obj_AI_Minion).Position, 50, Color.Tomato, 2); } #endregion } /// <summary> /// Main ticking rotation which decides what method will be checked during the game. /// </summary> /// <param name="args">parameter that are given by the process itself. (not needed yet)</param> private static void Game_OnUpdate(EventArgs args) { Utilities.E.Range = Utilities.MainMenu["Utilities"]["ERange"]; if (Utilities.MainMenu["E"]["EFC"].GetValue<MenuKeyBind>().Active) ForceESpell(); if ((Variables.Orbwalker.ActiveMode == OrbwalkingMode.LaneClear) || (Variables.Orbwalker.ActiveMode == OrbwalkingMode.LastHit)) Variables.Orbwalker.AttackState = Utilities.MainMenu["Utilities"]["AA"]; if (Utilities.Q.Level >= 1) HandleQ(Variables.Orbwalker.ActiveMode); if (Utilities.E.Level >= 1) HandleE(Variables.Orbwalker.ActiveMode); if (Utilities.R.Level >= 1) HandleR(Variables.Orbwalker.ActiveMode); } public static void ForceESpell() { Variables.Orbwalker.Move(Game.CursorPos); var target = Variables.TargetSelector.GetTarget(Utilities.E, false); if (Utilities.E.IsReady() && target.IsValid()) Utilities.E.Cast(target); } /// <summary> /// spikes shot /// </summary> /// <param name="cMode">your current orbwalker mode</param> public static void HandleQ(OrbwalkingMode cMode) { if ((cMode == OrbwalkingMode.LaneClear) && Utilities.MainMenu["Q"]["FarmQ"]) { var minions = GameObjects.EnemyMinions.Where(x => (x.DistanceToPlayer() < Utilities.Q.Range) && x.IsValid) .ToList(); if (!minions.Any()) return; var farmloc = Core.GetBestQPos(minions); if (farmloc.IsValid()) { if (Utilities.W.IsReady()) HandleW(cMode, "Q", farmloc); Utilities.Q.Cast(farmloc); } } else if ((cMode == OrbwalkingMode.LastHit) && Utilities.MainMenu["Q"]["LastQ"]) { var minions = GameObjects.EnemyMinions.Where( x => (x.DistanceToPlayer() < Utilities.Q.Range) && x.IsValid && (x.Health < Core.CustomQDamage())).ToList(); if (!minions.Any()) return; var farmloc = Core.GetBestQPos(minions); if (farmloc.IsValid()) Utilities.Q.Cast(farmloc); } else if ((cMode == OrbwalkingMode.Combo) && Utilities.MainMenu["Q"]["ComboQ"]) { var heroes = GameObjects.EnemyHeroes.Where(x => (x.DistanceToPlayer() < Utilities.Q.Range) && x.IsValid).ToList(); if (!heroes.Any()) return; var loc = Core.GetBestQPos(null, heroes); if (loc.IsValid()) { if (Utilities.W.IsReady()) HandleW(Variables.Orbwalker.ActiveMode, "Q", loc); Utilities.Q.Cast(loc); } } else if ((cMode == OrbwalkingMode.Hybrid) && Utilities.MainMenu["Q"]["HybridQ"]) { var loc = Vector2.Zero; var heroes = GameObjects.EnemyHeroes.Where(x => (x.DistanceToPlayer() < Utilities.Q.Range) && x.IsValid).ToList(); if (heroes.Any()) loc = Core.GetBestQPos(null, heroes); var minions = GameObjects.EnemyMinions.Where( x => (x.DistanceToPlayer() < Utilities.Q.Range) && x.IsValid && (x.Health < Core.CustomQDamage())).ToList(); if (!minions.Any()) return; var farmloc = Core.GetBestQPos(minions); if (minions.Any() && farmloc.IsValid() && (minions.Count >= 3)) { Utilities.Q.Cast(farmloc); } else if (heroes.Any() && loc.IsValid()) { if (Utilities.W.IsReady() && Utilities.MainMenu["W"]["HybridW"]) HandleW(Variables.Orbwalker.ActiveMode, "Q", loc); Utilities.Q.Cast(loc); } } } /// <summary> /// seeds handler /// </summary> /// <param name="cMode">your current orbwalker mode</param> /// <param name="spell">spell where its coming from.</param> /// <param name="pos">pos where it should be casted.</param> public static void HandleW(OrbwalkingMode cMode, string spell, Vector2 pos) { if (Utilities.W.Level == 0) return; if ((cMode == OrbwalkingMode.LaneClear) && Utilities.MainMenu["W"]["FarmW"]) { if ((spell == "Q") && pos.IsValid() && !pos.IsUnderEnemyTurret()) DelayAction.Add(10, () => { Utilities.W.Cast(pos); }); } else if ((cMode == OrbwalkingMode.Combo) && Utilities.MainMenu["W"]["ComboW"]) { if ((spell == "Q") && pos.IsValid() && !pos.IsUnderEnemyTurret()) DelayAction.Add(10, () => { Utilities.W.Cast(pos); if (Utilities.W.IsReady()) Utilities.W.Cast(pos); }); } } /// <summary> /// binding /// </summary> /// <param name="cMode">your current orbwalker mode</param> public static void HandleE(OrbwalkingMode cMode) { if ((cMode == OrbwalkingMode.LaneClear) && Utilities.MainMenu["E"]["FarmE"]) { var minions = GameObjects.EnemyMinions.Where(x => x.IsValid && (x.DistanceToPlayer() < Utilities.E.Range)) .ToList(); if (!minions.Any()) return; var loc = Core.GetBestEPos(minions); if (loc.IsValid() && minions.Any(x => !x.IsDead)) Utilities.E.Cast(loc); } else if ((cMode == OrbwalkingMode.LastHit) && Utilities.MainMenu["E"]["LastE"]) { var minions = GameObjects.EnemyMinions.Where( x => x.IsValid && (x.DistanceToPlayer() < Utilities.E.Range) && (x.Health < Core.CustomEDamage())).ToList(); if (!minions.Any()) return; var loc = Core.GetBestEPos(minions); if (loc.IsValid() && minions.Any(x => !x.IsDead)) Utilities.E.Cast(loc); } else if ((cMode == OrbwalkingMode.Hybrid) && Utilities.MainMenu["E"]["LastE"]) { var minions = GameObjects.EnemyMinions.Where( x => x.IsValid && (x.DistanceToPlayer() < Utilities.E.Range) && (x.Health < Core.CustomEDamage())).ToList(); if (!minions.Any()) return; var loc = Core.GetBestEPos(minions); if (loc.IsValid() && minions.Any(x => !x.IsDead)) Utilities.E.Cast(loc); } else if ((cMode == OrbwalkingMode.Combo) && Utilities.MainMenu["E"]["ComboE"]) { var heroes = GameObjects.EnemyHeroes.Where(x => x.IsValid && (x.DistanceToPlayer() < Utilities.E.Range)).ToList(); if (!heroes.Any()) return; var loc = Core.GetBestEPos(null, heroes); if (loc.IsValid()) Utilities.E.Cast(loc); } } /// <summary> /// Handling casting the ultimate /// </summary> /// <param name="cMode">your current orbwalker mode</param> public static void HandleR(OrbwalkingMode cMode) { if ((cMode == OrbwalkingMode.Combo) && Utilities.MainMenu["R"]["ComboR"]) { var heroes = GameObjects.EnemyHeroes.Where(x => x.IsValidTarget(Utilities.R.Range)).ToList(); if (!heroes.Any()) return; if (heroes.Count == 1) heroes = heroes.Where(x => x.Health < Core.CustomRDamage()).ToList(); var pos = Core.GetBestRPos(heroes); if (pos != Vector2.Zero) Utilities.R.Cast(pos); } } /// <summary> /// Initialize the champion menu for zyra. /// </summary> public static void ChampionMenu() { /*var modesSettings = Utilities.MainMenu.Add(new Menu("Modes", "Modes")); { modesSettings.List("LaneMode", "LaningModes", new[] {"passive", "aggressiv", "support"}); }*/ var qMenu = Utilities.MainMenu.Add(new Menu("Q", "Q spell")); { qMenu.Separator("Combo"); qMenu.Bool("ComboQ", "Use Q"); qMenu.Separator("Hybrid"); qMenu.Bool("HybridQ", "Use Q"); qMenu.Separator("Farm"); qMenu.Bool("FarmQ", "Use Q"); qMenu.Separator("LastHit"); qMenu.Bool("LastQ", "Use Q"); } var wMenu = Utilities.MainMenu.Add(new Menu("W", "W spell")); { wMenu.Separator("Combo"); wMenu.Bool("ComboW", "Use W"); wMenu.Separator("Hybrid"); wMenu.Bool("HybridW", "Use W"); wMenu.Separator("Farm"); wMenu.Bool("FarmW", "Use W"); } var eMenu = Utilities.MainMenu.Add(new Menu("E", "E spell")); { eMenu.Separator("Combo"); eMenu.Bool("ComboE", "Use E"); eMenu.Separator("Hybrid"); eMenu.Bool("HybridE", "Use E"); eMenu.Separator("Farm"); eMenu.Bool("FarmE", "Use E"); eMenu.Slider("CountFarm", "minions to be casted", 3, 1, 5); eMenu.Separator("LastHit"); eMenu.Bool("LastE", "Use E"); eMenu.Separator("Misc"); eMenu.KeyBind("EFC", "Force E cast", Keys.H); } var rMenu = Utilities.MainMenu.Add(new Menu("R", "R spell")); { rMenu.Separator("Combo"); rMenu.Bool("ComboR", "Use R"); rMenu.Separator("Others"); rMenu.Slider("Count", "Champs to Cast", 2, 1, 5); } var comboMenu = Utilities.MainMenu.Add(new Menu("Utilities", "Utilities")); { comboMenu.Bool("AA", "Using AA in LastHit or LaneClear"); comboMenu.Slider("ERange", "Customize E Range", 980, 800, 1100); } var drawMenu = Utilities.MainMenu.Add(new Menu("Draw", "Draw")); { drawMenu.Bool("Q", "Draws Q"); drawMenu.Bool("W", "Draws W"); drawMenu.Bool("E", "Draws E"); drawMenu.Bool("R", "Draws R"); drawMenu.Bool("Plants", "Draws Plants"); } } #endregion } public class Core { #region Core fnct /// <summary> /// Getting the your current your Mana Percentage /// </summary> /// <returns>returns your percentage in float</returns> public static float GetManaPercent() { return Utilities.Player.Mana/Utilities.Player.MaxMana*100f; } /// <summary> /// gets your current Q Damage with checking obj_AI_base around /// </summary> /// <returns> returns your damage in double</returns> public static double CustomQDamage() { var qdamage = new[] {60, 90, 120, 150, 180}; if (Utilities.Q.Level >= 1) return (qdamage[Utilities.Q.Level - 1] + Utilities.Player.FlatMagicDamageMod*0.55)*0.90; return 0.0; } /// <summary> /// </summary> /// <returns></returns> public static double CustomEDamage() { var damageE = new[] {60, 95, 130, 165, 200}; if (Utilities.E.Level >= 1) return (damageE[Utilities.E.Level - 1] + Utilities.Player.FlatMagicDamageMod*0.50)*0.90; return 0.0; } public static double CustomRDamage() { var damageR = new[] {180, 265, 350}; if (Utilities.R.Level >= 1) return (damageR[Utilities.E.Level - 1] + Utilities.Player.FlatMagicDamageMod*0.70)*0.90; return 0.0; } public static Vector2 GetBestQPos(List<Obj_AI_Minion> m = null, List<Obj_AI_Hero> h = null) { if (h != null) { var planties = new Dictionary<Obj_AI_Base, Zyra.Plant>(); foreach (var hero in h.Where(x => x.IsValidTarget(Utilities.Q.Range))) { var temppred = Utilities.Q.GetPrediction(hero, true); var count = temppred.AoeTargetsHitCount + GetPlants(temppred.CastPosition, Utilities.Q.Range).Count; planties.Add(hero, new Zyra.Plant(count, temppred.CastPosition)); } var sorted = (from kv in planties orderby kv.Value.Count select kv).ToList(); if (sorted.Any()) return sorted.Last().Value.Place.ToVector2(); return Vector2.Zero; } if ((m != null) && (m.Count >= 4)) { var planites = GetPlants(Utilities.Player.Position, Utilities.Q.Range); m.AddRange(planites); var pos = Utilities.Q.GetCircularFarmLocation(m); return pos.Position; } return Vector2.Zero; } public static Vector2 GetBestEPos(List<Obj_AI_Minion> m = null, List<Obj_AI_Hero> h = null) { if (h != null) { h = h.Where(x => x.IsValidTarget(Utilities.E.Range)).ToList(); if (!h.Any()) return new Vector2(0, 0); // thanks media. var temp = Utilities.E.GetPrediction(h.FirstOrDefault(), true); return temp.CastPosition.ToVector2(); } if ((m != null) && (m.Count >= Utilities.MainMenu["E"]["CountFarm"])) { var planites = GetPlants(Utilities.Player.Position, Utilities.E.Range); m.AddRange(planites); var pos = Utilities.E.GetLineFarmLocation(m); return pos.Position; } return Vector2.Zero; } public static Vector2 GetBestRPos(List<Obj_AI_Hero> h = null) { if ((h != null) && (h.Count > 1)) { var planties = new Dictionary<Obj_AI_Base, Zyra.Plant>(); foreach (var hero in h.Where(x => x.IsValidTarget(Utilities.R.Range))) { var temppred = Utilities.R.GetPrediction(hero, true); if (temppred.AoeTargetsHitCount >= Utilities.MainMenu["R"]["Count"]) { var count = temppred.AoeTargetsHitCount + GetPlants(temppred.CastPosition, Utilities.R.Range).Count; planties.Add(hero, new Zyra.Plant(count, temppred.CastPosition)); } } var sorted = (from plant in planties orderby plant.Value.Count select plant).ToList(); if (sorted.Any()) return sorted.Last().Value.Place.ToVector2(); return Vector2.Zero; } return h != null ? Utilities.R.GetPrediction(h.FirstOrDefault(), true).CastPosition.ToVector2() : Vector2.Zero; } public static List<Obj_AI_Minion> GetPlants(Vector3 pos, float range) { var list = new List<Obj_AI_Minion>(); foreach (var obj in ObjectManager.Get<GameObject>().Where(x => x.Position.Distance(pos) < range)) { if (!(obj is Obj_AI_Minion)) continue; if ((obj as Obj_AI_Minion).CharData.BaseSkinName == "zyraseed") list.Add(obj as Obj_AI_Minion); } return list; } #endregion } }<file_sep>/RARETwistedFate/RARETwistedFate/TwistedFate/MenuTwisted.cs #region copyrights // Copyright 2016 <NAME> // MenuTwisted.cs is part of RARETwistedFate. // RARETwistedFate 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. // RARETwistedFate 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 RARETwistedFate. If not, see <http://www.gnu.org/licenses/>. #endregion #region usages using System; using LeagueSharp.SDK.UI; #endregion namespace RARETwistedFate.TwistedFate { internal static class MenuTwisted { public static Menu MainMenu; private static int _cBlank = -1; #region initialize menu public static void Init(TwistedFate tf) { MainMenu = new Menu("raretftdz", "RARETwistedFate", true, tf.Player.ChampionName).Attach(); MainMenu.Separator("We love LeagueSharp."); MainMenu.Separator("Developer: @Kyon"); var qMenu = MainMenu.Add(new Menu("Q", "Q spell")); { qMenu.Separator("Combo"); qMenu.Bool("ComboQ", "Use Q"); qMenu.Separator("Hybrid"); qMenu.Bool("HybridQ", "Use Q"); qMenu.Separator("Farm"); qMenu.Bool("FarmQ", "Use Q"); qMenu.Separator("LastHit"); qMenu.Bool("LastQ", "Use Q", false); qMenu.Separator("Utils"); qMenu.Bool("ImmoQ", "Auto Q on immobile"); qMenu.Bool("OnlyImmoQ", "Only auto Q on immobile", false); } var wMenu = MainMenu.Add(new Menu("W", "W spell")); { wMenu.Separator("Combo"); wMenu.Bool("ComboW", "Use W"); wMenu.Separator("Hybrid"); wMenu.Bool("HybridW", "Use W"); wMenu.Separator("Farm // LastHit"); wMenu.Bool("FarmW", "Use W"); wMenu.Separator("CardPicker"); wMenu.Bool("ShowButton", "Show Button"); //wMenu.List("ActiveCard", "Active Card", Enum.GetNames(typeof(Cards)), 1); } var rMenu = MainMenu.Add(new Menu("R", "R spell")); { rMenu.Separator("FastCardPicker"); rMenu.Bool("Pick", "Autopick card"); rMenu.List("ActiveCard", "Active Card", Enum.GetNames(typeof(Cards)), 2); } var comboMenu = MainMenu.Add(new Menu("Utilities", "Utilities")); { comboMenu.Bool("AA", "Using AA in LastHit or LaneClear"); } var drawMenu = MainMenu.Add(new Menu("Draw", "Draw")); { drawMenu.Bool("Q", "Draws Q"); drawMenu.Bool("W", "Draws W"); drawMenu.Bool("R", "Draws R"); } } #endregion #region Public Methods and Operators /// <summary> /// lets you create a new menupoint inside a <seealso cref="Menu" />. /// </summary> /// <param name="subMenu">Your SubMenu to add it to</param> /// <param name="name">the so called ID</param> /// <param name="display">The displayed name inside the game</param> /// <param name="state">the default state of the menu</param> /// <returns>returns a <seealso cref="MenuBool" /> the can be used.</returns> public static MenuBool Bool(this Menu subMenu, string name, string display, bool state = true) { return subMenu.Add(new MenuBool(name, display, state)); } public static MenuList List(this Menu subMenu, string name, string display, string[] array, int value = 0) { return subMenu.Add(new MenuList<string>(name, display, array) {Index = value}); } public static MenuSeparator Separator(this Menu subMenu, string display) { _cBlank += 1; return subMenu.Add(new MenuSeparator("blank" + _cBlank, display)); } public static MenuSlider Slider(this Menu subMenu, string name, string display, int cur, int min = 0, int max = 100) { return subMenu.Add(new MenuSlider(name, display, cur, min, max)); } #endregion } }<file_sep>/RAREZyra/RAREZyra/Program.cs #region copyright // Copyright (c) KyonLeague 2016 // If you want to copy parts of the code, please inform the author and give appropiate credits // File: Program.cs // Author: KyonLeague // Contact: "cryz3rx" on Skype #endregion #region usage using System; using LeagueSharp.SDK; using RAREZyra.ChampionModes; #endregion namespace RAREZyra { internal class Program { private static void Main(string[] args) { Bootstrap.Init(); Events.OnLoad += Events_OnLoad; } private static void Events_OnLoad(object sender, EventArgs e) { Utilities.Player = GameObjects.Player; Utilities.InitMenu(); Utilities.UpdateCheck(); if (Utilities.Player.CharData.BaseSkinName == "Zyra") { var champion = new Zyra(); champion.Init(); Utilities.PrintChat("Zyra Initialized."); } } } }
71d21c298faed8a076f7746fd958dea9e30c22c6
[ "Markdown", "C#" ]
16
C#
KyonLeague/RAREKarthus
9b1b7270a6c930cabc5a4e3be065c3a24c4082e3
2edb4da226c16d5cf73b090fe5bd750338a9ad42
refs/heads/main
<repo_name>Senseering/spaicer-translation-srs<file_sep>/translator/index.js const debug = require("debug")("main") const WebSocket = require('ws') const fetch = require('node-fetch'); let Worker = require('@senseering/worker') let config = './config.json'; let worker = new Worker(); // azure credentials (translator) const azureName = "<your-azure-resource-name>" const azureKey = "<your-key>" const region = "<your-region>" //data fetch information const url = "<domain-of-the-providing-node>" const receipt = { _id: "<your-receipt-id>", permissionKey: "<your-permissionkey>", }; (async function () { await worker.connect(config) //create websocket on providing Node const socket = new WebSocket("wss://" + receipt._id + ':' + receipt.permissionKey + '@' + url + "/uploader/") socket.on('open', function () { socket.on('message', async function (message) { const fmessage = JSON.parse(message) if (fmessage.topic === "data") { let data = fmessage.message.data let credit = fmessage.message.credit let outstandingData = fmessage.message.outstandingData credit ? debug("data recieved. Credits left: " + credit) : "" outstandingData ? debug("Remaining datapieces: " + outstandingData) : "" console.log(data.data.text) let res = await translateText(data.data.text); await worker.publish({ text: res.text }) } }) socket.on("close", async () => { debug("Closing Socket") }) }) })(); async function translateText(text) { let result = await fetch(`https://${azureName}.cognitiveservices.azure.com/translator/text/v3.0/translate?to=de`, { method: 'POST', headers: { 'Ocp-Apim-Subscription-Key': azureKey, 'Ocp-Apim-Subscription-Region': region, 'Content-Type': 'application/json' }, body: JSON.stringify([{ Text: text }]) }); let returnedTranslation = (await result.json())[0] return { text: returnedTranslation.translations[0].text, detectedLanguage: returnedTranslation.detectedLanguage } }; <file_sep>/textpublisher/index.js let Worker = require('@senseering/worker') let config = './config.json'; let worker = new Worker(); (async function () { await worker.connect(config) while (true) { await worker.publish({ text: "Please translate me" }) await new Promise(resolve => setTimeout(resolve, 5000)) } })(); <file_sep>/textpublisher/env/description/worker.md # Text data from machine X This text data can be used to gain broad insights. <file_sep>/README.md <p align="center" > <img href="https://www.spaicer.de/" src="assets/logo_spaicer_test.png" width="70%"> </p> <p align="center"> Scalable adaptive production systems through AI-based resilience optimization. <br> Powered by <a href="https://www.mydataeconomy.com/#/search">MyDataEconomy</a> </p> <p align="center"> <a href="https://discord.gg/qDF38JDR3D" style="text-decoration:none;"><img src="https://img.shields.io/badge/Discord-9cf.svg?logo=discord" alt="Discord"></a> </p> ## Motivation ### Testing scenario The goal is to test and evaluate the requirements created in previous work packages as examples. Among other aspects, the execution of external services, the roles of data producers, and central architectural elements such as the catalog and vocabulary provider are to be tested. In order to focus on testing the architecture, we have decided to use a translation service. However, this is an arbitrarily replaceable service. This scenario can also be performed with object recognition, annomaly detection, machine learning algorithms or artificial intelligence. ### Spaicer In a globalized and interconnected business world, production interruptions including supply chain disruption have been the leading business risk for many years. The ability of a company to permanently adapt to internal and external changes and disruptions is the "quest for resilience". Reinforced by a significant increase in complexity in production due to Industry 4.0, resilience management thus becomes an indispensable success factor for manufacturing companies. The SPAICER project is developing a data-driven ecosystem based on lifelong, collaborative and low-threshold Smarter Resilience services by leveraging leading AI technologies and Industrie 4.0 standards with the goal of anticipating disruptions (anticipation) and optimally adapting production plans to active disruptions (reaction) at any time. ## Architecture It is a decentralized architecture in which participating parties exchange data in a sovereign way. The federated catalog serves as a search engine for data sources and data that was created, based on services. <p align="end" > <img href="https://www.spaicer.de/" src="assets/legend.png" width="100px"> </p> <p align="center" > <img href="https://www.spaicer.de/" src="assets/architecture.png" width="100%"> </p> ## Scenario We have a data producer who regularly publishes texts. This can be done every minute or every second. This data producer passes on the data to participating partners within SPAICER, which may be used according to SPAICER guidelines. <p align="center" > <img href="https://www.senseering.de/" src="assets/workflow/1.png" width="100%"> </p> <p align="center" > <img href="https://www.senseering.de/" src="assets/workflow/2.png" width="100%"> </p> A service provider would like to use this data to build up its own database to improve its translation algorithms, and also give the data producer the opportunity to use its service. However, his USP (the translation algorithm) should not to be published. The service provider obtains the authorization to the different texts of the data producer ( Company Y) via the catalog. This is only possible because both parties are within the same project (SPAICER). <p align="center" > <img href="https://www.senseering.de/" src="assets/workflow/3.png" width="100%"> </p> <p align="center" > <img href="https://www.senseering.de/" src="assets/workflow/4.png" width="100%"> </p> <p align="center" > <img href="https://www.senseering.de/" src="assets/workflow/5.png" width="100%"> </p> The actual transfer of the data then takes place with a peer-to-peer connection. This can be done with the help of batch downloads. In our case, we decide to use an event-based data stream (websockets). <p align="center" > <img href="https://www.senseering.de/" src="assets/workflow/6.png" width="100%"> </p> ```js //initially connect service to node of company-x await worker.connect(config) //initialize a websocket connection to the data providing node (Company Y) const socket = new WebSocket("wss://<your-receipt-id>:<your-permission-key>@<your-provider-url>/uploader/") socket.on('open', function () { //waits for incoming data. This is called every time company Y stores data at its node socket.on('message', async function (message) { const fmessage = JSON.parse(message) let body = fmessage.message.data //execute service let res = await translateText(body.data.text); //upload results to node of Company X (Service provider) await worker.publish({ text: res.text }) }) //... }) ``` The translated texts are stored on the service provider's node and Company Y is released. <p align="center" > <img href="https://www.senseering.de/" src="assets/workflow/7.png" width="100%"> </p> <p align="center" > <img href="https://www.senseering.de/" src="assets/workflow/8.png" width="100%"> </p> <p align="center" > <img href="https://www.senseering.de/" src="assets/workflow/9.png" width="100%"> </p> Company Y can now use the catalog to find the data and either transfer the data to its own network or use it freely via open APIs (event-based or batch-based). <p align="center" > <img href="https://www.senseering.de/" src="assets/workflow/10.png" width="100%"> </p> <p align="center" > <img href="https://www.senseering.de/" src="assets/workflow/11.png" width="100%"> </p> <p align="center" > <img href="https://www.senseering.de/" src="assets/workflow/12.png" width="100%"> </p> ## Install ### Prerequisits You need to install <a href="https://nodejs.org/en/">node.js</a> ### Create azure translate service You can simply use <a href="https://azure.microsoft.com/de-de/services/cognitive-services/translator/"> the instructions</a> and create a free service. You will then need the url and permissionkeys. ### Installation Clone this repository by ``` git clone <EMAIL>:Senseering/spaicer-translation-srs.git cd spaicer-translation-srs ``` install node modules by ``` cd textpublisher npm install cd .. cd service npm install ``` ### Configuration To configure the two workers you need to register a new datasource at the providing Manager. This datasource publishes raw texts that need to be translated. ....
8a384d863a034f380ff4d24c5132c4b3668cc583
[ "JavaScript", "Markdown" ]
4
JavaScript
Senseering/spaicer-translation-srs
1ce26e42bc2a05895ce25f511adb1706cf18a187
326d60847e1ed0ceefa38a785c391931f77a1600
refs/heads/master
<repo_name>jarednixonx/DigitalSignalProcessing<file_sep>/ProjOne_Signals/Source Code/Nixon_Source.cpp #include <iostream> #include <sstream> #include <fstream> // Used only to write the summary text file. #include <time.h> // Used to measure the performance of the program. using namespace std; // Define structure for the header. struct headerFile { char chunkID[4]; // Holds the RIFF descriptor. unsigned long chunkSize; // Size of the entire file minus 8 bytes; char waveID[4]; // Holds the WAVE descriptor. char formatID[4]; // Holds the FORMAT descriptor. unsigned long subChunkOneSize; // Size of sub chunk one. unsigned short audioFormat; // PCM = 1 (unless compression present). unsigned short numberChannels; // Mono = 1, Stereo = 2. unsigned long samplesPerSecond; // Sample rate. unsigned long bytesPerSecond; // = SamplesRate * NumChannels * BitsPerSamples/8. unsigned short blockAlign; // = NumChannels * BitsPerSamples/8. unsigned short bitsPerSample; // Number of bits per sample. char subChunkTwoID[4]; // Holds the DATA descriptor. unsigned long subChunkTwoSize; // = NumSamples * NumChannels * BitsPerSample/8. // Actual data begins here but that is to be processed separately, outside of header. }; // Beginning of the main function. int main() { clock_t clockTimeStart = clock(); // Starts the clock for performance measurement. const double PI = 3.141592653589793; // Go ahead and define PI for sine wave. FILE* fileIn; FILE* fileOut; ofstream summary; // File stream to write diretly to the summary text file. summary.open("summary.txt"); // Opens the summary file. fileIn = fopen("nixon.wav", "rb"); // Opens the file to read from. fileOut = fopen("modified.wav", "wb"); // Opens the output file that is being written to. headerFile header; fseek(fileIn, SEEK_SET, 0); // Goes to the beginning of the file for safe measure. fread(&header, sizeof(header), 1, fileIn); // Reads the entire header structure. fwrite(&header, sizeof(header), 1, fileOut); // Writes the entire header structure to output file. int readSamples = 0; // Counter to keep track of samples read. // These values must be signed. (8 bit is unsigned in wav file and 16 bit is signed in wav file) signed short bufferRightCurrent; // Right Current Sample Buffer signed short bufferLeftCurrent; // Left Current Sample Buffer signed short bufferRightPrevious = 0; // To keep track of previous values. signed short bufferLeftPrevious = 0; // To keep track of previous values. signed short bufferRightOut; // Output Buffer signed short bufferLeftOut; // Output Buffer signed short TempVarLeft; // Going to store the left channel average. signed short TempVarRight; // Going to store the right channel average. int offset = 44; fseek(fileIn, offset, 0); // 44 bytes for the header offset. fread(&bufferLeftCurrent, sizeof(short), 1, fileIn); // Grabs first sample (left channel). fread(&bufferRightCurrent, sizeof(short), 1, fileIn); // Grabs first sample (right channel). while (!feof(fileIn)) // Enter loop to process data samples. { offset = offset + 4; // Moving on to next sample. TempVarLeft = bufferLeftPrevious + bufferLeftCurrent; // This is to calculate the average. TempVarRight = bufferRightPrevious + bufferRightCurrent; // This is to calculate the average. bufferLeftPrevious = bufferLeftCurrent; // To keep track of previous samples. bufferRightPrevious = bufferRightCurrent; // To keep track of previous samples. bufferLeftOut = (TempVarLeft); // Shifting does not help here because it cuts my WAV file in half. bufferRightOut = (TempVarRight); // Shifting does not help here because it cuts my WAV file in half. // Amplitude of 8000 because 1/4 of 0 to 32000. double x = 8000 * sin(2 * PI * 2500 * ((double)readSamples * (1 / (double)header.samplesPerSecond))); // A * sin(2 * pi * f * t) where t = n * T -> sample counter * 1/Fs. bufferLeftOut = bufferLeftOut + (short)x; // Add sine wave to left channel. bufferRightOut = bufferRightOut + (short)x; // Add sine wave to right channel. if (bufferLeftOut > 32767) // This accounts for overflow after sine wave is added. { bufferLeftOut = 32766; // Save max value for current sample is max value is exceeded. } if (bufferRightOut > 32767) // This accounts for overflow after sine wave is added. { bufferLeftOut = 32766; // Save max value for current sample is max value is exceeded. } fwrite(&bufferLeftOut, sizeof(short), 1, fileOut); // Writes noisy signal. fwrite(&bufferRightOut, sizeof(short), 1, fileOut); // Writes noisy signal. readSamples++; // Increments number of samples processed. fseek(fileIn, offset, 0); // Keeps the file on track to read the next sequential data sample. fread(&bufferLeftCurrent, sizeof(short), 1, fileIn); // Grabs next sample(left channel). fread(&bufferRightCurrent, sizeof(short), 1, fileIn); // Grabs next sample(right channel). } printf("Processing time: %.2fs\n", (double)(clock() - clockTimeStart) / CLOCKS_PER_SEC); // Easiest way to print out the processing time. cout << endl; unsigned long actualSubChunkTwo = ((header.chunkSize + 8) - 44); // Wave file says subchunk2 is like 600 million so had to manually calculate this value to use for samples. /* ********************************************* Beginning some basic calculations. ********************************************* */ // Samples in the file in seconds will be -> (subChunkTwoSize / (BytesPerSample * NumChannels)). unsigned long numSamples = (actualSubChunkTwo / ((header.bitsPerSample / 8) * header.numberChannels)); // Duration of the file will be Samples / Frequency (in samples per second) so that the samples cancel and seconds flips and comes to the numerator. unsigned long waveDuration = ((numSamples * 4) + (header.subChunkOneSize + 16)) / (header.bytesPerSecond); // bytes / bytes per second = seconds // Need to write summary text file here. summary << "CPE381 project - Processing WAV File - <NAME>" << endl << endl; // Summary printing. summary << "The sampling frequency of this WAV file is " << header.samplesPerSecond << " Hz." << endl; // Summary printing. summary << "The length of this file in seconds (calculated from the number of samples) is " << waveDuration << " seconds." << endl; // Summary printing. summary << "This program completed the processing of the WAV file in " << (double)(((double)clock() - (double)clockTimeStart) / (double)CLOCKS_PER_SEC) << " seconds." << endl; // Summary printing. fclose(fileIn); // Closes file stream. fclose(fileOut); // Closes file stream. summary.close(); // Closes file stream. system("PAUSE"); return 0; // End of the program. }<file_sep>/README.md # Digital Signal Processing Projects This repository is for digital signal processing projects. <file_sep>/ProjTwo_Signals/Source Code/ProjectTwo.cpp #include <iostream> #include <sstream> #include <fstream> // Used only to write the summary text file. #include <time.h> // Used to measure the performance of the program. #include "H_44100.h" #include "H_22050.h" using namespace std; signed short* TempVarLeft_44 = new signed short[BL_44100]; signed short* TempVarRight_44 = new signed short[BL_44100]; signed short* TempVarLeft_22 = new signed short[BL_22050]; signed short* TempVarRight_22 = new signed short[BL_22050]; signed short* LeftOutArray = new signed short[1]; signed short* RightOutArray = new signed short[1]; bool filter = true; // Filter for 44100 selected by default (checks later in program for real sampling frequency.) // Define structure for the header. struct headerFile { char chunkID[4]; // Holds the RIFF descriptor. unsigned long chunkSize; // Size of the entire file minus 8 bytes; char waveID[4]; // Holds the WAVE descriptor. char formatID[4]; // Holds the FORMAT descriptor. unsigned long subChunkOneSize; // Size of sub chunk one. unsigned short audioFormat; // PCM = 1 (unless compression present). unsigned short numberChannels; // Mono = 1, Stereo = 2. unsigned long samplesPerSecond; // Sample rate. unsigned long bytesPerSecond; // = SamplesRate * NumChannels * BitsPerSamples/8. unsigned short blockAlign; // = NumChannels * BitsPerSamples/8. unsigned short bitsPerSample; // Number of bits per sample. char subChunkTwoID[4]; // Holds the DATA descriptor. unsigned long subChunkTwoSize; // = NumSamples * NumChannels * BitsPerSample/8. // Actual data begins here but that is to be processed separately, outside of header. }; void filterInit(signed short* wipeThisArray, int length); void filterFIR(signed short* leftSamples, signed short* rightSamples, signed short* outLeft, signed short* outRight, bool filter); void shiftArray(signed short* leftSamples, signed short* rightSamples, bool filter); // Beginning of the main function. int main() { clock_t clockTimeStart = clock(); // Starts the clock for performance measurement. // Only 20 k and 44 k Hz sampling frequencies are supported. filterInit(TempVarLeft_44, BL_44100); // Initialize Left Channel (44 k Hz) filterInit(TempVarRight_44, BL_44100); // Initialize Right Channel(44 k Hz) filterInit(TempVarLeft_22, BL_22050); // Initialize Left Channel (20 k Hz) filterInit(TempVarRight_22, BL_22050); // Initialize Right Channel (20 k Hz) filterInit(LeftOutArray, 1); // Initialize Output Array (Left) filterInit(RightOutArray, 1); // Initialize Output Array (Right) FILE* fileIn; FILE* fileOut; ofstream summary; // File stream to write diretly to the summary text file. summary.open("summary.txt"); // Opens the summary file. fileIn = fopen("Nixon_J_Mod.wav", "rb"); // Opens the file to read from. fileOut = fopen("Nixon_J_Lp.wav", "wb"); // Opens the output file that is being written to. headerFile header; fseek(fileIn, SEEK_SET, 0); // Goes to the beginning of the file for safe measure. fread(&header, sizeof(header), 1, fileIn); // Reads the entire header structure. fwrite(&header, sizeof(header), 1, fileOut); // Writes the entire header structure to output file. int readSamples = 0; // Counter to keep track of samples read. if (header.samplesPerSecond == 44100) { filter = true; // True if 44 k Hz. (Bool decides which arrays to use) cout << "Auto selected a filter for a sampling frequency of 44100 Hz." << endl << endl; } else if(header.samplesPerSecond == 22050) { filter = false; // False if 20 k Hz. (Bool decides which arrays to use) cout << "Auto selected a filter for a sampling frequency of 22050 Hz." << endl << endl; } else // Unsupported if neither of the above. { cout << "Cannot find a filter for your sampling rate because it is unsupported. Try a file with a sampling rate of 22050 or 44100 Hz." << endl << endl; return 0; // End program because sampling rate is unsupported. (Error printed to user) } // These values must be signed. (8 bit is unsigned in wav file and 16 bit is signed in wav file) signed short bufferRightCurrent = 0; // Right Current Sample Buffer signed short bufferLeftCurrent = 0; // Left Current Sample Buffer fread(&bufferLeftCurrent, sizeof(short), 1, fileIn); // Grabs first sample (left channel). fread(&bufferRightCurrent, sizeof(short), 1, fileIn); // Grabs first sample (right channel). while (!feof(fileIn)) // Enter loop to process data samples. { if (filter == true) // True if using 44100 Hz. { TempVarLeft_44[0] = bufferLeftCurrent; TempVarRight_44[0] = bufferRightCurrent; } else if (filter == false) // False if using 22050 Hz. { TempVarLeft_22[0] = bufferLeftCurrent; TempVarRight_22[0] = bufferRightCurrent; } readSamples++; // Increments number of samples processed. if (filter == true) // True if using 44100 Hz, use appropriate filter. { filterFIR(TempVarLeft_44, TempVarRight_44, LeftOutArray, RightOutArray, filter); // Filter samples with 44100 Hz arrays. } else if (filter == false) // False if using 22050 Hz, use appropriate filter. { filterFIR(TempVarLeft_22, TempVarRight_22, LeftOutArray, RightOutArray ,filter); // Filter samples with 22050 Hz arrays. } fwrite(&LeftOutArray[0], sizeof(short), 1, fileOut); fwrite(&RightOutArray[0], sizeof(short), 1, fileOut); if (filter == true) // True if using 44100 Hz, use appropriate shift. { shiftArray(TempVarLeft_44, TempVarRight_44, filter); // Shift Array with 44100 Hz arrays. } else if (filter == false) // False if using 22050 Hz, use appropriate shift. { shiftArray(TempVarLeft_22, TempVarRight_22, filter); // Shift array with 22050 Hz arrays. } fread(&bufferLeftCurrent, sizeof(short), 1, fileIn); // Grabs next sample(left channel). fread(&bufferRightCurrent, sizeof(short), 1, fileIn); // Grabs next sample(right channel). } printf("Processing time: %.2fs\n", (double)(clock() - clockTimeStart) / CLOCKS_PER_SEC); // Easiest way to print out the processing time. cout << endl; /* ********************************************* Beginning some basic calculations. ********************************************* */ unsigned long numSamples = (header.subChunkTwoSize / ((header.bitsPerSample / 8) * header.numberChannels)); // Duration of the file will be Samples / Frequency (in samples per second) so that the samples cancel and seconds flips and comes to the numerator. unsigned long waveDuration = ((numSamples * 4) + (header.subChunkOneSize + 16)) / (header.bytesPerSecond); // bytes / bytes per second = seconds // Need to write summary text file here. summary << "CPE381 project - Processing WAV File - <NAME>" << endl << endl; // Summary printing. summary << "The sampling frequency of this WAV file is " << header.samplesPerSecond << " Hz." << endl; // Summary printing. summary << "The length of this file in seconds (calculated from the number of samples) is " << waveDuration << " seconds." << endl; // Summary printing. summary << "This program completed the processing of the WAV file in " << (double)(((double)clock() - (double)clockTimeStart) / (double)CLOCKS_PER_SEC) << " seconds." << endl; // Summary printing. fclose(fileIn); // Closes file stream. fclose(fileOut); // Closes file stream. summary.close(); // Closes file stream. system("PAUSE"); return 0; // End of the program. } void shiftArray(signed short *leftSamples, signed short *rightSamples, bool filter) { // Shift for TRUE, which is 44100 Hz. if (filter == true) { for (int i = (BL_44100 - 2); i >= 0; i--) { leftSamples[i + 1] = leftSamples[i]; } for (int i = (BL_44100 - 2); i >= 0; i--) { rightSamples[i + 1] = rightSamples[i]; } return; } // Shift for FALSE, which is 22050 Hz. else if (filter == false) { for (int i = (BL_22050 - 2); i >= 0; i--) { leftSamples[i + 1] = leftSamples[i]; } for (int i = (BL_22050 - 2); i >= 0; i--) { rightSamples[i + 1] = rightSamples[i]; } return; } } void filterFIR(signed short *leftSamples, signed short *rightSamples, signed short *outLeft, signed short *outRight, bool filter) { double tempLeft = 0; double tempRight = 0; // Filter for TRUE, which is 44100 Hz. if (filter == true) { for (int i = 0; i < BL_44100; i++) { tempLeft += leftSamples[i] * B_44100[i]; } for (int i = 0; i < BL_44100; i++) { tempRight += rightSamples[i] * B_44100[i]; } /* Going to check for overflow here just to be safe after computations*/ if (tempLeft > 32767) { tempLeft = 32767; } if (tempLeft < -32768) { tempLeft = -32768; } if (tempRight < -32768) { tempRight = -32768; } if (tempRight < -32768) { tempRight = -32768; } outLeft[0] = (signed short)tempLeft; // Write output for 44100 Hz if that is selected frequency. (left) outRight[0] = (signed short)tempRight; // Write output for 44100 Hz if that is selected frequency. (right) return; } // Filter for FALSE, which is 22050 Hz. else if (filter == false) { for (int i = 0; i < BL_22050; i++) { tempLeft += leftSamples[i] * (B_22050[i]); } for (int i = 0; i < BL_22050; i++) { tempRight += rightSamples[i] * (B_22050[i]); } /* Going to check for overflow here just to be safe after computations*/ if (tempLeft > 32767) { tempLeft = 32767; } if (tempLeft < -32768) { tempLeft = -32768; } if (tempRight < -32768) { tempRight = -32768; } if (tempRight < -32768) { tempRight = -32768; } outLeft[0] = (signed short)tempLeft; // Write output for 22050 Hz if that is selected frequency. (left) outRight[0] = (signed short)tempRight; // Write output for 22050 Hz if that is selected frequency. (right) return; } } void filterInit(signed short *wipeThisArray, int length) // Wipes array to all 0's. { register int count; for (count = 0; count < length; count++) { wipeThisArray[count] = 0; } }
44b3e88149f5f791a2c745a3e9911a6e3a67f4aa
[ "Markdown", "C++" ]
3
C++
jarednixonx/DigitalSignalProcessing
100989dfa9a5cc9f4e12e1eb9f127296eef70b54
932f3c21fb20ba5ee85b3b797edfa06c618eaf29
refs/heads/master
<repo_name>blady8/helloacademy<file_sep>/Exam2/Paras_def/Galaxy.Core/Entities/Abstracts/MonitorableEntityBase.cs using Paras.Core.Entities.Interfaces; using System; namespace Paras.Core.Entities { /// <summary> /// Classe astratta per tutte le entità monitorabili /// </summary> public abstract class MonitorableEntityBase: IEntity, IMonitorableEntity { /// <summary> /// Id primario /// </summary> public int Id { set; get; } /// <summary> /// Data di creazione dell'entità /// </summary> public DateTime Timestamp { get; set; } /// <summary> /// Utente che ha fisicamente creato dell'entità nel catalogo /// </summary> public string UtenteCreatore { get; set; } } } <file_sep>/Exam2/Paras_def/Galaxy.Core/Managers/Enum/StorageType.cs using System; using System.Collections.Generic; using System.Text; namespace Paras.Core.Managers.Providers.Enum { /// <summary> /// Enumerazione di tutti i possibili /// provider supportati dalla piattaforma /// </summary> public enum StorageType { /// <summary> /// Provider che scrive su file JSON /// </summary> Json = 0, /// <summary> /// Provider che scrive su file TXT /// </summary> Text = 1, /// <summary> /// Provider che scrive su SQL Server /// </summary> Sql = 2 } } <file_sep>/Exam2/Paras_def/Galaxy.Core/Entities/Libro.cs using Paras.Core.Entities; namespace Paras.Core.Entities { /// <summary> /// Entità libro venduto /// </summary> public class Libro: MonitorableEntityBase { /// <summary> /// Codice del libro (es. ISBN) /// </summary> public string Codice { get; set; } /// <summary> /// Titolo del libro per esteso /// </summary> public string Titolo { get; set; } /// <summary> /// Prezzo attuale del libro /// </summary> public double Prezzo { get; set; } /// <summary> /// Lingua del libro /// </summary> public string Lingua { get; set; } /// <summary> /// Autore o autori del libro /// </summary> public string Autore { get; set; } /// <summary> /// Anno di pubblicazione /// </summary> public int Anno { get; set; } /// <summary> /// Riferimento al genere di appartenenza /// </summary> public Genere GenereAppartenenza { get; set; } } } <file_sep>/Exam2/Paras_def/Galaxy.Core/BusinessLayers/AutoMainBusinessLayer.cs using Paras.Core.BusinessLayers.Common; using Paras.Core.Entities; using System; using System.Collections.Generic; using System.Linq; using System.Text; namespace Paras.Core.BusinessLayers { public class AutoMainBusinessLayer { private IManager<Auto> _AutoManager; public AutoMainBusinessLayer(IManager<Auto> AutoManager) { _AutoManager = AutoManager; } public string[] CreaAutoSeNonEsiste(string marca, string modello, bool isElettrica, int velocita) { //1) Validazione degli input if (string.IsNullOrEmpty(marca)) throw new ArgumentNullException(nameof(marca)); if (string.IsNullOrEmpty(modello)) throw new ArgumentNullException(nameof(modello)); if (velocita <= 0) throw new ArgumentOutOfRangeException(nameof(velocita)); //Predisposizione messaggi di uscita IList<string> messaggi = new List<string>(); //3) Verifico che la velocità sia > 0 if (velocita < 1) { //Aggiungo il messaggio di errore, ed esco messaggi.Add($"La velocità deve essere maggiore di 0"); return messaggi.ToArray(); } //7) Creo l'oggetto con tutti i dati Auto auto = new Auto { Marca = marca, Modello = modello, Velocita = velocita, }; //Aggiungo il libro _AutoManager.Crea(auto); //8) Ritorno in uscita le validazioni (vuote se non ho errori) return messaggi.ToArray(); } public void StampaAutomobile() { //4-2) Carico tutti IList<Auto> Automobiles = _AutoManager.Carica(); foreach (var bici in Automobiles) { Console.WriteLine( " Marca: " + bici.Marca + " Modello: " + bici.Modello + " Velocita:" + bici.Velocita); } } ~AutoMainBusinessLayer() { //Rilascio delle risorse _AutoManager = null; } } }<file_sep>/Exam2/Paras_def/Galaxy.Terminal/Procedures/LibriWorkflow.cs using Paras.Core.BusinessLayers; using Paras.Core.BusinessLayers.Common; using Paras.Core.BusinessLayers.JsonProvider; using Paras.Core.Entities; using System; namespace Paras.Terminal.Procedures { public static class LibriWorkflow { public static void EseguiCreaModificaCancella() { //Istanzio il manager dei libri Console.WriteLine(); Console.WriteLine("ESECUZIONE DEL WORKFLOW LIBRI..."); Console.WriteLine(); //TxtFileLibroManager manager = new TxtFileLibroManager(); IManager<Libro> manager = new JsonLibroManager(); //Visualizzazione contenuto database Console.WriteLine("Lettura del database..."); var libriInArchivio = manager.Carica(); Console.WriteLine($"Trovati {libriInArchivio.Count} libri in archivio"); foreach (var currentLibro in libriInArchivio) Console.WriteLine($"Lettura: {currentLibro.Titolo} (ID:{currentLibro.Id})"); Console.WriteLine(""); //Creazione di un nuovo libro => "C" di CRUD Console.WriteLine("Creazione di un libro..."); Random randomGenerator = new Random(); var nuovoLibro = new Libro { Titolo = "Titolo di esempio numero " + randomGenerator.Next(), Anno = 1900, Autore = "<NAME>", Codice = "ABC", Lingua = "English", Prezzo = 10, Timestamp = DateTime.Now, UtenteCreatore = "mario.rossi", GenereAppartenenza = new Genere { Id = 1 } }; manager.Crea(nuovoLibro); Console.WriteLine("Il libro dovrebbe essere stato creato su disco!"); Console.WriteLine(); //Creazione di un nuovo libro => "C" di CRUD Console.WriteLine("Creazione di un altro libro..."); var nuovoLibro2 = new Libro { Titolo = "Secondo titolo" + randomGenerator.Next(), Anno = 2019, Autore = "<NAME>", Codice = "DCG", Lingua = "Italiano", Prezzo = 16, Timestamp = DateTime.Now, UtenteCreatore = "mario.rossi", GenereAppartenenza = new Genere { Id = 1 } }; manager.Crea(nuovoLibro2); Console.WriteLine("Il libro dovrebbe essere stato creato su disco!"); Console.WriteLine(); //Leggiamo i libri dal disco => "R" di CRUD Console.WriteLine("Lettura del database..."); libriInArchivio = manager.Carica(); Console.WriteLine($"Trovati {libriInArchivio.Count} libri in archivio"); foreach (var currentLibro in libriInArchivio) Console.WriteLine($"Lettura: {currentLibro.Titolo} (ID:{currentLibro.Id})"); Console.WriteLine(""); //Modifico genere esistente e scrivo sui disco Console.WriteLine("Modifica di un libro esistente..."); nuovoLibro.Titolo = nuovoLibro.Titolo + "_" + DateTime.Now.Second; nuovoLibro.Prezzo = nuovoLibro.Prezzo + 10; manager.Aggiorna(nuovoLibro); Console.WriteLine("Il titolo e prezzo cambiati dovrebbero essere sul disco!"); Console.WriteLine(); //Leggiamo i libri dal disco => "R" di CRUD Console.WriteLine("Lettura del database..."); libriInArchivio = manager.Carica(); Console.WriteLine($"Trovati {libriInArchivio.Count} libri in archivio"); foreach (var currentLibro in libriInArchivio) Console.WriteLine($"Lettura: {currentLibro.Titolo} (ID:{currentLibro.Id})"); Console.WriteLine(""); //*** COMMENTATO FINCHE' NON FACCIAMO ILibroManager ////Cerchiamo un libro con "esempio" nel titolo //Console.WriteLine("Caricamento dei soli libri con 'esempio' nel titolo..."); //libriInArchivio = manager.Carica("esempio"); //Console.WriteLine($"Trovati {libriInArchivio.Count} libri in archivio con 'esempio'..."); //foreach (var currentLibro in libriInArchivio) // Console.WriteLine($"Lettura: {currentLibro.Titolo} (ID:{currentLibro.Id})"); //Console.WriteLine(""); //Cancellazione del genere => "D" di CRUD Console.WriteLine("Cancellazione di un libro esistente..."); manager.Cancella(nuovoLibro); Console.WriteLine("Il libro dovrebbe essere stato cancellato dal disco!"); Console.WriteLine(); //Leggiamo i libri dal disco => "R" di CRUD Console.WriteLine("Lettura del database..."); libriInArchivio = manager.Carica(); Console.WriteLine($"Trovati {libriInArchivio.Count} libri in archivio"); foreach (var currentLibro in libriInArchivio) Console.WriteLine($"Lettura: {currentLibro.Titolo} (ID:{currentLibro.Id})"); Console.WriteLine(""); } } } <file_sep>/exam1/ExamModule1/ExamModule1/Procedures/FunzioniProdotto.cs using ExamModule1.Entities; using ExamModule1.utils; using System; using System.Collections.Generic; using System.Diagnostics; using System.IO; using System.Text; namespace ExamModule1.Procedures { public static class FunzioniProdotto { public static void InserisciNumeroDiProdotti() { var totalNumbers = ConsoleUtils.LeggiNumeroInteroDaConsole(1, 10); // Richiamo la funzione che genera i prodotti Product[] product = new Product[totalNumbers]; // Dimensionamento di prodotto List<Product> prodotto = CaricaProdottoDaDatabase(); // Itero per il numero di prodotti richiesto for (int index = 0; index < totalNumbers; index++) { //Richiamo una funzione a cui passo i prodotti //e l'indice corrente e questa mi aggiunge il prodotto AggiungiProdottoAProduct(product, index); } //9) Itero e stampo a video tutti i prodotti StampaProdotto(product); //Finish ConsoleUtils.ConfermaUscita(); } private static List<Product> CaricaProdottoDaDatabase() { //Mi assicuro che esista la folder di archivio var archiveFolder = FunzioniFileSystem.AssicuratiCheEsistaCartellaDiArchivio(); //Tento di farmi dare le righe contenute nel database (se esiste) string[] tutteLeRigheDelDatabase = FunzioniFileSystem.OttieniRigheDaDatabase(archiveFolder); List<Product> persone = new List<Product>(); //Itero per tutti gli elementi dell'array foreach (var currentRow in tutteLeRigheDelDatabase) { //Individuo la posizione della "," int virgolaPosition = currentRow.IndexOf(","); //Se non viene trovata la ",", passiamo al prossimo elemento if (virgolaPosition < 0) continue; //Prendo come nome la stringa prima della virgola string codice = currentRow.Substring(0, virgolaPosition); //Prendo quello che ho dopo la virgola come cognome string nome = currentRow.Substring(virgolaPosition + 1); //Creazione dell'oggetto persona Product currentProduct = new Product { Code = codice, Name = nome }; //Aggiungo la persona alla lista persone.Add(currentProduct); } return persone; } private static void StampaProdotto(Product[] prodotto) { Console.WriteLine("*** Visualizzazione contenuto prodotto***"); for (var index = 0; index < prodotto.Length; index++) { Console.WriteLine($" => {prodotto[index].Code}, {prodotto[index].Name}"); } } private static void AggiungiProdottoAProduct(Product[] prodotto, int index) { //5) Richiedo il codice del prodotto Console.Write("Codice: "); var code = Console.ReadLine(); Console.Write("Nome: "); var name = Console.ReadLine(); //6) Creo oggetto Product da inserire in product Product product = new Product { Code = code, Name = name }; //7) Aggiungo product a prodotto prodotto[index] = product; var archiveFolder = FunzioniFileSystem.AssicuratiCheEsistaCartellaDiArchivio(); string datiInventarioStringa = $"{product.Code},{product.Name}"; // Aggiungo il testo al database FunzioniFileSystem.AggiungiTestoAFileDatabase(datiInventarioStringa, archiveFolder); } } } <file_sep>/Exam2/Paras_def/Galaxy.Terminal/Procedures/RecursiveProcedures.cs using Paras.Terminal.Structures; using Paras.Terminal.Utils; using System; using System.Collections.Generic; using System.IO; namespace Paras.Terminal.Procedures { public static class RecursiveProcedures { public static void Summary() { //Menu Console.WriteLine("******************************"); Console.WriteLine("* Recursive procedures demos *"); Console.WriteLine("******************************"); Console.WriteLine("* 1 - Demo ricorsione"); Console.WriteLine("* 2 - Demo Memory leak"); Console.WriteLine("* 3 - Demo matrice"); Console.WriteLine("* 4 - Demo dizionario"); //Recupero della selezione var selezione = ConsoleUtils.LeggiNumeroInteroDaConsole(1, 4); //Avvio della procedura switch (selezione) { //******************************************************** case 1: LaunchRecursionDemo(); break; //******************************************************** case 2: GenerateMemoryLeak(); break; //******************************************************** case 3: DemoMatrice(); break; //******************************************************** case 4: DemoDizionario(); break; //******************************************************** default: Console.WriteLine("Selezione non valida"); break; } } private static void DemoDizionario() { IDictionary<string, int> dizionario = new Dictionary<string, int>(); dizionario.Add("Uno", 1); dizionario.Add("Due", 2); dizionario.Add("Tre", 3); //dizionario.Add("Tre", 4); => ERRORE (chiave già esistente!) int uno = dizionario["Uno"]; int due = dizionario["Due"]; int tre = dizionario["Tre"]; } private static void DemoMatrice() { int[] arrayDiInteri = new int[3]; arrayDiInteri[0] = 33; arrayDiInteri[1] = 22; arrayDiInteri[2] = 11; int[][] matriceDiInteri = new int[3][]; matriceDiInteri[0] = new int[8]; matriceDiInteri[1] = new int[5]; matriceDiInteri[2] = new int[3]; matriceDiInteri[0][0] = 12; matriceDiInteri[0][1] = 100; matriceDiInteri[0][2] = 5000; matriceDiInteri[0][0] = 17; matriceDiInteri[0][1] = 90; matriceDiInteri[0][2] = 4000; int[,] matriceTridimensionale = new int[2, 2]; matriceTridimensionale[0, 0] = 0; matriceTridimensionale[0, 1] = 1; matriceTridimensionale[1, 0] = 2; matriceTridimensionale[1, 1] = 2; /// ==> matriceTridimensionale[3, 0] = 2; //ERRORE DatiAutomobile[] arrayDiDatiAuto = new DatiAutomobile[2]; //arrayDiDatiAuto[0].Speed = 12; //arrayDiDatiAuto[0].HorsePower = 100; //arrayDiDatiAuto[0].EngineRotation = 5000; //arrayDiDatiAuto[1].Speed = 17; //arrayDiDatiAuto[1].HorsePower = 90; //arrayDiDatiAuto[1].EngineRotation = 5400; } private class DatiAutomobile { public int Speed { get; set; } public int HorsePower { get; set; } public int EngineRotation { get; set; } } private static void GenerateMemoryLeak() { //Totake oggetti creati IList<FileSystemHandler> collezione = new List<FileSystemHandler>(); long totalCreatedObjects = 0; while (true) { //Inizializzo un oggetto FileSystemHandler handler = new FileSystemHandler(); totalCreatedObjects++; handler.FileWithSecondExtensionFound += Handler_FileWithSecondExtensionFound; //Aggiunta a lista //collezione.Add(handler); //Ogni 1000 elementi scrivo if (totalCreatedObjects % 1000 == 0) Console.WriteLine($"Creati {totalCreatedObjects} elementi..."); } } private static void LaunchRecursionDemo() { //Inserire il percorso di partenza Console.Write("Percorso base da cui partire per la ricerca dei file: "); string basePath = Console.ReadLine(); Console.Write("Estensione dei file da cercare (es. 'cs'): "); string extension = Console.ReadLine(); Console.Write("Seconda estensione dei file da cercare (es. 'csproj'): "); string secondExtension = Console.ReadLine(); //Creo istanza di FileSystemHandler FileSystemHandler handler = new FileSystemHandler(); //Evento da gestire // - "+=" è l'aggiunta della gestione dell'evento // - dopo il "+=" c'è il DELEGATO handler.FileWithSecondExtensionFound += Handler_FileWithSecondExtensionFound; //Evento di inizio ricerca in directory handler.SearchInDirectoryStarted += Handler_SearchInDirectoryStarted; //Avvio la procedura sul percorso base handler.ListAllFilesWithProvidedExtension( basePath, new string[] { extension, secondExtension }); } private static void Handler_SearchInDirectoryStarted(object sender, DirectoryInfo e) { //1) Elenco tutti i files presenti nella cartella "basePath" ConsoleUtils.WriteColorLine(ConsoleColor.Yellow, $"Ricerca in folder '{e.FullName}'..."); } private static void Handler_FileWithSecondExtensionFound(object sender, FileInfo e) { //Se l'estensione del file è "cs", stampo a console if (e.Extension == ".cs") { //Scrittura a console in verde ConsoleUtils.WriteColorLine(ConsoleColor.Green, $" => {e.Name}"); } else { //Apro il file di testo, aggiungo il percorso File.AppendAllLines("E:\\prova.txt", new string[] { e.FullName }); } } } } <file_sep>/Exam2/Paras_def/Galaxy.Storage.Text/TextGenereManager.cs using Paras.Core.BusinessLayers.Common; using Paras.Core.Entities; using System; namespace Paras.Core.BusinessLayers { public class TextGenereManager: TextManagerBase<Genere> { const string NomeFileDatabaseGeneri = "generi.txt"; protected override string GetNomeFileDatabase() { return NomeFileDatabaseGeneri; } protected override string ConvertiEntityInStringa(Genere entityDaConvertire) { //Conversione del genere a string string genereStringa = entityDaConvertire.Id + "|" + entityDaConvertire.Nome + "|" + entityDaConvertire.Descrizione + "|" + entityDaConvertire.Timestamp + "|" + entityDaConvertire.UtenteCreatore + "|"; return genereStringa; } protected override void RemapNuoviValoriSuEntityInLista(Genere entitySorgente, Genere entityDestinazione) { entityDestinazione.Nome = entitySorgente.Nome; entityDestinazione.Descrizione = entitySorgente.Descrizione; } protected override Genere ConvertSegmentiInEntity(string[] segments) { //segmenti[0] => "Id" //segmenti[1] => "Nome" //segmenti[2] => "Descrizione" //segmenti[3] => "Timestamp" //segmenti[4] => "UtenteCreatore" //segmenti[5] => Exception! var genere = new Genere { Id = int.Parse(segments[0]), Nome = segments[1], Descrizione = segments[2], Timestamp = DateTime.Parse(segments[3]), UtenteCreatore = segments[4], }; return genere; } } } <file_sep>/Exam2/Paras_def/Galaxy.Core/Entities/Genere.cs namespace Paras.Core.Entities { /// <summary> /// Entità che esprime il genere dei libri (es. Fantasy, Saggistica, ecc) /// </summary> public class Genere: MonitorableEntityBase { /// <summary> /// Nome del genere /// </summary> public string Nome { get; set; } /// <summary> /// Descrizione sintetica del genere /// </summary> public string Descrizione { get; set; } } } <file_sep>/exam1/ExamModule1/ExamModule1/utils/ConsoleUtils.cs using System; using System.Collections.Generic; using System.Text; namespace ExamModule1.utils { public static class ConsoleUtils { public static int LeggiNumeroInteroDaConsole(int minValue, int maxValue) { //Leggo il valore stringa da console string valoreString; int valoreIntero = 0; //Predisposizione al fallimento bool isInteger = false; bool isInRange = false; do { try { //Eseguo la lettura del valore da console Console.Write("Numero prodotti: "); valoreString = Console.ReadLine(); //Validazione e parsing del valore valoreIntero = int.Parse(valoreString); isInteger = true; //Verifico se è nel range if (valoreIntero >= minValue && valoreIntero <= maxValue) { //imposto il flag IsInRange isInRange = true; } else { //Messaggio di errore Console.WriteLine("Attenzione! Il valore immesso non è nel range indicato"); //Ripristino condizioni di predisposizione fallimento iniziali valoreIntero = 0; isInteger = false; isInRange = false; } } catch (Exception exc) { //Messaggio di errore Console.WriteLine("Attenzione! Il valore immesso è un numero!"); //Ripristino condizioni di predisposizione fallimento iniziali valoreIntero = 0; isInteger = false; isInRange = false; } } while (isInteger == false || isInRange == false); //Ritorno il valore intero return valoreIntero; } public static void ConfermaUscita() { Console.Write("Premi un pulsante per uscire"); Console.ReadKey(); } } } <file_sep>/Exam2/Paras_def/Galaxy.Storage.Text/TextUtenteManager.cs using Paras.Core.BusinessLayers.Common; using Paras.Core.Entities; using System; using System.Collections.Generic; namespace Paras.Core.BusinessLayers { public class TextUtenteManager : IManager<Utente> { public void Aggiorna(Utente entityDaModificare) { throw new NotImplementedException(); } public void Cancella(Utente entityDaCancellare) { throw new NotImplementedException(); } public IList<Utente> Carica() { throw new NotImplementedException(); } public void Crea(Utente entityDaCreare) { throw new NotImplementedException(); } } } <file_sep>/HelloAcademy/Program.cs using HelloAcademy.Utils; using System; namespace HelloAcademy { class Program { static void Main(string[] args) { // => "HelloAcademy publish test" //args[0] = "publish" //args[1] = "test" //1) Parte il programma //2) Mostrare un menu utente Console.WriteLine("**************************"); Console.WriteLine("*** HELLO ACADEMY MENU ***"); Console.WriteLine("**************************"); Console.WriteLine(""); Console.WriteLine("* 1 - Divisione"); Console.WriteLine("* 2 - Rubrica semplice"); Console.WriteLine("* 3 - Rubrica complessa"); Console.WriteLine("* 0 - Exit"); Console.Write("* Selezione: "); var selezione = ConsoleUtils.LeggiNumeroInteroDaConsole(1, 3); //Selezione della funzione da avviare switch (selezione) { case 1: FunzioniMatematiche.RecuperaDivisioneEDividendoEDividi(); break; case 2: FunzioniRubrica.InserisciPersoneEMostraRubrica(); break; case 3: FunzioniRubrica.InserisciNumeroArbitrarioPersoneInRubrica(); break; case 0: Console.WriteLine("Uscita...."); break; default: Console.WriteLine("Selezione non valida"); break; } //3) Se premo 1, parte "RecuperaDivisioneEDividendoEDividi" //4) Se premo 2, parte "InserisciPersoneEMostraRubrica" //5) Se premo 3, parte "InserisciNumeroArbitrarioPersoneInRubrica" //FunzioniMatematiche.RecuperaDivisioneEDividendoEDividi(); //FunzioniRubrica.InserisciPersoneEMostraRubrica(); //FunzioniRubrica.InserisciNumeroArbitrarioPersoneInRubrica(); } } } <file_sep>/Exam2/Paras_def/Galaxy.Storage.Text/TextLibroManager.cs using Paras.Core.BusinessLayers.Common; using Paras.Core.Entities; using System; using System.Collections.Generic; namespace Paras.Core.BusinessLayers { public class TextLibroManager: TextManagerBase<Libro> { const string NomeFileDatabaseLibri = "libri.txt"; protected override string GetNomeFileDatabase() { return NomeFileDatabaseLibri; } protected override string ConvertiEntityInStringa(Libro entityDaConvertire) { //segmenti[0] => "Id" //segmenti[1] => "Codice" //segmenti[2] => "Titolo" //segmenti[3] => "Prezzo" //segmenti[4] => "Lingua" //segmenti[5] => "Autore" //segmenti[6] => "Anno" //segmenti[7] => "GenereAppartenenza"* //segmenti[8] => "Timestamp" //segmenti[9] => "UtenteCreatore" //Conversione del libro a string string libroStringa = entityDaConvertire.Id + "|" + entityDaConvertire.Codice + "|" + entityDaConvertire.Titolo + "|" + entityDaConvertire.Prezzo + "|" + entityDaConvertire.Lingua + "|" + entityDaConvertire.Autore + "|" + entityDaConvertire.Anno + "|" + entityDaConvertire.GenereAppartenenza.Id + "|" + entityDaConvertire.Timestamp + "|" + entityDaConvertire.UtenteCreatore; return libroStringa; } protected override Libro ConvertSegmentiInEntity(string[] segments) { var libro = new Libro { Id = int.Parse(segments[0]), Codice = segments[1], Titolo = segments[2], Prezzo = double.Parse(segments[3]), Lingua = segments[4], Autore = segments[5], Anno = int.Parse(segments[6]), GenereAppartenenza = new Genere { Id = int.Parse(segments[7]) }, Timestamp = DateTime.Parse(segments[8]), UtenteCreatore = segments[9], }; //Ritorno l'entità generata return libro; } protected override void RemapNuoviValoriSuEntityInLista( Libro entitySorgente, Libro entityDestinazione) { entityDestinazione.Titolo = entitySorgente.Titolo; entityDestinazione.Lingua = entitySorgente.Lingua; entityDestinazione.Prezzo = entitySorgente.Prezzo; entityDestinazione.Anno = entitySorgente.Anno; entityDestinazione.Autore= entitySorgente.Autore; entityDestinazione.Codice= entitySorgente.Codice; entityDestinazione.GenereAppartenenza = entitySorgente.GenereAppartenenza; //Posso fare il remapping anche dei campi comuni, ma è meglio farlo //nella funzione base perchè è in grado di manipolare i campi in questione // => entityDestinazione.Timestamp = entitySorgente.Timestamp; // => entityDestinazione.UtenteCreatore = entitySorgente.UtenteCreatore; } public IList<Libro> Carica(string testoDaCercareNelTitolo) { //Uso il metodo base per ottenere tutti i libri IList<Libro> tuttiILibri = base.Carica(); IList<Libro> libriCorrispondentiAlCriterioDiRicerca = new List<Libro>(); //Scorro tutti i libri foreach (Libro currentLibro in tuttiILibri) { //Se il libro corrente contiene nel Titolo il //testo specificato, aggiungo il libro "libriCorrispondentiAlCriterioDiRicerca" //Recupero l'indice del testo ricercato nel titolo var indiceTesto = currentLibro.Titolo.IndexOf(testoDaCercareNelTitolo); //Se l'indice è >= 0 if (indiceTesto < 0) continue; //Aggiungo l'elemento in uscita libriCorrispondentiAlCriterioDiRicerca.Add(currentLibro); } //Ritorno la lista di quelli corrispondenti return libriCorrispondentiAlCriterioDiRicerca; } } } <file_sep>/HelloAcademy/Entities/Calculator.cs using System; using System.Collections.Generic; using System.Text; namespace HelloAcademy { public class Calculator { public int Sum(int a, int b) { return a + b; } public int Multiply(int a, int b) { return a * b; } public double Divide(int a, int b) { try { return a / b; } catch (Exception exc) { return default(double); } } } } <file_sep>/Exam2/Paras_def/Galaxy.Core/Entities/Veicolo.cs using System; using System.Collections.Generic; using System.Text; namespace Paras.Core.Entities { /// <summary> /// Class che rappresenta un veicolo /// </summary> public abstract class Veicolo : MonitorableEntityBase { /// <summary> /// Colore /// </summary> public string Colore { get; set; } /// <summary> /// Marca /// </summary> public string Marca { get; set; } /// <summary> /// Velocità attuale /// </summary> public int Velocita { get; set; } /// <summary> /// Modello /// </summary> public string Modello { get; set; } /// <summary> /// Funzione di accelerazione /// </summary> public void Accelera() { //Incremento del campo Velocita (di 1 km/h) Velocita = Velocita + 1; } /// <summary> /// Funzione che frena il veicolo /// </summary> public void Frena() { //Se la velocità è zero, non fa nulla if (Velocita == 0) return; //Decremento del campo Velocita (di 1 km/h) Velocita = Velocita - 1; } //test modiica } }<file_sep>/Exam2/Paras_def/Galaxy.Terminal/Procedures/GeneriWorkflow.cs using Paras.Core.BusinessLayers.Common; using Paras.Core.BusinessLayers.JsonProvider; using Paras.Core.Entities; using System; namespace Paras.Terminal.Procedures { public static class GeneriWorkflow { public static void EseguiCreaModificaCancella() { //Creazione dell'istanza del manager dei generi Console.WriteLine(); Console.WriteLine("ESECUZIONE DEL WORKFLOW GENERI..."); Console.WriteLine(); //IManager<Genere> manager = new TxtFileGenereManager(); IManager<Genere> manager = new JsonGenereManager(); //Visualizzazione contenuto database Console.WriteLine("Lettura del database..."); var generiInArchivio = manager.Carica(); Console.WriteLine($"Trovati {generiInArchivio.Count} generi in archivio"); foreach (var currentGenere in generiInArchivio) Console.WriteLine($"Lettura: {currentGenere.Nome} (ID:{currentGenere.Id})"); Console.WriteLine(""); Console.WriteLine("Premere invio per proseguire..."); Console.ReadLine(); //Creazione di un nuovo genere => "C" di CRUD Console.WriteLine("Creazione di un genere..."); var nuovoGenere = new Genere { Nome = "Fantasy", Descrizione = "Chissenefrega" }; manager.Crea(nuovoGenere); Console.WriteLine("Il genere dovrebbe essere stato creato su disco!"); Console.WriteLine(); //Leggiamo i generi dal disco => "R" di CRUD Console.WriteLine("Lettura del database..."); var tuttiIGeneri = manager.Carica(); Console.WriteLine($"Numero generi trovati: {tuttiIGeneri.Count}"); foreach (var currentGenere in tuttiIGeneri) Console.WriteLine($"Lettura genere: {currentGenere.Nome} (ID:{currentGenere.Id})"); Console.WriteLine(); Console.WriteLine("Premere invio per proseguire..."); Console.ReadLine(); //Modifico genere esistente e scrivo sui disco Console.WriteLine("Modifica di un genere esistente..."); nuovoGenere.Nome = "Fantasy Due"; manager.Aggiorna(nuovoGenere); Console.WriteLine("Il nome cambiato dovrebbe essere sul disco!"); Console.WriteLine(); //Rileggiamo per vedere se effettivamente è cambiato Console.WriteLine("Lettura del database..."); var tuttiIGeneriDiNuovo = manager.Carica(); Console.WriteLine($"Numero generi trovati: {tuttiIGeneriDiNuovo.Count}"); foreach (var currentGenere in tuttiIGeneriDiNuovo) Console.WriteLine($"Lettura genere: {currentGenere.Nome} (ID:{currentGenere.Id})"); Console.WriteLine(); Console.WriteLine("Premere invio per proseguire..."); Console.ReadLine(); //Cancellazione del genere => "D" di CRUD Console.WriteLine("Cancellazione di un genere esistente..."); manager.Cancella(nuovoGenere); Console.WriteLine("Il genere dovrebbe essere stato cancellato dal disco!"); Console.WriteLine(); //Rileggiamo per vedere se effettivamente è cambiato Console.WriteLine("Lettura del database..."); var tuttiIGeneriUltimaVolta = manager.Carica(); Console.WriteLine($"Numero generi trovati: {tuttiIGeneriUltimaVolta.Count}"); foreach (var currentGenere in tuttiIGeneriUltimaVolta) Console.WriteLine($"Lettura genere: {currentGenere.Nome} (ID:{currentGenere.Id})"); Console.WriteLine(); Console.WriteLine("Premere invio per proseguire..."); Console.ReadLine(); } } } <file_sep>/Exam2/Paras_def/Galaxy.Terminal/Procedures/LaunchBusinessLayerMenu.cs using Paras.Core.BusinessLayers; using Paras.Core.BusinessLayers.Common; using Paras.Core.BusinessLayers.JsonProvider; using Paras.Core.Entities; using Paras.Core.Managers.Providers.Enum; using Paras.Terminal.Utils; using System; using System.Collections.Generic; namespace Paras.Terminal.Procedures { public static class BusinessLayerMenu { public static void Start() { //Menu Console.WriteLine("************************"); Console.WriteLine("********* MENU *********"); Console.WriteLine("************************"); Console.WriteLine("* 1 - Menu Auto *"); Console.WriteLine("* 2 - Menu Bici *"); //Recupero della selezione var selezione = ConsoleUtils.LeggiNumeroInteroDaConsole(1, 2); //Avvio della procedura switch (selezione) { //******************************************************** case 1: MenuA(); // menu auto break; case 2: MenuB(); //menu bici break; //******************************************************** default: Console.WriteLine("Selezione non valida"); break; } } private static void MenuA() { //Menu Console.WriteLine("***********************"); Console.WriteLine("* Menu Auto *"); Console.WriteLine("***********************"); Console.WriteLine("* 1 - Inserisci"); Console.WriteLine("* 2 - Lista presenti"); //Recupero della selezione var selezione = ConsoleUtils.LeggiNumeroInteroDaConsole(1, 2); //Avvio della procedura switch (selezione) { //******************************************************** case 1: CreaAuto(); break; case 2: StampaListaAuto(); break; //case 3: // Find(); // break; //case 4: // CreaMezziDellaFamiglia(); //******************************************************** default: Console.WriteLine("Selezione non valida"); break; } } //menu bici private static void MenuB() { //Menu Console.WriteLine("***********************"); Console.WriteLine("* Menu Bici *"); Console.WriteLine("***********************"); Console.WriteLine("* 1 - Inserisci"); Console.WriteLine("* 2 - Lista bici in presenti"); Console.WriteLine("* 3- Ricerca bici secondo il modello"); //Recupero della selezione var selezione = ConsoleUtils.LeggiNumeroInteroDaConsole(1, 3); //Avvio della procedura switch (selezione) { //******************************************************** case 1: CreaBici(); break; case 2: StampaListaBici(); break; case 3: Find(); break; default: Console.WriteLine("Selezione non valida"); break; } } private static void StampaListaBici() { //Richiedo all'utente il tipo di provider dati ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Provider storage(Json)"); string storageTypeAsString = "Json"; //ConsoleUtils.ReadLine<string>(e => e == "Json"); StorageType storageType = Enum.Parse<StorageType>(storageTypeAsString); IManager<Bici> biciManager; //Switch sul tipo di storage switch (storageType) { case StorageType.Json: biciManager = new JsonBiciManager(); break; default: throw new NotSupportedException($"Il provider {storageType} non è supportato"); } //Istanzio il business layer (che il cervello della //nostra applicazione) VeicoloMainBusinessLayer layer = new VeicoloMainBusinessLayer(biciManager); layer.StampaBici(); } private static void StampaListaAuto() { //Richiedo all'utente il tipo di provider dati ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Provider storage(Json)"); string storageTypeAsString = "Json"; //ConsoleUtils.ReadLine<string>(e => e == "Json"); StorageType storageType = Enum.Parse<StorageType>(storageTypeAsString); IManager<Auto> bAutoManager; //Switch sul tipo di storage switch (storageType) { case StorageType.Json: bAutoManager = new JsonAutoManager(); break; default: throw new NotSupportedException($"Il provider {storageType} non è supportato"); } //Istanzio il business layer (che il cervello della //nostra applicazione) VeicoloMainBusinessLayer layer = new VeicoloMainBusinessLayer(bAutoManager); layer.StampaAuto(); } private static void Find() { //Richiedo all'utente il tipo di provider dati ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Provider storage(Json)"); string storageTypeAsString = "Json"; //ConsoleUtils.ReadLine<string>(e => e == "Json"); StorageType storageType = Enum.Parse<StorageType>(storageTypeAsString); IManager<Bici> biciManager; //Switch sul tipo di storage switch (storageType) { case StorageType.Json: biciManager = new JsonBiciManager(); break; default: throw new NotSupportedException($"Il provider {storageType} non è supportato"); } ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Modello da ricerchare:"); string Modello = ConsoleUtils.ReadLine<string>(t => !string.IsNullOrEmpty(t)); //Istanzio il business layer VeicoloMainBusinessLayer layer = new VeicoloMainBusinessLayer(biciManager); layer.FindByModello(Modello); } private static void CreaBici() { //Richiedo all'utente il tipo di provider dati ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Provider storage(Json)"); string storageTypeAsString = "Json"; //ConsoleUtils.ReadLine<string>(e => e == "Json"); StorageType storageType = Enum.Parse<StorageType>(storageTypeAsString); //Richiediamo i dati da console ConsoleUtils.WriteColor(ConsoleColor.Yellow, "NumeroTelaio:"); string NumeroTelaio = ConsoleUtils.ReadLine<string>(t => !string.IsNullOrEmpty(t)); ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Marca:"); string Marca = ConsoleUtils.ReadLine<string>(t => !string.IsNullOrEmpty(t)); ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Colore:"); string Colore = ConsoleUtils.ReadLine<string>(t => !string.IsNullOrEmpty(t)); ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Modello:"); string Modello = ConsoleUtils.ReadLine<string>(t => !string.IsNullOrEmpty(t)); ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Velocità:"); int Velocita = ConsoleUtils.ReadLine<int>(p => p > 0); ConsoleUtils.WriteColor(ConsoleColor.Yellow, "IsElettrica:"); bool IsElettrica = ConsoleUtils.ReadLine<bool>(t => t == true || t == false); IManager<Bici> biciManager; //Switch sul tipo di storage switch (storageType) { case StorageType.Json: biciManager = new JsonBiciManager(); break; default: throw new NotSupportedException($"Il provider {storageType} non è supportato"); } //Istanzio il business layer VeicoloMainBusinessLayer layer = new VeicoloMainBusinessLayer(biciManager); //Avvio la funzione di creazione string[] messaggiDiErrore = layer.CreaBiciSeNonEsiste( NumeroTelaio, Marca, Modello, IsElettrica, Colore, Velocita); //Se non ho messaggi di errore, confermo if (messaggiDiErrore.Length == 0) ConsoleUtils.WriteColorLine(ConsoleColor.Green, "TUTTOBBBENE!!!"); else { //Messaggio di errore generale ConsoleUtils.WriteColorLine(ConsoleColor.Yellow, "Attenzione! Ci sono errori nella creazione!"); //Scorriamo gli errori e li mostriamo all'utente foreach (var currentMessage in messaggiDiErrore) ConsoleUtils.WriteColorLine(ConsoleColor.Yellow, currentMessage); } } private static void CreaAuto() { //Richiedo all'utente il tipo di provider dati ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Provider storage(Json)"); string storageTypeAsString = "Json"; //ConsoleUtils.ReadLine<string>(e => e == "Json"); StorageType storageType = Enum.Parse<StorageType>(storageTypeAsString); //Richiediamo i dati da console ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Marca:"); string Marca = ConsoleUtils.ReadLine<string>(t => !string.IsNullOrEmpty(t)); ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Colore:"); string Colore = ConsoleUtils.ReadLine<string>(t => !string.IsNullOrEmpty(t)); ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Modello:"); string Modello = ConsoleUtils.ReadLine<string>(t => !string.IsNullOrEmpty(t)); ConsoleUtils.WriteColor(ConsoleColor.Yellow, "Velocità:"); int Velocita = ConsoleUtils.ReadLine<int>(p => p > 0); IManager<Auto> autoManager; //Switch sul tipo di storage switch (storageType) { case StorageType.Json: autoManager = new JsonAutoManager(); break; default: throw new NotSupportedException($"Il provider {storageType} non è supportato"); } //Istanzio il business layer (che il cervello della //nostra applicazione) VeicoloMainBusinessLayer layer = new VeicoloMainBusinessLayer(autoManager); //Avvio la funzione di creazione string[] messaggiDiErrore = layer.CreaAutoSeNonEsiste(Marca, Modello, Colore, Velocita); //Se non ho messaggi di errore, confermo if (messaggiDiErrore.Length == 0) ConsoleUtils.WriteColorLine(ConsoleColor.Green, "TUTTOBBBENE!!!"); else { //Messaggio di errore generale ConsoleUtils.WriteColorLine(ConsoleColor.Yellow, "Attenzione! Ci sono errori nella creazione!"); //Scorriamo gli errori e li mostriamo all'utente foreach (var currentMessage in messaggiDiErrore) ConsoleUtils.WriteColorLine(ConsoleColor.Yellow, currentMessage); } } } } <file_sep>/Exam2/Paras_def/Galaxy.Core/Entities/Auto.cs using System; using System.Collections.Generic; using System.Text; namespace Paras.Core.Entities { /// <summary> /// /// “NumeroCavalli”, “IsDiesel” e “DataImmatricolazione”. /// </summary> public class Auto : Veicolo { /// <summary> /// Flag per definire se e' IsDiesel /// </summary> public bool IsDiesel { get; set; } /// <summary> /// NumeroCavalli /// </summary> public int NumeroCavalli { get; set; } /// <summary> /// DataImmatricolazione /// </summary> public DateTime DataImmatricolazione { get; set; } } } <file_sep>/HelloAcademy/Procedures/FunzioniRubrica.cs using HelloAcademy.Utils; using System; using System.Collections.Generic; using System.Text; namespace HelloAcademy { public static class FunzioniRubrica { public static void InserisciNumeroArbitrarioPersoneInRubrica() { //1) Richiedo il numero di persone da inserire Console.Write("Quante persone vuoi inserire (da 1 a 9)? "); int totalPersons = ConsoleUtils.LeggiNumeroInteroDaConsole(1, 9); //Richiamo la funzione che genera la rubrica // => TODO var rubrica = ComposizioneRubrica(totalPersons); //Dimensionamento della rubrica Person[] rubrica = new Person[totalPersons]; //4) Itero per il numero di persone richiesto for (int index = 0; index < totalPersons; index++) { //Richiamo una funzione a cui passo la rubrica //e l'indice corrente e questa mi aggiunge la persona AggiungiPersonaARubricaInPosizione(rubrica, index); } //9) Itero la rubrica e stampo a video (con for) tutte le persone StampaRubrica(rubrica); //Richiedo di inserire un altro elemento in rubrica //=> TODO //STampo nuovamente la rubrica //Cerimonia finale ConsoleUtils.ConfermaUscita(); } private static void StampaRubrica(Person[] rubrica) { Console.WriteLine("*** Visualizzazione contenuto rubrica***"); for (var index = 0; index < rubrica.Length; index++) { Console.WriteLine($" => {rubrica[index].FirstName}, {rubrica[index].LastName}"); //Console.WriteLine(" => " + rubrica[index].FirstName + ", " + rubrica[index].LastName); } } private static void AggiungiPersonaARubricaInPosizione(Person[] rubrica, int index) { //5) Richiedo il nome e cognome della persona Console.Write("nome: "); var nome = Console.ReadLine(); Console.Write("cognome: "); var cognome = Console.ReadLine(); //6) Creo oggetto Person da inserire in rubrica Person person = new Person { FirstName = nome, LastName = cognome }; //7) Aggiungo persona a rubrica rubrica[index] = person; //8) Se ho inserito tutte le persone termino il ciclo } //****************************************************************** public static void InserisciPersoneEMostraRubrica() { //Dimensiono array per la rubrica Person[] rubrica = new Person[3]; //Richiedo persona 1 (nome + cognome) Console.Write("Nome 1: "); string nome1 = Console.ReadLine(); Console.Write("Cognome 1: "); string cognome1 = Console.ReadLine(); //Creo oggetto persona e inserisco valori Person uno = new Person(); uno.FirstName = nome1; uno.LastName = cognome1; //Aggiungo persona a rubrica rubrica[0] = uno; //Richiedo persona 2 (nome + cognome) Console.Write("Nome 2: "); string nome2 = Console.ReadLine(); Console.Write("Cognome 2: "); string cognome2 = Console.ReadLine(); //Creo oggetto persona e inserisco valori Person due = new Person { FirstName = nome2, LastName = cognome2 }; //Aggiungo persona a rubrica rubrica[1] = due; //Richiedo persona 1 (nome + cognome) //Creo oggetto persona e inserisco valori //Aggiungo persona a rubrica Console.Write("Nome 2: "); string nome3 = Console.ReadLine(); Console.Write("Cognome 2: "); string cognome3 = Console.ReadLine(); rubrica[2] = new Person { FirstName = nome3, LastName = cognome3 }; //Mostro contenuto rubrica // VERSIONE BECERA!!!! //Console.WriteLine(rubrica[0].FirstName + ", " + rubrica[0].LastName); //Console.WriteLine(rubrica[1].FirstName + ", " + rubrica[1].FirstName); //Console.WriteLine(rubrica[2].FirstName + ", " + rubrica[3].FirstName); Console.WriteLine("Iterazione rubrica (for):"); for (int i = 0; i < rubrica.Length; i++) { Console.WriteLine(rubrica[i].FirstName + ", " + rubrica[i].LastName); } Console.WriteLine("Iterazione rubrica (while):"); int index = 0; while (index < rubrica.Length) { Console.WriteLine(rubrica[index].FirstName + ", " + rubrica[index].LastName); index = index + 1; } Console.WriteLine("Iterazione rubrica (foreach):"); foreach (Person current in rubrica) { Console.WriteLine(current.FirstName + ", " + current.LastName); } } } } <file_sep>/exam1/ExamModule1/ExamModule1/Program.cs using ExamModule1.Entities; using ExamModule1.Procedures; using ExamModule1.utils; using System; namespace ExamModule1 { class Program { static void Main(string[] args) { //1) Parte il programma //2) Dire all'utente di inserire un numero compreso tra 1 e 10 Console.WriteLine("**************************"); Console.WriteLine("*** EXAM MODULE 1 ***"); Console.WriteLine("**************************"); Console.WriteLine(""); Console.WriteLine("* Inserire un numero di prodotti compreso tra 1 e 10."); FunzioniProdotto.InserisciNumeroDiProdotti(); FunzioniFileSystem.CreaStrutturaPerConservazioneDati(); } } } <file_sep>/Exam2/Paras_def/Galaxy.Storage.Json/JsonAutoManager.cs using Paras.Core.BusinessLayers.JsonProvider.Common; using Paras.Core.Entities; namespace Paras.Core.BusinessLayers.JsonProvider { public class JsonAutoManager : JsonManagerBase<Auto> { protected override void RemapNuoviValoriSuEntityInLista(Auto targetEntity, Auto sourceEntity) { targetEntity.Colore = sourceEntity.Colore; targetEntity.Modello = sourceEntity.Modello; targetEntity.Marca = sourceEntity.Marca; } } } <file_sep>/Exam2/Paras_def/Galaxy.Storage.Json/JsonGenereManager.cs using Paras.Core.BusinessLayers.JsonProvider.Common; using Paras.Core.Entities; namespace Paras.Core.BusinessLayers.JsonProvider { public class JsonGenereManager : JsonManagerBase<Genere> { protected override void RemapNuoviValoriSuEntityInLista( Genere entitySorgente, Genere entityDestinazione) { entityDestinazione.Nome = entitySorgente.Nome; entityDestinazione.Descrizione = entitySorgente.Descrizione; } } } <file_sep>/Exam2/Paras_def/Galaxy.Core/BusinessLayers/MainBusinessLayer.cs using Paras.Core.BusinessLayers.Common; using Paras.Core.Entities; using System; using System.Collections.Generic; using System.Linq; namespace Paras.Core.BusinessLayers { /// <summary> /// Classe che contiene il flusso funzionale di Galaxy /// </summary> public class MainBusinessLayer { #region Private fields private IManager<Genere> _GenereManager; private IManager<Libro> _LibroManager; #endregion /// <summary> /// Constructor /// </summary> /// <param name="genereMan">Istanza Genere manager</param> /// <param name="libroMan">Istanza Libro manager</param> public MainBusinessLayer(IManager<Genere> genereMan, IManager<Libro> libroMan) { _GenereManager = genereMan; _LibroManager = libroMan; } /// <summary> /// Esegue la creazione di un libro usando le informazioni /// passate (e validandole) e del genere associato se /// il genere non è già presente nel sistema /// </summary> /// <param name="titolo">Titolo del libro</param> /// <param name="codice">Codice del libro</param> /// <param name="autore">Autore</param> /// <param name="prezzo">Prezzo (maggiore di 0)</param> /// <param name="anno">Anno (1000-now)</param> /// <param name="nomeGenere">Nome del genere</param> /// <returns>Ritorna una lista di validazioni fallite</returns> public string[] CreaLibroESuoGenereSeNonEsiste( string titolo, string codice, string autore, double prezzo, int anno, string nomeGenere) { //1) Validazione degli input if (string.IsNullOrEmpty(titolo)) throw new ArgumentNullException(nameof(titolo)); if (string.IsNullOrEmpty(codice)) throw new ArgumentNullException(nameof(codice)); if (string.IsNullOrEmpty(autore)) throw new ArgumentNullException(nameof(autore)); if (string.IsNullOrEmpty(nomeGenere)) throw new ArgumentNullException(nameof(nomeGenere)); if (prezzo <= 0) throw new ArgumentOutOfRangeException(nameof(prezzo)); if (anno <= 0) throw new ArgumentOutOfRangeException(nameof(anno)); //Predisposizione messaggi di uscita IList<string> messaggi = new List<string>(); //2) Verifico che l'anno sia tra 1000 e oggi if (anno < 1000 || anno > DateTime.Now.Year) { //Aggiungo il messaggio di errore, ed esco messaggi.Add($"L'anno deve essere compreso tra 1000 e {DateTime.Now.Year}"); return messaggi.ToArray(); } //3) Verifico che il prezzo sia > 1 if (prezzo < 1) { //Aggiungo il messaggio di errore, ed esco messaggi.Add($"Il prezzo deve essere almeno 1 euro"); return messaggi.ToArray(); } //4) Verifico che il codice non sia già usato Libro libroConStessoCodice = GetLibroByCodice(codice); if (libroConStessoCodice != null) { //Aggiungo il messaggio di errore, ed esco messaggi.Add($"Esiste già un libro con il " + $"codice '{codice}' (ha l'id {libroConStessoCodice.Id})"); return messaggi.ToArray(); } //5) Ricerco il genere in archivio Genere existingGenere = GetGenereByNome(nomeGenere) ?? CreateGenereWithName(nomeGenere); //7) Creo l'oggetto con tutti i dati Libro nuovoLibro = new Libro { Titolo = titolo, Autore = autore, Codice = codice, Anno = anno, Prezzo = prezzo, Lingua = "Italiano", GenereAppartenenza = existingGenere }; //Aggiungo il libro _LibroManager.Crea(nuovoLibro); //8) Ritorno in uscita le validazioni (vuote se non ho errori) return messaggi.ToArray(); } /// <summary> /// Esegue la creazione di un genere con il nome indicato /// </summary> /// <param name="nomeGenere">Nome del genere</param> /// <returns>Ritorna il genere creato</returns> private Genere CreateGenereWithName(string nomeGenere) { //Creo oggetto genere con nome Genere nuovoGenere = new Genere { Nome = nomeGenere, Descrizione = "no description" }; //Creo il genere // => Qui "Id" = 0 _GenereManager.Crea(nuovoGenere); //Ritorno il genere creato return nuovoGenere; } /// <summary> /// Recupera un libro usando il codice /// </summary> /// <param name="codice">Codice del libro</param> /// <returns>Ritorna il libro o null</returns> public Libro GetLibroByCodice(string codice) { //4-2) Carico tutti i libri IList<Libro> libri = _LibroManager.Carica(); //4-3) Verifico che esista un libro con codice specificato Libro libroConStessoCodice = libri .SingleOrDefault(l => l.Codice == codice); return libroConStessoCodice; } /// <summary> /// Recupera un genere usando il nome /// </summary> /// <param name="nome">Nome del genere</param> /// <returns>Ritorna un genere o null</returns> public Genere GetGenereByNome(string nome) { //4-2) Carico tutti i generi IList<Genere> generi = _GenereManager.Carica(); //4-3) Verifico se esiste un genere con il nome Genere genereConNomeIndicato = generi .SingleOrDefault(l => l.Nome == nome); return genereConNomeIndicato; } /// <summary> /// Distruttore (rilascia le risorse locali) /// </summary> ~MainBusinessLayer() { //Rilascio delle risorse _GenereManager = null; _LibroManager = null; } } } <file_sep>/Exam2/Paras_def/Galaxy.Storage.Json/JsonBiciManager.cs using Paras.Core.BusinessLayers.JsonProvider.Common; using Paras.Core.Entities; namespace Paras.Core.BusinessLayers.JsonProvider { public class JsonBiciManager : JsonManagerBase<Bici> { protected override void RemapNuoviValoriSuEntityInLista(Bici targetEntity, Bici sourceEntity) { targetEntity.NumeroTelaio = sourceEntity.NumeroTelaio; targetEntity.IsElettrica = sourceEntity.IsElettrica; targetEntity.Colore = sourceEntity.Colore; targetEntity.Colore = sourceEntity.Colore; targetEntity.Modello = sourceEntity.Modello; targetEntity.Marca = sourceEntity.Marca; } } } <file_sep>/Exam2/Paras_def/Galaxy.Core/Entities/Utente.cs using Paras.Core.Entities.Interfaces; namespace Paras.Core.Entities { /// <summary> /// Entità utente /// </summary> public class Utente: IEntity { /// <summary> /// Id primario /// </summary> public int Id { get; set; } /// <summary> /// Username /// </summary> public string UserName { get; set; } //1) Definire classe Utente con campi "Username" (string), //"Nome" (string), "Cognome" (string) e "IsAbilitato" (bool) //2) La classe deve derivare da EntitaMonitorabile //3) Definire UtenteManager come derivato da ManagerBase<Utente> //4) Copiare LibriWorkflow e creare UtentiWorkflow //5) Aggiungere menu "3" a Galaxy.Terminal\Program.cs } } <file_sep>/Exam2/Paras_def/Galaxy.Core/Entities/Bici.cs using System; using System.Collections.Generic; using System.Text; namespace Paras.Core.Entities { /// <summary> /// Classe che rappresenta una bici /// </summary> public class Bici : Veicolo { /// <summary> /// Flag per definire se la bici è elettrica /// </summary> public bool IsElettrica { get; set; } /// <summary> /// Modello /// </summary>NumeroTelaio public string NumeroTelaio { get; set; } } } <file_sep>/Exam2/Paras_def/Galaxy.Storage.Text/Utils/DatabaseUtils.cs using System; using System.IO; namespace Paras.Core.BusinessLayers.Utils { public static class DatabaseUtils { const string NomeCartella = "data"; public static void AppendiStringaADatabase( string stringaDaAppendere, string dbFileName) { //Genero il percorso del database var fileDb = GeneraPercorsoFileDatabase(dbFileName); //Aggiunta della stringa File.AppendAllLines(fileDb, new string[] { stringaDaAppendere }); } public static string GeneraPercorsoFileDatabase( string dbFileName) { //Percorso cartella + "NomeFile" var cartella = GeneraPercorsoCartellaArchivioSeNonEsiste(); var databaseFile = Path.Combine(cartella, dbFileName); return databaseFile; } private static string GeneraPercorsoCartellaArchivioSeNonEsiste() { //Composizione percorso cartella var folderPath = AppDomain.CurrentDomain.BaseDirectory; folderPath = Path.Combine(folderPath, NomeCartella); //Se la cartella non esiste, crea if (!Directory.Exists(folderPath)) Directory.CreateDirectory(folderPath); //Ritorno il percorso che esiste sicuramente return folderPath; } public static string[] LeggiRigheDaDatabase( string dbFileName) { //Genero il percorso del database var fileDb = GeneraPercorsoFileDatabase(dbFileName); //Se il file non esiste, esco con array vuoto if (!File.Exists(fileDb)) return new string[0]; //Lettura del contenuto string[] tutteLeRighe = File.ReadAllLines(fileDb); return tutteLeRighe; } } } <file_sep>/Exam2/Paras_def/Galaxy.Terminal/Program.cs using Paras.Terminal.Procedures; using Paras.Terminal.Utils; using System; namespace Paras.Terminal { class Program { static void Main(string[] args) { BusinessLayerMenu.Start(); //Richiedo conferma di uscita ConsoleUtils.ConfermaUscita(); } } } <file_sep>/Exam2/Paras_def/Galaxy.Terminal/Procedures/BiciWorkflow.cs using Paras.Core.BusinessLayers; using Paras.Core.BusinessLayers.Common; using Paras.Core.BusinessLayers.JsonProvider; using Paras.Core.Entities; using System; namespace Paras.Terminal.Procedures { public static class BiciWorkflow { public static void EseguiCreaModificaCancella() { //Creazione dell'istanza del manager delle bici Console.WriteLine(); Console.WriteLine("ESECUZIONE DEL WORKFLOW BICI..."); Console.WriteLine(); IManager<Bici> manager = new JsonBiciManager(); //Visualizzazione contenuto database Console.WriteLine("Lettura del database..."); var biciInArchivio = manager.Carica(); Console.WriteLine($"Trovate n° {biciInArchivio.Count} bici in archivio"); foreach (var currentBici in biciInArchivio) Console.WriteLine($"Lettura: {currentBici.NumeroTelaio} (ID:{currentBici.Id})"); Console.WriteLine(""); Console.WriteLine("Premere invio per proseguire..."); Console.ReadLine(); //Creazione di una nuova bici => "C" di CRUD Console.WriteLine("Creazione di una bici..."); var nuovaBici = new Bici { NumeroTelaio = "012345", Colore = "Green", IsElettrica = true, Modello = "Piaggio" }; manager.Crea(nuovaBici); Console.WriteLine("La bici dovrebbe essere stata creata su disco!"); Console.WriteLine(); //Leggiamo bici dal disco => "R" di CRUD Console.WriteLine("Lettura del database..."); var tutteLeBici = manager.Carica(); Console.WriteLine($"Numero biciclette trovati: {tutteLeBici.Count}"); foreach (var currentBici in tutteLeBici) Console.WriteLine($"Lettura dati bici: {currentBici.NumeroTelaio} (ID:{currentBici.Id})"); Console.WriteLine(); Console.WriteLine("Premere invio per proseguire..."); Console.ReadLine(); //Modifico bici esistente e scrivo sui disco Console.WriteLine("Modifica di una bici esistente..."); nuovaBici.NumeroTelaio = "012345"; manager.Aggiorna(nuovaBici); Console.WriteLine("Il nome cambiato dovrebbe essere sul disco!"); Console.WriteLine(); //Rileggiamo per vedere se effettivamente è cambiato Console.WriteLine("Lettura del database..."); var tutteLeBiciDiNuovo = manager.Carica(); Console.WriteLine($"Numero bici trovate: {tutteLeBiciDiNuovo.Count}"); foreach (var currentBici in tutteLeBiciDiNuovo) Console.WriteLine($"Lettura bici: {currentBici.NumeroTelaio} (ID:{currentBici.Id})"); Console.WriteLine(); Console.WriteLine("Premere invio per proseguire..."); Console.ReadLine(); //Cancellazione del Bicicletta => "D" di CRUD // Console.WriteLine("Cancellazione di un Bicicletta esistente..."); // manager.Cancella(nuovaBici); // Console.WriteLine("Il Bicicletta dovrebbe essere stato cancellato dal disco!"); // Console.WriteLine(); //Rileggiamo per vedere se effettivamente è cambiato Console.WriteLine("Lettura del database..."); var tuttiIbicicletteUltimaVolta = manager.Carica(); Console.WriteLine($"Numero biciclette trovate: {tuttiIbicicletteUltimaVolta.Count}"); foreach (var currentBicicletta in tuttiIbicicletteUltimaVolta) Console.WriteLine($"Lettura Bicicletta: {currentBicicletta.NumeroTelaio} (ID:{currentBicicletta.Id})"); Console.WriteLine(); Console.WriteLine("Premere invio per proseguire..."); Console.ReadLine(); } } } <file_sep>/Exam2/Paras_def/Galaxy.Terminal/Structures/FileSystemHandler.cs using System; using System.Collections.Generic; using System.IO; namespace Paras.Terminal.Structures { public class FileSystemHandler { public event EventHandler<FileInfo> FileWithSecondExtensionFound; public event EventHandler<DirectoryInfo> SearchInDirectoryStarted; private string[] _randomData; public FileSystemHandler() { _randomData = new string[] { "Lorem ipsum dolor sit amet, consectetur adipiscing elit. Maecenas arcu elit, gravida aliquet auctor efficitur, porttitor a sapien. Vivamus bibendum velit orci, non cursus lacus ullamcorper in. Quisque scelerisque pellentesque ipsum, ut faucibus mauris ornare vitae. In cursus ipsum et dignissim ornare. Curabitur id metus sed tortor dignissim tempus. Duis nec libero justo. Praesent purus lacus, semper eu maximus a, accumsan non lectus. Vestibulum efficitur tellus tellus, eget molestie justo venenatis in. Vestibulum vulputate nisi eget venenatis ullamcorper. Praesent metus sapien, rhoncus in risus et, eleifend rhoncus dui. Integer cursus, elit non dapibus porta, dui metus bibendum neque, sit amet congue lacus ex et risus. In hac habitasse platea dictumst. In nec accumsan nulla." }; } ~FileSystemHandler() { _randomData = null; } /// <summary> /// Esegue la stampa a schermo di tutte le /// </summary> /// <param name="basePath"></param> public void ListAllFilesWithProvidedExtension(string basePath, string[] searchExtensions) { //Validazione degli input if (string.IsNullOrEmpty(basePath)) throw new ArgumentNullException(nameof(basePath)); if (searchExtensions == null) throw new ArgumentNullException(nameof(searchExtensions)); //Istanza delle info della directory DirectoryInfo dirInfo = new DirectoryInfo(basePath); //Se è gestito l'evento di segnalazione inizio ricerca in una directory SearchInDirectoryStarted?.Invoke(this, dirInfo); //Ricerca dei files nella directory IEnumerable<FileInfo> filesInCartella = dirInfo.EnumerateFiles(); //1-BIS) Enumero tutti i files nella cartella foreach (FileInfo currentFileInfo in filesInCartella) { //2) I files che non terminano con l'estensione richiesta, li scarto //Repero l'estensione del file corrente int dotIndex = currentFileInfo.Name.LastIndexOf("."); //Se non trovo il punto, continuo if (dotIndex < 0) continue; //Taglio la parte successiva al punto string currentFileExtension = currentFileInfo.Name.Substring(dotIndex + 1); //Iterazione su tutte le estensioni ricercate foreach (var currentSearchedExtension in searchExtensions) { //Se non è quella ricercata, continuo if (currentFileExtension != currentSearchedExtension) continue; //Se arrivo qui, è una estensione cercata //Se l'evento non è gestito, esco if (FileWithSecondExtensionFound == null) continue; //Sollevo l'evento passando i fileInfo trovato FileWithSecondExtensionFound(this, currentFileInfo); } } //4) Elenco le sotto-cartelle presenti nella folder corrente IEnumerable<DirectoryInfo> subDirsInFolder = dirInfo.EnumerateDirectories(); //5) Per ciascuna cartella applico la stessa funzione foreach (DirectoryInfo currentSubDirectory in subDirsInFolder) { //Applico la funzione ricorsivamente ListAllFilesWithProvidedExtension( currentSubDirectory.FullName, searchExtensions); } //6) Fine } } } <file_sep>/exam1/ExamModule1/ExamModule1/Procedures/FunzioniFileSystem.cs using System; using System.Collections.Generic; using System.Diagnostics; using System.IO; using System.Collections.Generic; using System.Text; namespace ExamModule1.Procedures { public static class FunzioniFileSystem { public static string AssicuratiCheEsistaCartellaDiArchivio() { //1) Compongo il percorso della cartella di lavoro var workingFolder = AppDomain.CurrentDomain.BaseDirectory; const string DataFolderName = "data"; //Composizone del percorso della folder var folderPath = Path.Combine(workingFolder, DataFolderName); //Se non esiste, la creo if (!Directory.Exists(folderPath)) Directory.CreateDirectory(folderPath); return folderPath; } private static string ComponiPercorsoFileDatabase(string archiveFolder) { const string DataBaseFileName = "database.txt"; //Composizione del percorso del file database string databasePath = Path.Combine(archiveFolder, DataBaseFileName); //Ritorno il percorso return databasePath; } internal static void AggiungiTestoAFileDatabase(string testoDiProva, string archiveFolder) { var databasePath = ComponiPercorsoFileDatabase(archiveFolder); //Se il file non esiste, creo il file e aggiungo il testo if (!File.Exists(databasePath)) { //Creazione dello stream in Create using (StreamWriter writer = File.CreateText(databasePath)) { writer.WriteLine(testoDiProva); writer.Close(); } } else { //Creazione dello stream in Append using (StreamWriter writer = File.AppendText(databasePath)) { writer.WriteLine(testoDiProva); writer.Close(); } } } public static void CreaStrutturaPerConservazioneDati() { //1) Compongo il percorso della cartella di lavoro var workingFolder = AppDomain.CurrentDomain.BaseDirectory; const string DataFolderName = "data"; const string DataBaseFileName = "database.txt"; //Composizone del percorso della folder var folderPath = Path.Combine(workingFolder, DataFolderName); //Se non esiste, la creo if (!Directory.Exists(folderPath)) Directory.CreateDirectory(folderPath); //Composizione del percorso del file database string databasePath = Path.Combine(folderPath, DataBaseFileName); Debug.WriteLine("databasePath:" + databasePath); //Se il file NON esiste, lo creo vuoto if (!File.Exists(databasePath)) { //Creazione del file using (StreamWriter writer = File.CreateText(databasePath)) { writer.WriteLine("Creo il file!"); writer.Close(); } } else { //Creazione del file using (StreamWriter writer = File.AppendText(databasePath)) { writer.Close(); } } } internal static string[] OttieniRigheDaDatabase(string archiveFolder) { //Ottengo il percorso del file database var databasePath = ComponiPercorsoFileDatabase(archiveFolder); //Se il file non esiste if (!File.Exists(databasePath)) return new string[0]; //Predispongo una lista dei dati di uscita List<string> datiDiUscita = new List<string>(); //Tento la lettura using (StreamReader reader = File.OpenText(databasePath)) { //Variabile per la lettura string readLine = null; do { //Lettura della riga corrente del file readLine = reader.ReadLine(); //Aggiungo la riga letta alla lista di uscita //solo se il valore è diverso da null if (readLine != null) datiDiUscita.Add(readLine); } while (readLine != null); } //Ritorno la lista come array string[] arrayDiUscita = new string[datiDiUscita.Count]; //Itero la lista e aggiungo i valori nell'array //foreach (string currentElementInList in datiDiUscita) for (int i = 0; i < datiDiUscita.Count; i++) { arrayDiUscita[i] = datiDiUscita[i]; } //Ritorno l'array richiesto return arrayDiUscita; } } } <file_sep>/Exam2/Paras_def/Galaxy.Storage.Json/JsonLibroManager.cs using Paras.Core.BusinessLayers.JsonProvider.Common; using Paras.Core.Entities; namespace Paras.Core.BusinessLayers.JsonProvider { public class JsonLibroManager : JsonManagerBase<Libro> { protected override void RemapNuoviValoriSuEntityInLista( Libro entitySorgente, Libro entityDestinazione) { entityDestinazione.Titolo = entitySorgente.Titolo; entityDestinazione.Lingua = entitySorgente.Lingua; entityDestinazione.Prezzo = entitySorgente.Prezzo; entityDestinazione.Anno = entitySorgente.Anno; entityDestinazione.Autore = entitySorgente.Autore; entityDestinazione.Codice = entitySorgente.Codice; entityDestinazione.GenereAppartenenza = entitySorgente.GenereAppartenenza; } } } <file_sep>/README.md # Istruzioni per archiviare in Git Aggiunge tutti i file della cartella all'archivio Git `git add .` Esegue una fotografia del codice sorgente *in locale* `git commit -m "Descrizione del commit"` Invio del codice sorgente a GitHub `git push` Clonazione di un repository **non esistente** `git clone https://github.com/maurobussini/helloacademy.git` Scaricamento dell'ultima versione di un repository **esistente** (dalla cartella locale del repository [quella con .git]) `git pull`<file_sep>/Exam2/Paras_def/Galaxy.Storage.Text/Abstracts/TextManagerBase.cs using Paras.Core.BusinessLayers.Utils; using Paras.Core.Entities; using System; using System.Collections.Generic; using System.IO; using System.Linq; namespace Paras.Core.BusinessLayers.Common { public abstract class TextManagerBase<TEntity>: IManager<TEntity> where TEntity: MonitorableEntityBase { protected abstract string GetNomeFileDatabase(); protected abstract string ConvertiEntityInStringa(TEntity entityDaConvertire); protected abstract TEntity ConvertSegmentiInEntity(string[] segments); protected abstract void RemapNuoviValoriSuEntityInLista(TEntity entitySorgente, TEntity entityDestinazione); public void Crea(TEntity entityDaCreare) { //Validazione dell'input if (entityDaCreare == null) throw new ArgumentNullException(nameof(entityDaCreare)); //Se ho già un "Id", eccezione if (entityDaCreare.Id > 0) throw new InvalidOperationException("Attenzione! L'oggetto " + $"ha già il campo 'Id' impostato al valore {entityDaCreare.Id}!"); //Contiamo quanti record ci sono nel database esistente //(ci serve per sapere quale "Id" dare al nuovo elemento //=> Carico tutti gli elementi in archivio IList<TEntity> tutti = Carica(); var count = tutti.Count; //Prossimo "Id" => count + 1 var prossimoId = count + 1; //Assegnazione Id al nuovo elemento entityDaCreare.Id = prossimoId; //Aggiungo la data di creazione del record entityDaCreare.Timestamp = DateTime.Now; string genereStringa = ConvertiEntityInStringa(entityDaCreare); AddDataToStorage(genereStringa); } private void AddDataToStorage(string entityContent) { //Aggiungi stringa a file database var dbFileName = GetNomeFileDatabase(); DatabaseUtils.AppendiStringaADatabase(entityContent, dbFileName); } public void Aggiorna(TEntity entityDaModificare) { //Validazione dell'input if (entityDaModificare == null) throw new ArgumentNullException(nameof(entityDaModificare)); //Se non ho "Id" eccezione if (entityDaModificare.Id <= 0) throw new InvalidOperationException("Attenzione! L'oggetto " + $"non ha il campo 'Id' valorizzato! Prima crearlo!"); //Carico tutti in memoria IList<TEntity> tuttiIDati = Carica(); //Scorro elenco generi esistenti foreach (var currentGenereInDatabase in tuttiIDati) { //Se l'id non corrisponde, continuo alla prossima iterazione if (currentGenereInDatabase.Id != entityDaModificare.Id) continue; //Rimappo tutti i valori specifici sull'oggetto già //presente sulla lista caricata dal database RemapNuoviValoriSuEntityInLista(entityDaModificare, currentGenereInDatabase); //Cambio i valori dell'oggetto esistente sui campi comuni tra le entità currentGenereInDatabase.Timestamp = entityDaModificare.Timestamp; currentGenereInDatabase.UtenteCreatore = entityDaModificare.UtenteCreatore; } //Arrivato qui abbiamo la lista dati perfettamente aggiornata Salva(tuttiIDati); } public void Cancella(TEntity entityDaCancellare) { //Validazione dell'input if (entityDaCancellare == null) throw new ArgumentNullException(nameof(entityDaCancellare)); //Se non ho "Id" eccezione if (entityDaCancellare.Id <= 0) throw new InvalidOperationException("Attenzione! L'oggetto " + $"non ha il campo 'Id' valorizzato! Prima crearlo!"); //Carico elementi da database var tutti = Carica(); //Variabile per elemento da cancellare TEntity entityInListDaCancellare = null; //Scorro elementi esistenti foreach (var currentEntity in tutti) { //Se l'id non corrisponde, passa al prossimo if (currentEntity.Id != entityDaCancellare.Id) continue; //Se arrivo qui, ho trovato l'elemento entityInListDaCancellare = currentEntity; break; } //Rimuovo da lista tutti.Remove(entityInListDaCancellare); //Riscrivo la lista sul database Salva(tutti); } public IList<TEntity> Carica() { //Recupero tutte le righe var dbFileName = GetNomeFileDatabase(); string[] righeInDatabase = DatabaseUtils .LeggiRigheDaDatabase(dbFileName); //Predisposizione lista di uscita IList<TEntity> listaUscita = new List<TEntity>(); //Itero su tutte le righe foreach (string currentRiga in righeInDatabase) { //Eseguo uno "split" per carattere "|" string[] segmenti = currentRiga.Split(new char[] { '|' }); //segmenti[0] => "Id" //segmenti[1] => "Codice" //segmenti[2] => "Titolo" //segmenti[3] => "Prezzo" //segmenti[4] => "Lingua" //segmenti[5] => "Autore" //segmenti[6] => "Anno" //segmenti[7] => "GenereAppartenenza"* //segmenti[8] => "Timestamp" //segmenti[9] => "UtenteCreatore" TEntity entityGenerataDaStringa = ConvertSegmentiInEntity(segmenti); //Aggiunta dell'oggetto alla lista listaUscita.Add(entityGenerataDaStringa); } //Emettiamo la lista di uscita return listaUscita; } private void Salva(IList<TEntity> tutteLeEntityDaSalvare) { //Definizione della lista di stringhe IList<string> stringhe = new List<string>(); //Scorro tutte le entità passate come parametro foreach (var currentEntity in tutteLeEntityDaSalvare) { //Conversione a stringa var targetString = ConvertiEntityInStringa(currentEntity); //Aggiunta della stringa in lista stringhe.Add(targetString); } //Genero il percorso del database var dbFile = GetNomeFileDatabase(); var fileDb = DatabaseUtils .GeneraPercorsoFileDatabase(dbFile); //Scrivo tutte le righe sul file var arrayDiStringhe = stringhe.ToArray(); File.WriteAllLines(fileDb, arrayDiStringhe); } } } <file_sep>/HelloAcademy/Entities/Person.cs using System; using System.Collections.Generic; using System.Text; namespace HelloAcademy { public class Person { public readonly string Address; public string Address2 { get; } private string _firstName; public string FirstName { get { return _firstName; } set { _firstName = value; } } public string LastName { get; set; } public DateTime BirthDate { get; set; } public int Age { get { return DateTime.Now.Year - BirthDate.Year; } } public string GetFullName() { string fullName = FirstName + " " + LastName; return fullName; } /* public int GetAge() { return DateTime.Now.Year - BirthDate.Year; } */ } } <file_sep>/Exam2/Paras_def/Galaxy.Core/BusinessLayers/BiciMainBusinessLayer.cs using Paras.Core.BusinessLayers.Common; using Paras.Core.Entities; using System; using System.Collections.Generic; using System.Linq; using System.Text; namespace Paras.Core.BusinessLayers { public class VeicoloMainBusinessLayer { private IManager<Bici> _BiciManager; private IManager<Auto> _AutoManager; public VeicoloMainBusinessLayer(IManager<Bici> biciManager) { _BiciManager = biciManager; } public VeicoloMainBusinessLayer(IManager<Auto> auto) { _AutoManager = auto; } public VeicoloMainBusinessLayer(IManager<Bici> biciManager, IManager<Auto> auto) { _BiciManager = biciManager; _AutoManager = auto; } public string[] CreaBiciSeNonEsiste(string numeroTelaio, string marca, string modello, bool isElettrica, string colore, int velocita) { //1) Validazione degli input if (string.IsNullOrEmpty(numeroTelaio)) throw new ArgumentNullException(nameof(numeroTelaio)); if (string.IsNullOrEmpty(marca)) throw new ArgumentNullException(nameof(marca)); if (string.IsNullOrEmpty(modello)) throw new ArgumentNullException(nameof(modello)); if (velocita <= 0) throw new ArgumentOutOfRangeException(nameof(velocita)); //Predisposizione messaggi di uscita IList<string> messaggi = new List<string>(); //3) Verifico che il prezzo sia > 1 if (velocita < 1) { //Aggiungo il messaggio di errore, ed esco messaggi.Add($"La velocita deve essere maggiore di 1"); return messaggi.ToArray(); } //7) Creo l'oggetto con tutti i dati Bici bici = new Bici { Marca = marca, Modello = modello, Velocita = velocita, IsElettrica = isElettrica, NumeroTelaio = numeroTelaio }; //Aggiungo il libro _BiciManager.Crea(bici); //8) Ritorno in uscita le validazioni (vuote se non ho errori) return messaggi.ToArray(); } public IList<Bici> FindByModello(string modello) { if (string.IsNullOrEmpty(modello)) throw new ArgumentNullException(nameof(modello)); //4-2) Carico tutti IList<Bici> biciclettas = _BiciManager.Carica(); //4-3) Verifico che esista una bici con modello IList<Bici> bici_modello = biciclettas.Where(l => l.Modello.Contains(modello)).ToList(); Console.WriteLine("Numero bici trovate:" + bici_modello.Count); if (bici_modello.Count > 0) { foreach (var bici in bici_modello) { Console.WriteLine("Numero Telaio: " + bici.NumeroTelaio + " Marca: " + bici.Marca + " Modello: " + bici.Modello + " Velocita:" + bici.Velocita); } } return bici_modello; } public void StampaBici() { //4-2) Carico tutti IList<Bici> biciclettas = _BiciManager.Carica(); Console.WriteLine(); foreach (var bici in biciclettas) { Console.WriteLine("Numero Telaio: " + bici.NumeroTelaio + " Marca: " + bici.Marca + " Modello: " + bici.Modello + " Velocita:" + bici.Velocita); } } public void StampaAuto() { //4-2) Carico tutti IList<Auto> autos = _AutoManager.Carica(); Console.WriteLine(); foreach (var auto in autos) { Console.WriteLine(" Marca: " + auto.Marca + " Modello: " + auto.Modello + " Velocita:" + auto.Velocita); } } public void CreaMezziDellaFamiglia(int nrBici, string marcaBici, List<string> modelliBici, string marcaAuto, string modelloAuto) { if (string.IsNullOrEmpty(marcaBici)) throw new ArgumentNullException(nameof(marcaBici)); if (string.IsNullOrEmpty(marcaAuto)) throw new ArgumentNullException(nameof(marcaAuto)); if (string.IsNullOrEmpty(modelloAuto)) throw new ArgumentNullException(nameof(modelloAuto)); foreach (string modello in modelliBici) { Bici b = new Bici(); b.Marca = marcaBici; b.Modello = modello; _BiciManager.Crea(b); } Auto auto = new Auto { Marca = marcaAuto, Modello = modelloAuto, DataImmatricolazione = DateTime.Now }; //Aggiungo il libro _AutoManager.Crea(auto); } ~VeicoloMainBusinessLayer() { //Rilascio delle risorse _BiciManager = null; } public string[] CreaAutoSeNonEsiste(string marca, string modello, string colore, int velocita) { //1) Validazione degli input if (string.IsNullOrEmpty(marca)) throw new ArgumentNullException(nameof(marca)); if (string.IsNullOrEmpty(modello)) throw new ArgumentNullException(nameof(modello)); if (velocita <= 0) throw new ArgumentOutOfRangeException(nameof(velocita)); //Predisposizione messaggi di uscita IList<string> messaggi = new List<string>(); //3) Verifico che il prezzo sia > 1 if (velocita < 1) { //Aggiungo il messaggio di errore, ed esco messaggi.Add($"la velocita deve essere almeno 1 euro"); return messaggi.ToArray(); } //7) Creo l'oggetto con tutti i dati Auto auto = new Auto { Marca = marca, Modello = modello, Velocita = velocita, DataImmatricolazione = DateTime.Now }; //Aggiungo il libro _AutoManager.Crea(auto); //8) Ritorno in uscita le validazioni (vuote se non ho errori) return messaggi.ToArray(); } } } <file_sep>/HelloAcademy/Procedures/FunzioniMatematiche.cs using System; using System.Collections.Generic; using System.Text; namespace HelloAcademy { public static class FunzioniMatematiche { public static void RecuperaDivisioneEDividendoEDividi() { //Raccolta da input dei due numeri da dividere Console.Write("Inserisci il primo numero: "); string firstElementToDivide = Console.ReadLine(); Console.Write("Inserisci il secondo numero: "); string secondElementToDivide = Console.ReadLine(); //Conversione dei due numeri letti in interi int firstAsInteger; int secondAsInteger; firstAsInteger = int.Parse(firstElementToDivide); secondAsInteger = int.Parse(secondElementToDivide); //Controllo se è stato immesso 0 come divisore if (secondAsInteger == 0) { //Se è stato immesso 0, messaggio di errore e uscita Console.WriteLine("Attenzione! Non puoi mettere 0 come divisore"); Console.WriteLine("Press any key to exit..."); Console.ReadKey(); return; } else { //Se i numeri sono validi, eseguo divisione //1) Istanzio la calcolatrice Calculator istanza = new Calculator(); //2) RIchiamo il metodo di divisione var risultatoDivisione = istanza.Divide(firstAsInteger, secondAsInteger); //Mostro risultato a video Console.WriteLine("Il risultato è :" + risultatoDivisione); Console.WriteLine("Press any key to exit..."); Console.ReadKey(); return; } } } } <file_sep>/Exam2/Paras_def/README.md # Galaxy Progetto per la dominazione del mondo! ## Comandi Git per la clonazione del sorgente e creazione versione di lavoro Data una cartella di lavoro sul proprio pc personale posizionata in `C:\\academy\\module-2\\`: - Creare una cartella **original_src** - Creare una cartella **working_src** - Entrare nella cartella *original_src* - Aprire Git Bash nella cartella - Clonare il sorgente originale - `git clone https://github.com/maurobussini/helloacademy.git` - Entrare nella cartella *working_src* - Aprire Git Bash nella cartella - Clonare il sorgente originale - `git clone https://github.com/maurobussini/helloacademy.git` - Entrare nella folder **helloacademy** - Rimuovere la remote origin dal repository - `git remote remove origin` - Aggiungere la nuova origine al repository di lavoro - `git remote add origin https://github.com/maurobussini/helloacademy_working.git` - Lavorare sul repository di lavoro - Aggiungere i nuovi file e le modifiche - `git add .` - Eseguire il commit delle modifiche in locale - `git commit -m "Message with commit changes"` - Eseguire il push delle modifiche sul repository remoto - `git push -u origin master`
fa2a75f12b38a049e2205f16aecbd9dc9a996e00
[ "Markdown", "C#" ]
38
C#
blady8/helloacademy
53311524b3ab79f124def7e30f4e33ae34061469
f8556f67d8089cba0ca60746a48a256c998054db
refs/heads/master
<file_sep># -*- coding: utf-8 -*- """ Created on Wed Jan 9 11:46:30 2019 @author: 748418 """ class Herois: def __init__(self, nome, genero, poder): self.nome = nome self.genero = genero self.poder = poder <file_sep># -*- coding: utf-8 -*- """ Created on Sun Jan 6 22:08:50 2019 @author: 748418 """ #Twitter Sentiment Analysis - Learn Python for Data Science #2 from textblob import TextBlob as tb import tweepy import numpy as np consumer_key = 'SUA CONSUMER KEY' consumer_secret = 'SUA CONSUMER SECRET' access_token = 'SEU ACCESS TOKEN' access_token_secret = 'SEU ACCESS TOKEN SECRET' auth = tweepy.OAuthHandler(consumer_key, consumer_secret) auth.set_access_token(access_token, access_token_secret) api = tweepy.API(auth) #Variável que irá armazenar todos os Tweets com a palavra escolhida na função search da API public_tweets = api.search('Pelé') analysis = None tweets = [] # Lista vazia para armazenar scores for tweet in public_tweets: print(tweet.text) analysis = tb(tweet.text) polarity = analysis.sentiment.polarity tweets.append(polarity) print(polarity) print('MÉDIA DE SENTIMENTO: ' + str(np.mean(tweets))) <file_sep># -*- coding: utf-8 -*- """ Created on Mon Jan 7 15:48:18 2019 @author: 748418 """ palavra = input("Digite uma palavra: ") palavra = str(palavra) reverso = palavra[::-1] print(reverso) if palavra == reverso: print("Palindrome") else: print("Não é um palindrome") <file_sep># -*- coding: utf-8 -*- """ Created on Mon Jan 7 14:45:18 2019 @author: 748418 """ num = int(input("Digite um numero: ")) div = [] for i in range(1,num+1): if num % i == 0: div += [i] print(div) <file_sep># -*- coding: utf-8 -*- """ Created on Tue Jan 8 13:44:56 2019 @author: 748418 """ class Calculator: def soma(self, x , y): result = x + y print(str(result)) def sub(self, x , y): result = x - y print(str(result)) def mult(self, x , y): result = x * y print(str(result)) def div(self, x , y): if (y == 0): print("esse numero não tem como ser div.") else: result = x / y print(str(result)) calc = Calculator() calc.soma(2,2) calc.sub(2,2) calc.mult(2,2) calc.div(4,0)<file_sep># -*- coding: utf-8 -*- """ Created on Wed Jan 9 17:22:59 2019 @author: 748418 """ class User: def __init__(self, usuario, senha): self.usuario = usuario self.senha = senha<file_sep># -*- coding: utf-8 -*- """ Created on Mon Jan 7 14:05:57 2019 @author: 748418 """ lista = [0,1,2,3,4,5,6,7,9,10,11,12,13,4,15] num = int(input("Quantos elementos você deseja que seja imprimido: ")) print(lista[:num]) #ou for i in range(1,num): print(i)<file_sep># -*- coding: utf-8 -*- """ Created on Tue Jan 8 13:09:56 2019 @author: 748418 """ class Classe: def printa_msg(self, x): print("Você escreveu: {}".format(x)) classe = Classe() classe.printa_msg("OI")<file_sep># -*- coding: utf-8 -*- """ Created on Wed Jan 9 11:23:22 2019 @author: 748418 """ from flask import Flask, render_template, request, redirect, session, flash from herois import Herois app = Flask(__name__) app.secret_key = 'MeteoroDePegasus' heroi1 = Herois('Homem-aranha', 'masc', '10') heroi2 = Herois('Pantera Negra', 'masc', '20') heroi3 = Herois('Capitã Marvel', 'fem', '40') lista_herois=[heroi1, heroi2, heroi3] @app.route('/') def index(): return render_template('index.html', title='Heroi', lista=lista_herois) @app.route('/new') def new(): if 'usuario_logado' not in session['usuario_logado'] or session['usuario_logado'] == None: return redirect('/login') return render_template('new.html', title='Cadastro Heroi') @app.route('/create', methods=['POST']) def create(): nome = request.form['nome'] genero = request.form['genero'] poder = request.form['poder'] print(nome, genero, poder) lista_herois.append(Herois(nome, genero, poder)) return redirect('/') @app.route('/login') def login(): return render_template('login.html', title='Login') @app.route('/auth', methods=['post']) def auth(): lista_usuarios=[] usuario=request.form['usuario'] senha=request.form['senha'] while usuario == [A-Z] or [a-z] or [0-9]: cont = 0 lista_user in lista_usuarios: print(lista_user) if 'pudinzinho' in request.form['senha']: session['usuario_logado'] = request.form['usuario'] flash('O {} logado. '.format(request.form['usuario'])) return redirect('/create') else: flash('Senha e/ou usuario inválidos. Tente novamente!') return redirect('/login') @app.route('/logout') def logout(): session['usuario_logado'] = None return redirect('/') app.run(debug=True) <file_sep># -*- coding: utf-8 -*- """ Created on Mon Jan 7 13:47:03 2019 @author: 748418 """ num = int(input("Digite um numero: ")) if (num % 2 == 0): print("Numero par.") else: print("Numero impar")<file_sep># -*- coding: utf-8 -*- """ Created on Mon Jan 7 13:58:54 2019 @author: 748418 """ num1 = int(input("Digite um numero: ")) num2 = int(input("Digite outro numero: ")) if (num1 % num2 == 0): print("Numeros são divisíveis.") else: print("Os numeros não são divisíveis")<file_sep># -*- coding: utf-8 -*- """ Created on Mon Jan 7 13:20:50 2019 @author: 748418 """ nome = input("Digite seu nome: ") idade = int(input("Qual a sua idade: ")) ano = (2019 - idade) print (nome + ", como você tem " + str(idade) + ", então você nasceu em " + str(ano)) <file_sep># -*- coding: utf-8 -*- """ Created on Mon Jan 7 15:20:56 2019 @author: 748418 """ a = [1,2,3] b = [0,1,2,3,4,5,6,7,8,9,10] soma = (a+b) c = [] for i in soma: if soma.count(i) == 1: c.append(i) print(c) <file_sep># -*- coding: utf-8 -*- """ Created on Sun Jan 6 20:28:47 2019 @author: 748418 """ import numpy as np from lightfm.datasets import fetch_movielens from lightfm import lightFM #buscar(fetch) dados e formata-los data = fetch_movielens(min_rating=4.0) #printtraining and testing data print(repr(data['train'])) print(repr(data['test'])) #criar o modelo model = lightFM(loss='wrap') #modelo trem model.fit(data['train'], epochs=30, num_threads=2) def sample_recommendation(model, data, user_ids): #números de usuários e filmes em dados de treinamento n_users, n_items = data['train'].shape #gerar recomendação para cada usuário que inserirmos for user_id in user_ids: #filmes que eles já gostam known_positives = data['item_labels'][data['train'].tocsr()[user_id].indices] #filmes nosso modelo prevê que eles vão gostar scores = model.predict(user_id, np.arange(n_items)) #Rank, em seguida, em ordem de mais gostou da lista top_items = data['item_labels'][np.argsort(-scores)] #print out o resultado print("Usuário %s" % user_id) print(" Known positives ") for x in known_positives[:3]: print(" %s" % x) print(" Recomendados:") for x in top_items[:3]: print(" %s" % x) sample_recommendation(model, data, [3,25,450]) <file_sep># -*- coding: utf-8 -*- """ Created on Mon Jan 7 14:26:42 2019 @author: 748418 """ a = [0,1,2,3,4,5,6,7,9,10,11,12,13,14,15] num = int(input("Quantos elementos você deseja que seja imprimido: ")) for i in a: if i <= num: print(i) <file_sep># -*- coding: utf-8 -*- """ Created on Mon Jan 7 16:45:34 2019 @author: 748418 """ with open('palindrome.txt',"a+") as f: line = f.readline() palavra = str(line) reverso = palavra[::-1] print(reverso) if palavra == reverso: print("É um palindrome.") else: print(palavra + "Não é um palindrome") <file_sep># -*- coding: utf-8 -*- """ Created on Mon Jan 7 16:15:24 2019 @author: 748418 """ pedra = 0 papel = 1 tesoura = 2 player1 = input("Digite seu nome, player 1: ") player2 = input("Digite seu nome, player 2: ") try: while True: print("Jogada 1") print("escolha uma opção: ") print("Pedra") print("Papel") print("Tesoura") def compare(player1, player2): if player1 == player2: return("empate") elif player1 == 0: if player2 == 1: return("Player 2 ganhou!") else: return("Player 1 ganhou!") elif player1 == 1: if player2 == 2: return("Player 2 ganhou!") else: return("Player 1 ganhou!") elif player1 == 2: if player2 == 0: return("Player 1 ganhou!") else: return("Player 2 ganhou!") else: return ("opção errada, fim de jogo.") sys.exit() print(compare(player1, player2)) except KeyboardInterrupt: break <file_sep># -*- coding: utf-8 -*- """ Created on Tue Jan 8 16:18:54 2019 @author: 748418 """ class Conversor: def celsios(self, f): c = (f - 32) / 1.8 return c def fahrenheit(self, c): f = c * 1.8 + 32 return f temp = Conversor() celsios = [23,15,32] faren = [14,73,56] print(list(map(temp.fahrenheit, celsios))) print(list(map(temp.celsios, faren))) <file_sep># -*- coding: utf-8 -*- """ Created on Tue Jan 8 15:09:13 2019 @author: 748418 """ with open("Lutador.txt") as f: texto = f.read() print(texto) print(list(texto)) class TextAnalyzer: def count_str(self, texto, counter=0): for txt in texto: if txt.isalpha(): counter+=1 return counter def count_number(self, texto, counter=0): for txt in texto: if txt.isdigit(): counter+=1 return counter letras = TextAnalyzer() print(texto) print(letras.count_str) print(letras.count_number)
334e1e9cea9f80a7bb25f9d4e0149fbefe0534b7
[ "Python" ]
19
Python
AVogelsanger/Python
b78e27f11d53a773f48bfbe135eb53f628540ab6
e706a5e3b2c18c6542108f3a54628c86f794d95e
refs/heads/master
<repo_name>hauntgossamer/node-db1-project<file_sep>/router/router.js const express = require("express") const db = require("../data/dbConfig") const router = express.Router() router.get("/", (req, res) => { db("accounts") .then(accounts => res.status(200).json(accounts)) .catch(() => res.status(400).json({ message: "There was an error retrieving accounts." })) }) router.get("/:id", (req, res) => { db("accounts") .where({ id: req.params.id }) .first() .then(count => { if (count > 0) { res.status(200).json({ message: "record deleted successfully" }); } else { res.status(404).json({ message: "Post not found" }); } }) .catch(() => res.status(500).json({ message: "There wan error retrieving the account with the specified ID." })) }) router.post("/", (req, res) => { db("accounts") .insert(req.body) .then(() => res.status(201).json({ message: "Added successfully!" })) .catch(() => res.status(400).json({ message: "There was an error creating the account." })) }) router.put("/:id", (req, res) => { db("accounts") .where({ id: req.params.id }) .update(req.body) .then(() => { db("accounts") .where({ id: req.params.id }) .then(account => res.status(201).json(account)) .catch(() => res.status(500).json({ message: "Error updating." })) .catch(() => res.status(500).json({ message: "Error updating" })) }) }) router.delete("/:id", (req, res) => { db("accounts") .where({ id: req.params.id }) .del() .then(count => { if (count > 0) { res.status(200).json({ message: "record deleted successfully" }); } else { res.status(404).json({ message: "Post not found" }); } }) .catch(() => res.status(500).json({ message: "There was an error delet." })) }) module.exports = router<file_sep>/api/server.js const express = require("express"); const server = express(); const router = require("../router/router") server.use(express.json()); server.use("/api/accounts", router) module.exports = server;
10cf21b0742977c0d36f883032633280b7eb2c72
[ "JavaScript" ]
2
JavaScript
hauntgossamer/node-db1-project
a99c31684ef84ecea65c1a06c7393828a718ca5e
8ca0dc7a73f56e569f63d902edc4b6ad48370216
refs/heads/master
<file_sep>package com.krixon.javarest.repository; import com.krixon.javarest.domain.Identifiable; import java.util.*; abstract public class InMemoryRepository<T extends Identifiable> { private List<T> elements = Collections.synchronizedList(new ArrayList<>()); public void add(T element) throws Exception { if (findById(element.getId()).isPresent()) { throw new Exception("Element already exists."); } elements.add(element); } public boolean remove(UUID id) { return elements.removeIf(element -> element.getId().equals(id)); } public List<T> all() { return elements; } public Optional<T> findById(UUID id) { return elements.stream().filter(e -> e.getId().equals(id)).findFirst(); } public int count() { return elements.size(); } public void clear() { elements.clear(); } public boolean update(T updated) { if (updated == null) { return false; } else { return findById(updated.getId()).isPresent(); } } } <file_sep>package com.krixon.javarest.resource; import java.util.Collection; import java.util.stream.Collectors; public abstract class ResourceMapper<DomainType, ResourceType> { public abstract ResourceType toResource(DomainType domainObject); public abstract DomainType fromResource(ResourceType resource); public Collection<ResourceType> toResourceCollection(Collection<DomainType> domainObjects) { return domainObjects.stream().map(this::toResource).collect(Collectors.toList()); } public Collection<DomainType> fromResourceCollection(Collection<ResourceType> resources) { return resources.stream().map(this::fromResource).collect(Collectors.toList()); } } <file_sep>package com.krixon.javarest.resource; import com.fasterxml.jackson.annotation.JsonCreator; import com.fasterxml.jackson.annotation.JsonProperty; import org.springframework.hateoas.ResourceSupport; import java.util.UUID; public class OrderResource extends ResourceSupport { private final UUID id; private final String description; private final MoneyResource cost; private final boolean isComplete; @JsonCreator OrderResource( @JsonProperty("id") UUID id, @JsonProperty("description") String description, @JsonProperty("cost") MoneyResource cost, @JsonProperty("isComplete") boolean isComplete) { this.id = id; this.description = description; this.cost = cost; this.isComplete = isComplete; } @JsonProperty("id") UUID resourceId() { return id; } @JsonProperty("description") String description() { return description; } @JsonProperty("cost") MoneyResource cost() { return cost; } @JsonProperty("isComplete") boolean isComplete() { return isComplete; } }<file_sep>package com.krixon.javarest.controller; import com.krixon.javarest.domain.Order; import com.krixon.javarest.repository.OrderRepository; import com.krixon.javarest.resource.OrderResource; import com.krixon.javarest.resource.OrderResourceMapper; import org.springframework.beans.factory.annotation.Autowired; import org.springframework.hateoas.ExposesResourceFor; import org.springframework.http.HttpStatus; import org.springframework.http.ResponseEntity; import org.springframework.web.bind.annotation.*; import java.util.Collection; import java.util.List; import java.util.Optional; import java.util.UUID; @CrossOrigin(origins = "*") @RestController @ExposesResourceFor(Order.class) @RequestMapping(value = "/order", produces = "application/json") public class OrderController { @Autowired private OrderRepository repository; @Autowired private OrderResourceMapper mapper; @RequestMapping(method = RequestMethod.GET) public ResponseEntity<Collection<OrderResource>> findAllOrders() { List<Order> orders = repository.all(); return new ResponseEntity<>(mapper.toResourceCollection(orders), HttpStatus.OK); } @RequestMapping(method = RequestMethod.POST, consumes = "application/json") public ResponseEntity<OrderResource> createOrder(@RequestBody OrderResource resource) { Order order = mapper.fromResource(resource); try { repository.add(order); } catch (Exception e) { return ResponseEntity.unprocessableEntity().build(); } return new ResponseEntity<>(mapper.toResource(order), HttpStatus.CREATED); } @RequestMapping(value = "/{id}", method = RequestMethod.GET) public ResponseEntity<OrderResource> findOrderById(@PathVariable UUID id) { Optional<Order> order = repository.findById(id); if (order.isPresent()) { return new ResponseEntity<>(mapper.toResource(order.get()), HttpStatus.OK); } else { return new ResponseEntity<>(HttpStatus.NOT_FOUND); } } @RequestMapping(value = "/{id}", method = RequestMethod.DELETE) public ResponseEntity<Void> deleteOrder(@PathVariable UUID id) { boolean wasDeleted = repository.remove(id); HttpStatus responseStatus = wasDeleted ? HttpStatus.NO_CONTENT : HttpStatus.NOT_FOUND; return new ResponseEntity<>(responseStatus); } @RequestMapping(value = "/{id}", method = RequestMethod.PUT, consumes = "application/json") public ResponseEntity<OrderResource> updateOrder(@PathVariable UUID id, @RequestBody OrderResource resource) { Order order = mapper.fromResource(resource); boolean wasUpdated = repository.update(order); if (wasUpdated) { return findOrderById(id); } else { return new ResponseEntity<>(HttpStatus.NOT_FOUND); } } }<file_sep>package com.krixon.javarest.domain; import org.javamoney.moneta.Money; import javax.money.MonetaryAmount; import java.util.UUID; public class Order implements Identifiable { private UUID id; private String description; private MonetaryAmount cost; private boolean isComplete; public Order(UUID id, MonetaryAmount cost) { this.id = id; this.cost = cost; } @Override public UUID getId() { return id; } public String getDescription() { return description; } public void describe(String description) { this.description = description; } public void setCost(Money cost) { this.cost = cost; } public MonetaryAmount getCost() { return cost; } public void setComplete(boolean isComplete) { this.isComplete = isComplete; } public void markComplete() { setComplete(true); } public void markIncomplete() { setComplete(false); } public boolean isComplete() { return isComplete; } }
49acdf91485342b2bcc4254ceb86458b3100b4a3
[ "Java" ]
5
Java
krixon/java-rest-exploration
198bacf4d5dbb439bab57fff55eb82260761b730
83af3c239fec7a93a3731a4861d12b3f0184a133
refs/heads/main
<repo_name>dmitriytyulin/auto-changelog-okko<file_sep>/auto_changelog/__init__.py from typing import Any from auto_changelog.domain_model import RepositoryInterface, PresenterInterface __version__ = "1.0.0dev1" github_issue_pattern = r"(#([\w-]+))" github_issue_url = "{base_url}/issues/{{id}}" github_diff_url = "{base_url}/compare/{{previous}}...{{current}}" github_last_release = "HEAD" gitlab_issue_pattern = r"(\!([\w-]+))" gitlab_issue_url = "{base_url}/-/merge_requests/{{id}}" gitlab_diff_url = "{base_url}/-/compare/{{previous}}...{{current}}" gitlab_last_release = "master" default_issue_pattern = github_issue_pattern default_issue_url = github_issue_url default_diff_url = github_diff_url default_last_release = github_last_release def set_gitlab(): global default_issue_pattern global default_issue_url global default_diff_url global default_last_release default_issue_pattern = gitlab_issue_pattern default_issue_url = gitlab_issue_url default_diff_url = gitlab_diff_url default_last_release = gitlab_last_release def set_github(): global default_issue_pattern global default_issue_url global default_diff_url global default_last_release default_issue_pattern = github_issue_pattern default_issue_url = github_issue_url default_diff_url = github_diff_url default_last_release = github_last_release def generate_changelog(repository: RepositoryInterface, presenter: PresenterInterface, *args, **kwargs) -> Any: """ Use-case function coordinates repository and interface """ changelog = repository.generate_changelog(*args, **kwargs) return presenter.present(changelog)
ea8dd10945a8fb9a290ce45c7bb279e9e1722c28
[ "Python" ]
1
Python
dmitriytyulin/auto-changelog-okko
6ee93415615475cc3666e48f169663786683455d
b9349379e6c751864e3c27bb8c8a3daab028fe17
refs/heads/master
<repo_name>RafaelCaeta/Portfolio-Website<file_sep>/main.js import {TweenMax} from "gsap";
024b1c8edd14def510aa7a00cd6cc750a9f2a266
[ "JavaScript" ]
1
JavaScript
RafaelCaeta/Portfolio-Website
dc1cc4257cc9dd3c3ddb14c50e5b3a63ca84fca0
615d5e0445de0a07803d2fa4f8ae76b65f77b4f3
refs/heads/master
<repo_name>CalebRabbon/464cpe-Networks<file_sep>/3A:Rcopy/srej.h #ifndef __SREJ_H__ #define __SREJ_H__ #include <stdio.h> #include <stdlib.h> #include <sys/types.h> #include <sys/stat.h> #include <sys/uio.h> #include <sys/time.h> #include <unistd.h> #include <fcntl.h> #include <string.h> #include <strings.h> #include <sys/socket.h> #include <netinet/in.h> #include <netdb.h> #include "networks.h" #include "cpe464.h" #define MAX_LEN 1500 #define SIZE_OF_BUF_SIZE 4 #define SIZE_OF_WIN_SIZE 4 #define START_SEQ_NUM 1 #define MAX_TRIES 10 #define LONG_TIME 10 #define SHORT_TIME 1 #pragma pack(1) typedef struct header Header; struct header { uint32_t seq_num; uint16_t checksum; uint8_t flag; }; enum FLAG { FSETUP=1, FSETUP_RR=2, DATA=3, ACK=5, FSREJ=6, FNAME=7, FNAME_OK=8, FNAME_BAD=9, END_OF_FILE=10, EOF_ACK=11, CRC_ERROR = -1 }; int32_t send_buf(uint8_t * buf, uint32_t len, Connection * connection, uint8_t flag, uint32_t seq_num, uint8_t * packet); int createHeader(uint32_t len, uint8_t flag, uint32_t seq_num, uint8_t * packet); int32_t recv_buf(uint8_t * buf, int32_t len, int32_t recv_sk_num, Connection * connection, uint8_t * flag, uint32_t * seq_num); int retrieveHeader(uint8_t * data_buf, int recv_len, uint8_t * flag, uint32_t * seq_num); int processSelect(Connection * client, int * retryCount, int selectTimeoutState, int dataReadyState, int doneState); #endif <file_sep>/2A:Chat/test.h #ifndef __TEST_H__ #define __TEST_H__ #include "parse.h" #include "unitTest.h" #include "macros.h" void testconvertCharType(); void testfindType(); void teststepString(); void testfindStr(); void testconvertStrToInt(); void testgetHandleNum(); void testfillSender(); void testisNumber(); void testfindFirstHandle(); void testfillHandle(); void testfillText(); void testproc_M(); void testproc_E(); void testfindSender(); void testfindNumHandles(); void testfindDestHandle(); void testfindTextLen(); void testfindTextStart(); void testgetText(); #endif <file_sep>/1A:Trace/testing.sh #Testing no input ./trace #Testing input of non existent file ./trace 1 ./trace fasdf #Testing valid input #./trace ./itests/ArpTest.pcap for testInput in ./itests/*.pcap; do # Finds the *.pcap files and removes the "./itests" in front of the name just_name=${testInput#./itests/} # Runs my trace program with the name of each pcap file then outputs the # result to just_name.test ./trace ${testInput} > ./otests/${just_name}.test # diffs my resulting output file (.test file) to Prof Smith's .out file diff -q ./otests/${just_name}.test ./otests/${just_name}.out done #diff ./otests/UDPfile.pcap.test ./otests/UDPfile.pcap.out <file_sep>/Lab7UDP/packet.c // Code to create a user level packet // By <NAME> 5/24/2020 #include "packet.h" #include "checksum.h" //#define PRINT #define MAX_BUFFER 80 uint8_t * createPDU(uint32_t sequenceNumber, uint8_t flag, uint8_t * payload, int dataLen) { static uint8_t pduBuffer[MAX_BUFFER]; unsigned short checksum = 0; #ifdef PRINT printf("Inside SequencNumber: %i\n", sequenceNumber); #endif (((uint32_t*)pduBuffer)[0]) = htonl(sequenceNumber); // zero out the checksum (((uint16_t*)pduBuffer)[2]) = 0; (((uint8_t*)pduBuffer)[6]) = flag; memcpy(&(((uint8_t*)pduBuffer)[7]), payload, dataLen); checksum = in_cksum((unsigned short*)pduBuffer, dataLen + HEADERLEN); #ifdef PRINT printf("Inside Checksum: %hu\n", checksum); #endif memcpy(((uint16_t*)pduBuffer) + 2, &checksum, sizeof(unsigned short)); // Checking to see if the resulting checksum is 0 after you take the checksum // of the whole PDU #ifdef PRINT checksum = in_cksum((unsigned short*)pduBuffer, dataLen + HEADERLEN); printf("resulting checksum 0 = %i\n", checksum); #endif return pduBuffer; } void outputPDU(uint8_t * pduBuffer, int pduLength) { unsigned short checksum = 0; checksum = in_cksum((unsigned short*)pduBuffer, pduLength); printf("sequenceNumber: %i\n", ntohl(*((uint32_t*)pduBuffer))); printf("Checksum Value: %i\n", ((uint16_t*)pduBuffer)[2]); printf("Checksum of PDU: %i\n", checksum); printf("flag: %i\n", (uint8_t)pduBuffer[6]); printf("Payload: %s\n", pduBuffer + HEADERLEN); printf("Payload Length: %i\n", pduLength - HEADERLEN); } <file_sep>/3A:Rcopy/buffer.c // Buffer code for sliding window // Written by <NAME> 6/1/2020 #include <stdio.h> #include <stdlib.h> #include <sys/types.h> #include <sys/stat.h> #include <sys/uio.h> #include <sys/time.h> #include <unistd.h> #include <fcntl.h> #include <string.h> #include <strings.h> #include <sys/socket.h> #include <netinet/in.h> #include <netdb.h> #include "srej.h" #include "buffer.h" void printAvailability(int flag){ if (flag == EMPTY){ printf("Window Availability: EMPTY\n"); } else if (flag == FULL){ printf("Window Availability: FULL\n"); } else{ printf("Window Availability: UNKNOWN ****SHOULD NOT BE HERE**** \n"); } } char* convertToString(char* string, uint8_t *databuf, uint32_t data_len){ if(data_len == 0){ return NULL; } memcpy(string, databuf, data_len); string[data_len] = '\0'; return string; } void printWindowElement(WindowElement* window, int i){ window += i; char str[MAX_LEN]; printf("Index: %i\n", i); printf("Window Buffer: %s\n", convertToString(str, window->data_buf, window->data_len)); printAvailability(window->flag); printf("\n"); } void printWindow(WindowElement* window, int32_t windowSize){ int i = 0; printf("\n----------------- WINDOW START ------------------\n"); for (i = 0; i < windowSize; i ++){ printWindowElement(window, i); } printf("----------------- WINDOW END ------------------\n\n"); } uint8_t getPDUFlag(uint8_t* pdu){ return (uint8_t)pdu[6]; } // Creates a window element by filling in the WindowElement* void createWindowElement(WindowElement* win, uint8_t* data_buf, int32_t data_len){ memcpy(win->data_buf, data_buf, data_len); win->flag = FULL; win->data_len = data_len; } // Caleb's malloc to stop errors void* cMalloc(size_t size){ void* val = malloc(size); if(val == NULL){ perror("Error with malloc"); exit(EXIT_FAILURE); } return val; } // Creates a buffer with windowSize WindowElement* createWindow(int32_t windowSize){ WindowElement* window; window = cMalloc(windowSize * sizeof(WindowElement)); memset(window, 0, windowSize * sizeof(WindowElement)); return window; } // Adds overwrites the data at the index in the window. // The index is a circular queue void addElement(uint32_t seqNum, WindowElement element, WindowElement* window, int windowSize){ //uint32_t seqNum = getSeqNum(element); int winIndex = seqNum % windowSize; window += winIndex; memcpy(window->data_buf, element.data_buf, MAX_LEN); window->flag = element.flag; window->data_len = element.data_len; } void deleteElement(uint32_t seqNum, WindowElement* window, int windowSize){ //uint32_t seqNum = getSeqNum(element); int winIndex = seqNum % windowSize; window += winIndex; window->flag = EMPTY; } // Returns EMPTY if there is nothing in the buffer at that sequence number // else returns FULL int isEmptySpot(int seqNum, WindowElement* window, int windowSize){ int winIndex = seqNum % windowSize; window += winIndex; if(window->flag == EMPTY){ return EMPTY; } else { return FULL; } } // Returns EMPTY if the whole window is empty // else returns FULL int isWindowEmpty(WindowElement* window, int windowSize){ int i = 0; for (i = 0; i < windowSize; i ++){ if(isEmptySpot(i, window, windowSize) == FULL){ return FULL; } } return EMPTY; } // Returns FULL if the whole window is full // else returns Empty int isWindowFull(WindowElement* window, int windowSize){ int i = 0; for (i = 0; i < windowSize; i ++){ if(isEmptySpot(i, window, windowSize) == EMPTY){ return EMPTY; } } return FULL; } // Gets the window element at the given seqNum and fills in the values to the // passed in newElement void getElement(int seqNum, WindowElement* newElement, WindowElement* window, int windowSize){ int winIndex = seqNum % windowSize; window += winIndex; memcpy(newElement->data_buf, window->data_buf, window->data_len); newElement->flag = window->flag; newElement->data_len = window->data_len; } <file_sep>/2A:Chat/recvparse.h #ifndef __RECVPARSE_H__ #define __RECVPARSE_H__ void findSender(char* message, char* sendHandle); int findNumHandles(char* message, char* sendHandle); char* nextHandle(char* message); char* findDestHandle(char* message, int num, char* destHandle); int findTextLen(char* message, int pduLen); char* findTextStart(char* message); void getText(char* message, char* text, int pdulen); #endif <file_sep>/SocketsLab/sServer.c /****************************************************************************** * tcp_server.c * * CPE 464 - Program 1 *****************************************************************************/ #include <stdio.h> #include <stdlib.h> #include <sys/types.h> #include <sys/stat.h> #include <sys/uio.h> #include <sys/time.h> #include <unistd.h> #include <fcntl.h> #include <string.h> #include <strings.h> #include <sys/socket.h> #include <netinet/in.h> #include <netdb.h> #include "networks.h" #define DEBUG_FLAG 1 #define HEADER_LEN 2 char* recvFromClient(int clientSocket); int checkArgs(int argc, char *argv[]); int main(int argc, char *argv[]) { int serverSocket = 0; //socket descriptor for the server socket int clientSocket = 0; //socket descriptor for the client socket int portNumber = 0; char* data = ""; portNumber = checkArgs(argc, argv); //create the server socket serverSocket = tcpServerSetup(portNumber); while(1){ data = ""; // wait for client to connect clientSocket = tcpAccept(serverSocket, DEBUG_FLAG); // Must have data != NULL before the strcmp. If it is after it will // segfaut becuase you can't call strcmp on NULL while(data != NULL && strcmp(data,"exit")){ data = recvFromClient(clientSocket); } /* close the sockets */ close(clientSocket); } close(serverSocket); return 0; } char* recvFromClient(int clientSocket) { char buf[MAXBUF]; char* dataBuf = NULL; int messageLen = 0; uint16_t PDU_Len = 0; memset(buf, 0, MAXBUF); // Use a time value of 1 second (so time is not null) // Set time is null to have unlimited time while (selectCall(clientSocket, 1, 0, TIME_IS_NULL) == 0) { printf("Select timed out waiting for client to send data\n"); } //now get the data from the client_socket (message includes null) if ((messageLen = recv(clientSocket, buf, HEADER_LEN, MSG_WAITALL)) < 0) { perror("recv call"); exit(-1); } if (messageLen == 0){ // Client ^C return NULL; } PDU_Len = ntohs(((uint16_t*)buf)[0]); dataBuf = buf + sizeof(char)*2; //now get the data from the client_socket (message includes null) if ((messageLen = recv(clientSocket, dataBuf, PDU_Len - HEADER_LEN, MSG_WAITALL)) < 0) { perror("recv call"); exit(-1); } printf("Recv Len: %d, Header Len: %d, Data: %s\n", messageLen + HEADER_LEN, PDU_Len, dataBuf); return dataBuf; } int checkArgs(int argc, char *argv[]) { // Checks args and returns port number int portNumber = 0; if (argc > 2) { fprintf(stderr, "Usage %s [optional port number]\n", argv[0]); exit(-1); } if (argc == 2) { portNumber = atoi(argv[1]); } return portNumber; } <file_sep>/1A:Trace/handin/Makefile CC = gcc CFLAGS = -g -Wall all: clean trace test: clean trace @ echo "Testing ./testing.sh" ./testing.sh trace: trace.o $(CC) $(CFLAGS) -o trace trace.o checksum.c -lpcap trace.o:trace.c trace.h $(CC) $(CFLAGS) -g -c -o trace.o trace.c clean: rm -f trace trace.o checksum.o <file_sep>/2A:Chat/shared.c // File used for shared functions between the server and the client #include "shared.h" // Prints out a default chat header packet void printSentPacket(char* header, int socketNum){ printf("Sending Packet Data to Socket %i:\n", socketNum); printf("\tChat PDULen:\t%i\n", ntohs(((uint16_t*)header)[0])); printf("\tFlag:\t\t%u\n", ((uint8_t*)header)[2]); } void safeSend(int socketNum, char* sendbuf, int sendlen){ int sent = 0; //actual amount of data sent/* #ifdef PRINT printSentPacket(sendbuf, socketNum); #endif sent = send(socketNum, sendbuf, sendlen, 0); if (sent < 0) { perror("send call"); exit(-1); } #ifdef PRINT printf("Amount of data sent is: %d\n", sent); #endif } <file_sep>/2A:Chat/linkedlist.h #ifndef __LINKEDLIST_H__ #define __LINKEDLIST_H__ #include <stdlib.h> #include <string.h> #include <stdio.h> #include "macros.h" typedef struct Node{ char handle[MAX_HANDLE_SIZE]; int socketNum; struct Node* next; } Node; void printNode(Node* n); void printLinkedList(Node* head); void* cMalloc(size_t size); // Dynaically creates a new node and returns a pointer to it Node* makeNode(char* handle, int socketNum); // Checks to see if the given handle is available int available(Node* head, char* node); // Adds a node to the beginning of the list Node* addNode(Node* head, Node* node); // Searches through the list and removes the node Node* removeNode(Node* head, Node* node); Node* makeLinkedList(); Node* findNode(Node* head, int socketNum); int findSocket(Node* head, char* handle); int findListLength(Node* head); Node* findNodeIndex(Node* head, int index); /* typedef struct LinkedList{ Node* head; }LinkedList; */ #endif <file_sep>/3A:Rcopy/scripttest.sh #!/bin/bash rm ./csmall.txt time ./rcopy ./small.txt ./csmall.txt 10 1000 .20 unix1.csc.calpoly.edu 4551 diff ./small.txt ./csmall.txt #rm ./cmed.txt #time ./rcopy ./med.txt ./cmed.txt 10 1000 .20 unix1.csc.calpoly.edu 4551 #diff ./med.txt ./cmed.txt # #rm ./cbig.txt #time ./rcopy ./big.txt ./cbig.txt 50 1000 .10 unix1.csc.calpoly.edu 6551 #diff ./big.txt ./cbig.txt # #rm ./cbig.txt #time ./rcopy ./big.txt ./cbig.txt 5 1000 .15 unix1.csc.calpoly.edu 7551 #diff ./big.txt ./cbig.txt <file_sep>/1A:Trace/trace.h #ifndef TRACE_H #define TRACE_H #include <stdint.h> #include <string.h> #include <netinet/ether.h> #include <arpa/inet.h> #define IP_ADDR_SIZE 4 __attribute__((packed)) struct ethHeader { struct ether_addr dst; /* Destination address */ struct ether_addr src; /* Source address */ uint16_t type; /* Type of next packet */ }__attribute__((packed)); struct arpHeader { uint16_t opcode; /* Opcode as a 2 byte unsigned int */ struct ether_addr senderMac; /* Destination address */ unsigned char senderIP[IP_ADDR_SIZE]; /* Sender IP broken into 4 bytes */ struct ether_addr targetMac; /* Source address */ unsigned char targetIP[IP_ADDR_SIZE]; /* Target IP broken into 4 bytes */ }__attribute__((packed)); struct ipHeader { uint8_t headerLen; /* Header length=lower 4 bits x 4bytes (word length)*/ uint8_t tos; /* Terms of service */ uint8_t ttl; /* Time to live */ uint16_t pduLen; /* IP Protocol Data Unit length in bytes */ uint8_t protocol; /* IP protocol: TCP = 6, ICMP = 1, UDP = 17 */ uint8_t checksum[2]; /* 2 Bytes representing the checksum */ char* checksum_flg; /* String representing if the checksum is correct */ unsigned char senderIP[IP_ADDR_SIZE]; /* Sender IP broken into 4 bytes */ unsigned char destIP[IP_ADDR_SIZE]; /* Target IP broken into 4 bytes */ }__attribute__((packed)); #endif <file_sep>/2A:Chat/unitTest.h #include <stdio.h> #include <string.h> #define TEST_ENTRY(_ACTUAL, _EXPECT)\ {\ HTEntry _actual = _ACTUAL;\ HTEntry _expect = _EXPECT;\ if (strcmp(_actual.data, _expect.data) || (_actual.frequency != _expect.frequency)) {\ fprintf(stderr, "Failed test in %s at line %d:\n", __FILE__, __LINE__);\ fprintf(stderr, "Subbstitution %s, value.data %s, expected.data %s\n",\ #_ACTUAL, (char* )_actual.data, (char* )_expect.data);\ fprintf(stderr,"Substitution %s, val.frequency %u,expect.frequency %u\n",\ #_ACTUAL, _actual.frequency, _expect.frequency);\ }\ } #define TEST_AGAINST_NULL(_ACTUAL)\ {\ void * _actual = _ACTUAL;\ if (_actual != NULL) {\ fprintf(stderr, "Failed test in %s at line %d:\n", __FILE__, __LINE__);\ fprintf(stderr, " Found substitution %p, value %p, expected NULL\n",\ #_ACTUAL, _actual);\ }\ } #define TEST_NULL(_ACTUAL, _EXPECT)\ {\ const char * _actual = _ACTUAL;\ const char * _expect = _EXPECT;\ if (_actual != NULL && _expect != NULL) {\ fprintf(stderr, "Failed test in %s at line %d:\n", __FILE__, __LINE__);\ fprintf(stderr, " Found substitution %s, value %s, expected %s\n",\ #_ACTUAL, _actual, _expect);\ }\ } #define TEST_ERROR(_FUNCTION_CALL)\ {\ _FUNCTION_CALL;\ fprintf(stderr, "Failed test in %s at line %d:\n", __FILE__, __LINE__);\ fprintf(stderr, " Expected error detection did not occur\n");\ } #define TEST_STRING(_ACTUAL, _EXPECT)\ {\ const char * _actual = _ACTUAL;\ const char * _expect = _EXPECT;\ if (strcmp(_actual, _expect)) {\ fprintf(stderr, "Failed test in %s at line %d:\n", __FILE__, __LINE__);\ fprintf(stderr, " Found substitution %s, value %s, expected %s\n",\ #_ACTUAL, _actual, _expect);\ }\ } #define TEST_REAL(_ACTUAL, _EXPECT, _EPSILON)\ {\ double _actual = _ACTUAL, _expect = _EXPECT, _epsilon = _EPSILON;\ double _diff = _actual - _expect;\ if(_diff < 0){\ _diff = _diff * -1;\ }\ if (_diff > _epsilon) {\ fprintf(stderr, "Failed test in %s at line %d:\n", __FILE__, __LINE__);\ fprintf(stderr, " Found substitution %s, value %g, expected %g +/-%g\n",\ #_ACTUAL, _actual, _expect, _epsilon);\ }\ } #define TEST_UNSIGNED(_ACTUAL, _EXPECT)\ {\ unsigned long _actual = _ACTUAL, _expect = _EXPECT;\ if (_actual != _expect) {\ fprintf(stderr, "Failed test in %s at line %d:\n", __FILE__, __LINE__);\ fprintf(stderr, " Found substitution %s, value %lu, expected %lu\n",\ #_ACTUAL, _actual, _expect);\ }\ } #define TEST_CHAR(_ACTUAL, _EXPECT)\ {\ char _actual = _ACTUAL, _expect = _EXPECT;\ if (_actual != _expect) {\ fprintf(stderr, "Failed test in %s at line %d:\n", __FILE__, __LINE__);\ fprintf(stderr, " Found substitution %s, value '%c', expected '%c'\n",\ #_ACTUAL, _actual, _expect);\ }\ } #define TEST_BOOLEAN(_ACTUAL, _EXPECT)\ {\ long _actual = _ACTUAL, _expect = _EXPECT;\ if (_actual == 0 && _expect != 0) {\ fprintf(stderr, "Failed test in %s at line %d:\n", __FILE__, __LINE__);\ fprintf(stderr, " Found substitution %s, value false, expected true\n",\ #_ACTUAL);\ }\ if (_actual != 0 && _expect == 0) {\ fprintf(stderr, "Failed test in %s at line %d:\n", __FILE__, __LINE__);\ fprintf(stderr, " Found substitution %s, value true, expected false\n",\ #_ACTUAL);\ }\ } #define TEST_SIGNED(_ACTUAL,_EXPECT)\ {\ long _actual = _ACTUAL, _expect = _EXPECT;\ if (_actual != _expect) {\ fprintf(stderr, "Failed test in %s at line %d:\n", __FILE__, __LINE__);\ fprintf(stderr, " Found substitution %s, value %ld, expected %ld\n",\ #_ACTUAL, _actual, _expect);\ }\ } #define TEST_INT(_ACTUAL,_EXPECT)\ {\ int _actual = _ACTUAL, _expect = _EXPECT;\ if (_actual != _expect) {\ fprintf(stderr, "Failed test in %s at line %d:\n", __FILE__, __LINE__);\ fprintf(stderr, " Found substitution %s, value %i, expected %i\n",\ #_ACTUAL, _actual, _expect);\ }\ } <file_sep>/2A:Chat/test.c #include "test.h" #include "macros.h" #include "flags.h" #include "myClient.h" #include "recvparse.h" // File used to test the parse functions // TESTING the recvparse.c void testgetText(){ char stdbuf[MAXBUF]; //data from user input char sendbuf[MAX_SEND_LEN]; char text[200]; char* databuf; int pdulen; printf("TEST: getText\n"); // stdbuf = "%M Caleb Text"; memset(stdbuf, '\0', MAXBUF); memset(sendbuf, '\0', MAX_SEND_LEN); /* getFromStdin(stdbuf, ""); pdulen = procStdin(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; TEST_INT(databuf[0], 6); len = findTextLen(databuf, pdulen); TEST_INT(len, 4); getText(databuf, text, pdulen); TEST_STRING(text, "Text"); */ memset(stdbuf, '\0', MAXBUF); memcpy(stdbuf,"%M 1 Caleb Text", 15); memset(sendbuf, 0, MAX_SEND_LEN); pdulen = proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; getText(databuf, text, pdulen); TEST_STRING(text, "Text"); memset(text, 0, 200); memset(stdbuf, '\0', MAXBUF); memcpy(stdbuf,"%M 2 Caleb Text", 15); memset(sendbuf, 0, MAX_SEND_LEN); pdulen = proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; getText(databuf, text, pdulen); TEST_STRING(text, "\0"); memset(stdbuf, '\0', MAXBUF); memcpy(stdbuf,"%M 1 Caleb ", 11); memset(sendbuf, 0, MAX_SEND_LEN); pdulen = proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; getText(databuf, text, pdulen); TEST_STRING(text, "\0"); memset(text, 0, 200); memset(stdbuf, '\0', MAXBUF); memcpy(stdbuf,"%M 1 Caleb", 10); memset(sendbuf, 0, MAX_SEND_LEN); pdulen = proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; getText(databuf, text, pdulen); TEST_STRING(text, "\0"); memset(text, 0, 200); memset(stdbuf, '\0', MAXBUF); memcpy(stdbuf,"%M 1 Caleb ", 14); memset(sendbuf, 0, MAX_SEND_LEN); pdulen = proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; getText(databuf, text, pdulen); TEST_STRING(text, "\0"); memset(text, 0, 200); memset(stdbuf, '\0', MAXBUF); memcpy(stdbuf,"%M 2 Caleb Text Aa", 18); memset(sendbuf, 0, MAX_SEND_LEN); pdulen = proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; getText(databuf, text, pdulen); TEST_STRING(text, "Aa"); printf("Finish: getText\n"); } void testfindTextStart(){ char* stdbuf = NULL; char sendbuf[MAX_SEND_LEN]; char* databuf; char* text; printf("TEST: findTextStart\n"); stdbuf = "%M Caleb Text"; memset(sendbuf, 0, MAX_SEND_LEN); proc_M(stdbuf, sendbuf, "sender"); databuf = (char*)sendbuf + 2; text = findTextStart(databuf); TEST_CHAR(text[0], 'T'); stdbuf = "%M 1 Caleb Text"; memset(sendbuf, 0, MAX_SEND_LEN); proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; text = findTextStart(databuf); TEST_CHAR(text[0], 'T'); stdbuf = "%M 2 Caleb Text"; memset(sendbuf, 0, MAX_SEND_LEN); proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; text = findTextStart(databuf); TEST_CHAR(text[0], '\n'); stdbuf = "%M 2 Caleb Text A"; memset(sendbuf, 0, MAX_SEND_LEN); proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; text = findTextStart(databuf); TEST_CHAR(text[0], 'A'); printf("Finish: findTextStart\n"); } void testfindTextLen(){ char* stdbuf = NULL; char sendbuf[MAX_SEND_LEN]; char* databuf = NULL; int len; int pdulen; printf("TEST: findTextLen\n"); stdbuf = "%M Caleb Text"; pdulen = proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; len = findTextLen(databuf, pdulen); TEST_INT(len, 4); memset(sendbuf, 0, MAX_SEND_LEN); stdbuf = "%M 2 Caleb Text"; pdulen = proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; len = findTextLen(databuf, pdulen); TEST_INT(len, 0); memset(sendbuf, 0, MAX_SEND_LEN); stdbuf = "%M 1 Caleb Text"; pdulen = proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; len = findTextLen(databuf, pdulen); TEST_INT(len, 4); memset(sendbuf, 0, MAX_SEND_LEN); stdbuf = "%M 2 Caleb Text 12345678"; pdulen = proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; len = findTextLen(databuf, pdulen); TEST_INT(len, 8); /* */ printf("Finish: findTextLen\n"); } void testfindDestHandle(){ char* stdbuf = NULL; char* databuf = NULL; char sendbuf[MAX_SEND_LEN]; char destHandle[101]; char* test; printf("TEST: findDestHandle\n"); stdbuf = "%M Caleb Text"; proc_M(stdbuf, sendbuf, "sender"); // Adding 2 to sendbuf to remove the chat_header databuf = sendbuf + 2; memset(destHandle, 0, 101); test = findDestHandle(databuf, 1, destHandle); TEST_STRING(destHandle, "Caleb"); TEST_CHAR(test[0], 'T'); stdbuf = "%M 2 Caleb Text"; proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; memset(destHandle, 0, 101); test = findDestHandle(databuf, 1, destHandle); TEST_STRING(destHandle, "Caleb"); TEST_INT(test[0], 4); memset(destHandle, 0, 101); findDestHandle(databuf, 2, destHandle); TEST_STRING(destHandle, "Text"); stdbuf = "%M 3 Caleb Text Man adf"; proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; memset(destHandle, 0, 101); findDestHandle(databuf, 1, destHandle); TEST_STRING(destHandle, "Caleb"); memset(destHandle, 0, 101); findDestHandle(databuf, 2, destHandle); TEST_STRING(destHandle, "Text"); memset(destHandle, 0, 101); findDestHandle(databuf, 3, destHandle); TEST_STRING(destHandle, "Man"); memset(destHandle, 0, 101); findDestHandle(databuf, 4, destHandle); TEST_NULL(destHandle, NULL); printf("Finish: findDestHandle\n"); } void testfindNumHandles(){ char* stdbuf = NULL; char* databuf = NULL; char sendbuf[MAX_SEND_LEN]; printf("TEST: findNumHandles\n"); stdbuf = "%M Caleb Text"; proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; TEST_INT(findNumHandles(databuf, "sender"), 1); stdbuf = "%M 2 Caleb Text"; proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; TEST_INT(findNumHandles(databuf, "sender"), 2); stdbuf = "%M 2 Caleb Text adf"; proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; TEST_INT(findNumHandles(databuf, "sender"), 2); printf("Finish: findNumHandles\n"); } void testfindSender(){ char* stdbuf = NULL; char* databuf = NULL; char sendbuf[MAX_SEND_LEN]; char sendHandle[MAX_HANDLE_SIZE + 1]; printf("TEST: findSender\n"); stdbuf = "%M Caleb Text"; proc_M(stdbuf, sendbuf, "sender"); databuf = sendbuf + 2; findSender(databuf, sendHandle); TEST_STRING(sendHandle, "sender"); printf("Finish: findSender\n"); } //TESTING the parse.c functions void testconvertCharType(){ // define TEST_INT(_ACTUAL, _EXPECT) int type = 0; printf("TEST: convertCharType\n"); type = convertCharType('M'); TEST_INT(type, TYPE_M); type = convertCharType('m'); TEST_INT(type, TYPE_M); type = convertCharType('E'); TEST_INT(type, TYPE_E); type = convertCharType('E'); TEST_INT(type, TYPE_E); type = convertCharType('B'); TEST_INT(type, TYPE_B); type = convertCharType('b'); TEST_INT(type, TYPE_B); type = convertCharType('L'); TEST_INT(type, TYPE_L); type = convertCharType('l'); TEST_INT(type, TYPE_L); type = convertCharType(' '); TEST_INT(type, -1); type = convertCharType('\n'); TEST_INT(type, -1); printf("Finish: convertCharType\n"); } void testfindType(){ char* stdbuf = NULL; int type = 0; printf("TEST: findType\n"); stdbuf = " %M "; type = findType(stdbuf); TEST_INT(type, TYPE_M); stdbuf = "%M "; type = findType(stdbuf); TEST_INT(type, TYPE_M); stdbuf = " %M"; type = findType(stdbuf); TEST_INT(type, TYPE_M); stdbuf = "%M"; type = findType(stdbuf); TEST_INT(type, TYPE_M); stdbuf = " %M asdf"; type = findType(stdbuf); TEST_INT(type, TYPE_M); stdbuf = "%M afdaa\n"; type = findType(stdbuf); TEST_INT(type, TYPE_M); stdbuf = " %m "; type = findType(stdbuf); TEST_INT(type, TYPE_M); stdbuf = "%m "; type = findType(stdbuf); TEST_INT(type, TYPE_M); stdbuf = " %m"; type = findType(stdbuf); TEST_INT(type, TYPE_M); stdbuf = "%m"; type = findType(stdbuf); TEST_INT(type, TYPE_M); stdbuf = " %m asdf"; type = findType(stdbuf); TEST_INT(type, TYPE_M); stdbuf = "%m afdaa\n"; type = findType(stdbuf); TEST_INT(type, TYPE_M); stdbuf = " %B "; type = findType(stdbuf); TEST_INT(type, TYPE_B); stdbuf = "%B "; type = findType(stdbuf); TEST_INT(type, TYPE_B); stdbuf = " %B"; type = findType(stdbuf); TEST_INT(type, TYPE_B); stdbuf = "%B"; type = findType(stdbuf); TEST_INT(type, TYPE_B); stdbuf = " %B asdf"; type = findType(stdbuf); TEST_INT(type, TYPE_B); stdbuf = "%B afdaa\n"; type = findType(stdbuf); TEST_INT(type, TYPE_B); stdbuf = " %b "; type = findType(stdbuf); TEST_INT(type, TYPE_B); stdbuf = "%b "; type = findType(stdbuf); TEST_INT(type, TYPE_B); stdbuf = " %b"; type = findType(stdbuf); TEST_INT(type, TYPE_B); stdbuf = "%b"; type = findType(stdbuf); TEST_INT(type, TYPE_B); stdbuf = " %b asdf"; type = findType(stdbuf); TEST_INT(type, TYPE_B); stdbuf = "%b afdaa\n"; type = findType(stdbuf); TEST_INT(type, TYPE_B); stdbuf = " %E "; type = findType(stdbuf); TEST_INT(type, TYPE_E); stdbuf = "%E "; type = findType(stdbuf); TEST_INT(type, TYPE_E); stdbuf = " %E"; type = findType(stdbuf); TEST_INT(type, TYPE_E); stdbuf = "%E"; type = findType(stdbuf); TEST_INT(type, TYPE_E); stdbuf = " %E asdf"; type = findType(stdbuf); TEST_INT(type, TYPE_E); stdbuf = "%E afdaa\n"; type = findType(stdbuf); TEST_INT(type, TYPE_E); stdbuf = " %e "; type = findType(stdbuf); TEST_INT(type, TYPE_E); stdbuf = "%e "; type = findType(stdbuf); TEST_INT(type, TYPE_E); stdbuf = " %e"; type = findType(stdbuf); TEST_INT(type, TYPE_E); stdbuf = "%e"; type = findType(stdbuf); TEST_INT(type, TYPE_E); stdbuf = " %e asdf"; type = findType(stdbuf); TEST_INT(type, TYPE_E); stdbuf = "%e afdaa\n"; type = findType(stdbuf); TEST_INT(type, TYPE_E); stdbuf = " %L "; type = findType(stdbuf); TEST_INT(type, TYPE_L); stdbuf = "%L "; type = findType(stdbuf); TEST_INT(type, TYPE_L); stdbuf = " %L"; type = findType(stdbuf); TEST_INT(type, TYPE_L); stdbuf = "%L"; type = findType(stdbuf); TEST_INT(type, TYPE_L); stdbuf = " %L asdf"; type = findType(stdbuf); TEST_INT(type, TYPE_L); stdbuf = "%L afdaa\n"; type = findType(stdbuf); TEST_INT(type, TYPE_L); stdbuf = " %l "; type = findType(stdbuf); TEST_INT(type, TYPE_L); stdbuf = "%l "; type = findType(stdbuf); TEST_INT(type, TYPE_L); stdbuf = " %l"; type = findType(stdbuf); TEST_INT(type, TYPE_L); stdbuf = "%l"; type = findType(stdbuf); TEST_INT(type, TYPE_L); stdbuf = " %l asdf"; type = findType(stdbuf); TEST_INT(type, TYPE_L); stdbuf = "%l afdaa\n"; type = findType(stdbuf); TEST_INT(type, TYPE_L); stdbuf = "l afdaa\n"; type = findType(stdbuf); TEST_INT(type, -1); stdbuf = " afdaa\n"; type = findType(stdbuf); TEST_INT(type, -1); stdbuf = " %a afdaa\n"; type = findType(stdbuf); TEST_INT(type, -1); stdbuf = " a% afdaa\n"; type = findType(stdbuf); TEST_INT(type, -1); printf("Finish: findType\n"); } void teststepString(){ //TEST_STRING(_ACTUAL, _EXPECT) printf("TEST: stepString\n"); char* str = NULL; str = " %M hello"; TEST_STRING(stepString(str), "hello"); str = " fewa%M hello"; TEST_STRING(stepString(str), "hello"); str = "fewa%M hello"; TEST_STRING(stepString(str), "hello"); str = "fewa%M hello "; TEST_STRING(stepString(str), "hello "); str = " fewa%M hello "; TEST_STRING(stepString(str), "hello "); str = " fewa%M hello fewa"; TEST_STRING(stepString(str), "hello fewa"); str = " "; TEST_NULL(stepString(str), NULL); str = " fdasf "; TEST_NULL(stepString(str), NULL); str = "fdasf "; TEST_NULL(stepString(str), NULL); str = "fdasf"; TEST_NULL(stepString(str), NULL); str = NULL; TEST_NULL(stepString(str), NULL); printf("Finish: stepString\n"); } void testfindStr(){ char* str = NULL; char buf[101]; printf("TEST: findStr\n"); str = " fewa%M hello fewa"; findStr(str, buf, 100); TEST_STRING(buf, "fewa%M"); str = " 1 hello fewa"; findStr(str, buf, 100); TEST_STRING(buf, "1"); str = " 12 hello fewa"; findStr(str, buf, 100); TEST_STRING(buf, "12"); str = " 1 hello fewa"; findStr(str, buf, 100); TEST_STRING(buf, "1"); str = "1 hello fewa"; findStr(str, buf, 100); TEST_STRING(buf, "1"); str = "caleb"; findStr(str, buf, 100); TEST_STRING(buf, "caleb"); str = "caleb\n"; findStr(str, buf, 100); TEST_STRING(buf, "caleb"); str = ""; findStr(str, buf, 100); TEST_STRING(buf, ""); str = "\n"; findStr(str, buf, 100); TEST_STRING(buf, ""); str = "hello"; findStr(str, buf, 1); TEST_STRING(buf, "h"); printf("Finish: findStr\n"); } void testgetHandleNum(){ char sendbuf[MAX_SEND_LEN]; int numHand = 0; printf("TEST: getHandleNum\n"); memset(sendbuf, 0, MAX_SEND_LEN); numHand = getHandleNum(" %M asdf", sendbuf, "Caleb"); TEST_INT(numHand, 1); TEST_INT(sendbuf[9], 1); numHand = getHandleNum(" %M a", sendbuf, "CALEb"); TEST_INT(numHand, -1); TEST_INT(sendbuf[9], -1); numHand = getHandleNum(" %M a ", sendbuf, "asdfa"); TEST_INT(numHand, -1); TEST_INT(sendbuf[9], -1); numHand = getHandleNum(" %M 1 ", sendbuf, "Ca13d"); TEST_INT(numHand, 1); TEST_INT(sendbuf[9], 1); numHand = getHandleNum(" %M 13 ", sendbuf, "caleb12"); TEST_INT(numHand, 1); TEST_INT(sendbuf[11], 1); numHand = getHandleNum(" %M 3 ", sendbuf, "a"); TEST_INT(numHand, 3); TEST_INT(sendbuf[5], 3); TEST_INT(sendbuf[4], 0); TEST_INT(sendbuf[3], 0); TEST_INT(sendbuf[6], 0); printf("Finish: getHandleNum\n"); } void testconvertStrToInt(){ printf("TEST: convertStrToInt\n"); TEST_INT(convertStrToInt("1"), 1); TEST_INT(convertStrToInt("2"), 2); TEST_INT(convertStrToInt("3"), 3); TEST_INT(convertStrToInt("4"), 4); TEST_INT(convertStrToInt("5"), 5); TEST_INT(convertStrToInt("6"), 6); TEST_INT(convertStrToInt("a"), -1); TEST_INT(convertStrToInt("1a"), 1); TEST_INT(convertStrToInt("df"), 1); TEST_INT(convertStrToInt("1f"), 1); printf("Finish: convertStrToInt\n"); } void testfillSender(){ char sendbuf[MAX_SEND_LEN]; char* str; printf("TEST: fillSender\n"); memset(sendbuf, 0, MAX_SEND_LEN); fillSender(sendbuf, "Caleb"); TEST_INT(sendbuf[3], 5); str = sendbuf + 4; TEST_STRING(str, "Caleb"); memset(sendbuf, 0, MAX_SEND_LEN); fillSender(sendbuf, "Caleb1"); TEST_INT(sendbuf[3], 6); str = sendbuf + 4; TEST_STRING(str, "Caleb1"); memset(sendbuf, 0, MAX_SEND_LEN); fillSender(sendbuf, "b1"); TEST_INT(sendbuf[3], 2); str = sendbuf + 4; TEST_STRING(str, "b1"); printf("Finish: fillSender\n"); } void testisNumber(){ printf("TEST: isNumber\n"); TEST_BOOLEAN(isNumber("1"), TRUE); TEST_BOOLEAN(isNumber("0"), TRUE); TEST_BOOLEAN(isNumber("2"), TRUE); TEST_BOOLEAN(isNumber("3"), TRUE); TEST_BOOLEAN(isNumber("3"), TRUE); TEST_BOOLEAN(isNumber("4"), TRUE); TEST_BOOLEAN(isNumber("5"), TRUE); TEST_BOOLEAN(isNumber("6"), TRUE); TEST_BOOLEAN(isNumber("asdf"), FALSE); TEST_BOOLEAN(isNumber("3324"), FALSE); printf("Finish: isNumber\n"); } void testfindFirstHandle(){ char* str = NULL; str = "%M 1 handle"; printf("TEST: findFirstHandle\n"); TEST_STRING(findFirstHandle(str), "handle"); str = " %M 2 a"; TEST_STRING(findFirstHandle(str), "a"); str = " %M 2 aa aab"; TEST_STRING(findFirstHandle(str), "aa aab"); str = " %M aa aab"; TEST_STRING(findFirstHandle(str), "aa aab"); str = "%L aa aab"; TEST_STRING(findFirstHandle(str), "aa aab"); str = "%L bab"; TEST_STRING(findFirstHandle(str), "bab"); printf("Finish: findFirstHandle\n"); } void testfillHandle(){ char sendbuf[MAX_SEND_LEN]; char* curVal = NULL; char* test = sendbuf; printf("TEST: fillHandle\n"); memset(sendbuf, 0, MAX_SEND_LEN); curVal = fillHandle(sendbuf, "Handle"); TEST_INT(sendbuf[0], 6); test += 1; TEST_STRING(test, "Handle"); curVal = fillHandle(curVal, "handle2"); TEST_INT(sendbuf[7], 7); test += strlen("Handle"); test += 1; TEST_STRING(test, "handle2"); curVal = fillHandle(curVal, "cal"); TEST_INT(sendbuf[15], 3); test += strlen("handle2"); test += 1; TEST_STRING(test, "cal"); printf("Finish: fillHandle\n"); } void testfillText(){ char sendbuf[MAX_SEND_TXT]; char* curVal = "Hello world"; char* ret = NULL; printf("TEST: fillText\n"); memset(sendbuf, 0, MAX_SEND_TXT); curVal = "Hello world"; ret = fillText(sendbuf, curVal); TEST_STRING(sendbuf, curVal); //TEST_CHAR(ret[0], 'd'); memset(sendbuf, 0, MAX_SEND_TXT); curVal = " another time"; ret = fillText(sendbuf, curVal); TEST_STRING(sendbuf, curVal); //TEST_CHAR(ret[0], 'e'); memset(sendbuf, 0, MAX_SEND_TXT); curVal = " another time\n"; ret = fillText(sendbuf, curVal); TEST_STRING(sendbuf, " another time"); //TEST_CHAR(ret[0], 'e'); memset(sendbuf, 0, MAX_SEND_TXT); curVal = " another time\0"; ret = fillText(sendbuf, curVal); TEST_STRING(sendbuf, curVal); //TEST_CHAR(ret[0], 'e'); ret ++; printf("Finish: fillText\n"); } void testproc_M(){ char* stdbuf = NULL; char sendbuf[MAX_SEND_LEN]; int pdulen = 0; printf("TEST: proc_M\n"); memset(sendbuf, 0, MAX_SEND_LEN); stdbuf = "%M Caleb Text"; pdulen = proc_M(stdbuf, sendbuf, "sender"); TEST_INT(pdulen, 21); TEST_INT(ntohs(((uint16_t*)sendbuf)[0]), pdulen); TEST_INT(sendbuf[2], FLAG_5); TEST_INT(sendbuf[3], 6); TEST_CHAR(sendbuf[4], 's'); TEST_CHAR(sendbuf[5], 'e'); TEST_CHAR(sendbuf[6], 'n'); TEST_CHAR(sendbuf[7], 'd'); TEST_CHAR(sendbuf[8], 'e'); TEST_CHAR(sendbuf[9], 'r'); TEST_INT(sendbuf[10], 1); TEST_INT(sendbuf[11], 5); TEST_CHAR(sendbuf[12], 'C'); TEST_CHAR(sendbuf[13], 'a'); TEST_CHAR(sendbuf[14], 'l'); TEST_CHAR(sendbuf[15], 'e'); TEST_CHAR(sendbuf[16], 'b'); TEST_CHAR(sendbuf[17], 'T'); TEST_CHAR(sendbuf[18], 'e'); TEST_CHAR(sendbuf[19], 'x'); TEST_CHAR(sendbuf[20], 't'); TEST_CHAR(sendbuf[21], '\0'); memset(sendbuf, 0, MAX_SEND_LEN); stdbuf = " %M Caleb Text"; pdulen = proc_M(stdbuf, sendbuf, "sender"); TEST_INT(pdulen, 21); TEST_INT(ntohs(((uint16_t*)sendbuf)[0]), pdulen); TEST_INT(sendbuf[2], FLAG_5); TEST_INT(sendbuf[3], 6); TEST_CHAR(sendbuf[4], 's'); TEST_CHAR(sendbuf[5], 'e'); TEST_CHAR(sendbuf[6], 'n'); TEST_CHAR(sendbuf[7], 'd'); TEST_CHAR(sendbuf[8], 'e'); TEST_CHAR(sendbuf[9], 'r'); TEST_INT(sendbuf[10], 1); TEST_INT(sendbuf[11], 5); TEST_CHAR(sendbuf[12], 'C'); TEST_CHAR(sendbuf[13], 'a'); TEST_CHAR(sendbuf[14], 'l'); TEST_CHAR(sendbuf[15], 'e'); TEST_CHAR(sendbuf[16], 'b'); TEST_CHAR(sendbuf[17], 'T'); TEST_CHAR(sendbuf[18], 'e'); TEST_CHAR(sendbuf[19], 'x'); TEST_CHAR(sendbuf[20], 't'); TEST_CHAR(sendbuf[21], '\0'); TEST_CHAR(sendbuf[22], '\0'); TEST_CHAR(sendbuf[23], '\0'); printf("Finish: proc_M\n"); } void testproc_E(){ char sendbuf[100]; int ret; printf("TEST: proc_E\n"); ret = proc_E(sendbuf); TEST_INT(ret, 3); TEST_INT(ntohs(((uint16_t*)sendbuf)[0]), 3); TEST_INT(sendbuf[2], FLAG_8); printf("Finish: proc_E\n"); } <file_sep>/3A:Rcopy/sm.sh #!/bin/bash rm ./csmall.txt time ./rcopy ./small.txt ./csmall.txt 10 1000 .20 unix1.csc.calpoly.edu 4551 #diff ./small.txt ./csmall.txt <file_sep>/2A:Chat/parse.c #include "myClient.h" //#define PRINT // Converts the character to the correct int type defined by the MACROS int convertCharType(char type){ switch(type){ case 'M': return TYPE_M; break; case 'B': return TYPE_B; break; case 'E': return TYPE_E; break; case 'L': return TYPE_L; break; case 'm': return TYPE_M; break; case 'b': return TYPE_B; break; case 'e': return TYPE_E; break; case 'l': return TYPE_L; break; } return -1; } // Finds the type of the message from the stdbuf and returns an int representing that type or -1 // if the message is incorrectly formatted int findType(char* stdbuf){ char* curVal = stdbuf; int i = 0; int type = 0; char charType = '0'; // Skip over whitespace while(curVal[i] == ' '){ i ++; } // Found the % symbol if (curVal[i] == '%'){ i ++; charType = curVal[i]; type = convertCharType(charType); return type; } return -1; } // Takes in the stdbuf and copies the first string into str. It will append // the \0 character to the end of the string. The string ends either by // whitespace, \0, \n, or len. // Len is the max length of the str excluding the null character void findStr(char* stdbuf, char* str, int len){ int i = 0; int j = 0; if(stdbuf == NULL){ memset(str, 0, len); return; } // Move the pointer through the white space while (stdbuf[i] == ' '){ if(stdbuf[i] == '\0'){ return; } i ++; } // Found the beginning of the string // Move the pointer through the string while (stdbuf[i] != ' '){ if(stdbuf[i] == '\0' || stdbuf[i] == '\n'){ // Append a Null key if end of string or new line str[j] = '\0'; return; } str[j] = stdbuf[i]; // Got to the end of the str buffer if(j == len){ str[j] = '\0'; return; } j ++; i ++; } // Appending the null to the end of the string str[j] = '\0'; } // Returns -1 if the single digit is not a number and default 1 if the strlen is // greater than 1 int8_t convertStrToInt(char* str){ if(strlen(str) == 1){ if(strcmp(str, "1") == 0) return 1; else if(strcmp(str, "2") == 0) return 2; else if(strcmp(str, "3") == 0) return 3; else if(strcmp(str, "4") == 0) return 4; else if(strcmp(str, "5") == 0) return 5; else if(strcmp(str, "6") == 0) return 6; else if(strcmp(str, "7") == 0) return 7; else if(strcmp(str, "8") == 0) return 8; else if(strcmp(str, "9") == 0) return 9; else return -1; } // Staying that the string was greater than 1 character so it is handle return 1; } // Takes in the stdbuf, the sendbuf, and a sendHandle which is a string // reresenting the name of the sender and returns an int representing the number of clients to // send to. It also fills in the sendbuf with the number of handles at the correct // sendbuf location. // Returns -1 if either stdbuf or sendbuf is NULL int getHandleNum(char* stdbuf, char* sendbuf, char* sendHandle){ char* curVal = NULL; char str[3]; int8_t val; if(stdbuf == NULL || sendbuf == NULL) return -1; curVal = stepString(stdbuf); // Should be pointing at either a number or a handle // leaving room just incase the handle is not a singular value findStr(curVal, str, 3); val = convertStrToInt(str); // Setting the sendbuf to the right spot and setting Num Destination handles sendbuf[CHAT_HEADER_LEN + SEND_HANDLE_BYTE + strlen(sendHandle)] = val; #ifdef PRINT printf("val %i\n",CHAT_HEADER_LEN + SEND_HANDLE_BYTE + (int)strlen(sendHandle)); #endif return val; } // Steps over the string and returns a pointer to the rest of the buffer. A string is // separated by white space // Returns NULL if there is no next string char* stepString(char* stdbuf){ char* curVal = stdbuf; int i = 0; if(stdbuf == NULL) return NULL; // Move the pointer through the white space while (stdbuf[i] == ' '){ if(stdbuf[i] == '\0') return NULL; i ++; } // Found the beginning of the string // Move the pointer through the string while (stdbuf[i] != ' '){ if(stdbuf[i] == '\0') return NULL; i ++; } // Move the pointer through the white space while (stdbuf[i] == ' '){ if(stdbuf[i] == '\0') return NULL; i ++; } // Found the beginning of the next string curVal += i; return curVal; } // Returns a pointer to the beginning of the destination handles for the sendbuf char* fillSender(char* sendbuf, char* sendHandle){ sendbuf[3] = strlen(sendHandle); // Set buffer to beginning of sendHandle sendbuf += 4; memcpy(sendbuf, sendHandle, strlen(sendHandle)); // Set to beginning of destination handles // +1 for Num Desination handles sendbuf += (strlen(sendHandle) + 1); return sendbuf; } // Returns true if the string is a number and false if not int isNumber(char* str){ if(strcmp(str,"1") == 0 || strcmp(str,"2") == 0 || strcmp(str,"3") == 0 || strcmp(str,"4") == 0 || strcmp(str,"5") == 0 || strcmp(str,"6") == 0 || strcmp(str,"7") == 0 || strcmp(str,"8") == 0 || strcmp(str,"9") == 0 || strcmp(str,"0") == 0 ){ return TRUE; } else{ return FALSE; } } // Finds the first handle in the sendbuf char* findFirstHandle(char* stdbuf){ char* curVal = stdbuf; // Plus one for the int len = MAX_HANDLE_SIZE + 1; char str[len]; // Skip over the flag curVal = stepString(curVal); // Find the string could either be a number or a flag findStr(curVal, str, len); if(isNumber(str)){ // Steping over the number curVal = stepString(curVal); } // curVal is pointed to the location of the first string return curVal; } // Fills the handle inside the sendbuf and returns a pointer to the next // available spot in the sendbuf char* fillHandle(char* sendbuf, char* handle){ sendbuf[0] = strlen(handle); // Set buffer to beginning of handle sendbuf += 1; memcpy(sendbuf, handle, strlen(handle)); sendbuf += strlen(handle); return sendbuf; } // Fills the sendbuf with the rest of the text and returns a pointer to one // after the last address char* fillText(char* sendbuf, char* text){ int i = 0; if(text == NULL){ sendbuf[0] = '\n'; return sendbuf; } while(1){ if(text[i] == '\n'){ sendbuf += i; return sendbuf; } if(text[i] == '\0'){ sendbuf += i; return sendbuf; } if(i == MAX_SEND_TXT){ // Max buffer length sendbuf += i; return sendbuf; } // Copy data to sendbuf sendbuf[i] = text[i]; i++; } sendbuf += i; return sendbuf; } // Fills out the pdu chat header void fillChatHeader(char* sendbuf, int flag, int pduLen){ (((uint16_t*)sendbuf)[0]) = htons(pduLen); (((uint8_t*)sendbuf)[2]) = flag; } // Fills out the sendbuf with a %B packet and returns the pdu packet length int proc_B(char* stdbuf, char* sendbuf, char* sendHandle){ char* curVal = NULL; char* startSendBuf = sendbuf; char* end = NULL; uint16_t totalLength = 0; /* char handle[MAX_HANDLE_SIZE + 1]; int handleNum = 0; int i = 0; */ sendbuf = fillSender(sendbuf, sendHandle); // Subtracting 1 since the fillSender returns an extra spot after the Sending // Handle spot sendbuf -= 1; // It will think the beginning of the text is a handle curVal = findFirstHandle(stdbuf); end = fillText(sendbuf, curVal); #ifdef PRINT printf("sendbuf beginning %lu\n", (uintptr_t)sendbuf); printf("end %lu\n", (uintptr_t)end); #endif totalLength = (uintptr_t)end - (uintptr_t)startSendBuf; #ifdef PRINT printf("totalLength %i\n", totalLength); #endif fillChatHeader(startSendBuf, FLAG_4, totalLength); return totalLength; } // Fills out the sendbuf with a packet and returns the pdu packet length int proc_M(char* stdbuf, char* sendbuf, char* sendHandle){ char* curVal = NULL; char* startSendBuf = sendbuf; char* end = NULL; char handle[MAX_HANDLE_SIZE + 1]; int handleNum = 0; uint16_t totalLength = 0; int i = 0; handleNum = getHandleNum(stdbuf, sendbuf, sendHandle); sendbuf = fillSender(sendbuf, sendHandle); curVal = findFirstHandle(stdbuf); for(i = 0; i < handleNum; i++){ findStr(curVal, handle, MAX_HANDLE_SIZE); sendbuf = fillHandle(sendbuf, handle); curVal = stepString(curVal); } end = fillText(sendbuf, curVal); #ifdef PRINT printf("sendbuf beginning %lu\n", (uintptr_t)sendbuf); printf("end %lu\n", (uintptr_t)end); printf("adding sender %lu\n",(uintptr_t)sendbuf - (uintptr_t)startSendBuf); #endif totalLength = (uintptr_t)end - (uintptr_t)startSendBuf; fillChatHeader(startSendBuf, FLAG_5, totalLength); return totalLength; } int proc_E(char* sendbuf){ fillChatHeader(sendbuf, FLAG_8, DEFAULT_PDULEN); return DEFAULT_PDULEN; } int proc_L(char* sendbuf){ fillChatHeader(sendbuf, FLAG_10, DEFAULT_PDULEN); return DEFAULT_PDULEN; } int procStdin(char* stdbuf, char* sendbuf, char* sendHandle){ int type; type = findType(stdbuf); switch(type){ case TYPE_M: #ifdef PRINT printf("TYPE_M\n"); #endif return proc_M(stdbuf, sendbuf, sendHandle); break; case TYPE_B: #ifdef PRINT printf("TYPE_B\n"); #endif return proc_B(stdbuf, sendbuf, sendHandle); case TYPE_E: #ifdef PRINT printf("TYPE_E\n"); #endif return proc_E(sendbuf); break; case TYPE_L: #ifdef PRINT printf("TYPE_L\n"); #endif return proc_L(sendbuf); } return 0; } int getFromStdin(char * stdbuf) { // Gets input up to MAXBUF-1 (and then appends \0) // Returns length of string including null char aChar = 0; int inputLen = 0; // Important you don't input more characters than you have space while (aChar != '\n') { aChar = getchar(); if (aChar != '\n') { stdbuf[inputLen] = aChar; inputLen++; } } if(inputLen > MAXBUF - 1){ // Error return -1; } #ifdef PRINT printf("inputlen %i\n", inputLen); #endif stdbuf[inputLen] = '\0'; inputLen++; //we are going to send the null return inputLen; } <file_sep>/2A:Chat/shared.h #ifndef __SHARED_H__ #define __SHARED_H__ #include <stdio.h> #include <stdlib.h> #include <sys/types.h> #include <sys/stat.h> #include <sys/uio.h> #include <sys/time.h> #include <unistd.h> #include <fcntl.h> #include <string.h> #include <strings.h> #include <sys/socket.h> #include <netinet/in.h> #include <netdb.h> void safeSend(int socketNum, char* sendbuf, int sendlen); #endif <file_sep>/3A:Rcopy/buffer.h #ifndef __BUFFER_H__ #define __BUFFER_H__ #define HEADERLEN 7 #define EMPTY 0 #define FULL 1 typedef struct windowelement WindowElement; struct windowelement{ uint8_t data_buf[MAX_LEN]; int32_t data_len; // Length of the data in the data_buffer int flag; // Either EMPTY or FULL }; WindowElement* createWindow(int32_t windowSize); void createWindowElement(WindowElement* win, uint8_t* data_buf, int32_t data_len); void addElement(uint32_t seqNum, WindowElement element, WindowElement* window, int windowSize); void printWindow(WindowElement* window, int32_t windowSize); void deleteElement(uint32_t seqNum, WindowElement* window, int windowSize); int isEmptySpot(int seqNum, WindowElement* window, int windowSize); int isWindowEmpty(WindowElement* window, int windowSize); int isWindowFull(WindowElement* window, int windowSize); char* convertToString(char* string, uint8_t *databuf, uint32_t data_len); void getElement(int seqNum, WindowElement* newElement, WindowElement* window, int windowSize); #endif <file_sep>/3A:Rcopy/serverscript.sh #!/bin/bash ./server .20 4554 & ./server .10 6554 & ./server .15 7554 & <file_sep>/Lab7UDP/packet.h #ifndef __PACKET_H__ #define __PACKET_H__ #include <stdio.h> #include <stdlib.h> #include <unistd.h> #include <string.h> #include <sys/types.h> #include <netinet/in.h> #include <arpa/inet.h> #include <netdb.h> #define HEADERLEN 7 uint8_t * createPDU(uint32_t sequenceNumber, uint8_t flag, uint8_t * payload, int dataLen); void outputPDU(uint8_t * pduBuffer, int pduLength); #endif <file_sep>/2A:Chat/myServer.c // // Written <NAME>, Updated: April 2020 // Use at your own risk. Feel free to copy, just leave my name in it. // #include <stdio.h> #include <stdlib.h> #include <sys/types.h> #include <sys/stat.h> #include <sys/uio.h> #include <sys/time.h> #include <unistd.h> #include <fcntl.h> #include <string.h> #include <strings.h> #include <sys/socket.h> #include <netinet/in.h> #include <netdb.h> #include "networks.h" #include "linkedlist.h" #include "flags.h" #include "pollLib.h" #include "macros.h" #include "recvparse.h" #include "test.h" #include "shared.h" #include "myClient.h" #include "parse.h" //#define PRINT //#define TEST void processSockets(int mainServerSocket, Node** head); char* recvFromClient(int clientSocket, Node** head); void addNewClient(int mainServerSocket); void removeClient(int clientSocket); int checkArgs(int argc, char *argv[]); void addToList(Node** head, char* strHandle, int socketNum); void createStrHandle(char* handle, uint8_t handleLen, char* strHandle); int checkClient(int socketNum, char* strHandle, Node** head); void fillFlag11(char* message, int len); void testfillFlag11(){ char flag11msg[5]; void* data; uint32_t length; printf("TEST: fillFlag11\n"); fillFlag11(flag11msg, 1); TEST_INT(flag11msg[0], 11); data = flag11msg; data += sizeof(char); length = ntohl(*((uint32_t*)data)); TEST_UNSIGNED(length, 1); fillFlag11(flag11msg, 2); TEST_INT(flag11msg[0], 11); data = flag11msg; data += sizeof(char); length = ntohl(*((uint32_t*)data)); TEST_UNSIGNED(length, 2); fillFlag11(flag11msg, 3); TEST_INT(flag11msg[0], 11); data = flag11msg; data += sizeof(char); length = ntohl(*((uint32_t*)data)); TEST_UNSIGNED(length, 3); fillFlag11(flag11msg, 0); TEST_INT(flag11msg[0], 11); data = flag11msg; data += sizeof(char); length = ntohl(*((uint32_t*)data)); TEST_UNSIGNED(length, 0); printf("Finish: fillFlag11\n"); } int main(int argc, char *argv[]) { #ifdef TEST testfindSender(); testfindNumHandles(); testfindDestHandle(); testfindTextLen(); testfindTextStart(); testgetText(); testfillFlag11(); #endif #ifndef TEST int mainServerSocket = 0; //socket descriptor for the server socket int portNumber = 0; Node* head = makeLinkedList(); setupPollSet(); portNumber = checkArgs(argc, argv); while(1){ //create the server socket mainServerSocket = tcpServerSetup(portNumber); // Main control process (clients and accept()) processSockets(mainServerSocket, &head); } // close the socket - never gets here but nice thought close(mainServerSocket); #endif return 0; } void processSockets(int mainServerSocket, Node** head) { int socketToProcess = 0; addToPollSet(mainServerSocket); while (1) { if ((socketToProcess = pollCall(POLL_WAIT_FOREVER)) != -1) { if (socketToProcess == mainServerSocket) { addNewClient(mainServerSocket); } else { recvFromClient(socketToProcess, head); #ifdef PRINT printLinkedList(*head); #endif } } else { // Just printing here to let me know what is going on printf("Poll timed out waiting for client to send data\n"); } } } // Prints the text inside a buffer void printText(char* buff, uint8_t len) { int i = 0; printf("Data: "); for (i = 0; i < len; i ++) printf("%c", buff[i]); printf("\n"); } // Creates a Null terminated handle by copying the handle to the strHandle // buffer void createStrHandle(char* handle, uint8_t handleLen, char* strHandle) { int i = 0; #ifdef PRINT printf("Create String:\n"); #endif // Fill in the buffer up to the MAX_HANDLE_SIZE then add the Null if (handleLen <= MAX_HANDLE_SIZE){ for (i = 0; i < handleLen; i ++){ strHandle[i] = handle[i]; #ifdef PRINT printf("%c", strHandle[i]); #endif } strHandle[handleLen] = '\0'; #ifdef PRINT printf("|%c|\n", strHandle[handleLen]); #endif } else { for (i = 0; i < MAX_HANDLE_SIZE; i ++) strHandle[i] = handle[i]; strHandle[MAX_HANDLE_SIZE] = '\0'; fprintf(stderr,"Your handle is more than 100 characters, truncating the remaining characters\n"); } } // Returns a header with a PDU Length of 3 and the designated flag void createDefaultChatHeader(char* header, int flag){ (((uint16_t*)header)[0]) = htons(DEFAULT_PDULEN); (((uint8_t*)header)[2]) = flag; } // Sends a designated flag void sendFlag(int socketNum, uint8_t flag){ char header[CHAT_HEADER_LEN]; createDefaultChatHeader(header, flag); safeSend(socketNum, header, DEFAULT_PDULEN); } // Adds the handle to the list void addToList(Node** head, char* strHandle, int socketNum){ Node* node = makeNode(strHandle, socketNum); *head = addNode(*head, node); } // Checks to see if the new handle is taken. If it is send flag 3, if not add // to list and send flag 2 int checkClient(int socketNum, char* strHandle, Node** head){ if(!(available(*head, strHandle))){ sendFlag(socketNum, FLAG_3); removeClient(socketNum); return 3; } else { #ifdef PRINT printf("checkClient stlen(strHandle): %i\n", (int)strlen(strHandle)); printf("checkClient strHandle: %s\n", strHandle); #endif addToList(head, strHandle, socketNum); sendFlag(socketNum, FLAG_2); return 2; } } void printPacketData(uint8_t flag, char* databuf, uint16_t PDU_Len, int socketNum, char* handle){ printf("Packet from Client:\n"); printf("\tFlag: %i\tHandle: %s\tHandle Len: %i\tPDU_Len: %d\tSocket: %i\n\n", flag, handle, databuf[1], PDU_Len, socketNum); } // Fills in the new message with chat header then the additional message // components void createNewMessage(uint8_t flag, int PDU_Len, char* message, char* newMessage){ fillChatHeader(newMessage, flag, PDU_Len); newMessage += 3; // Move message to Send Handle length part message += 1; memcpy(newMessage, message, PDU_Len - 3); } // Prints out a message void printMessage(char* msg, int len){ int i = 0; for (i = 0; i < len; i ++){ printf("%x", msg[i]); } printf("\n");; } void sendFlag7(int sendSocket, char* destHandle){ int pdulen = 0; uint8_t destLen = strlen(destHandle); char databuf[MAX_HANDLE_SIZE + HANDLE_BYTE]; char* mesPtr = databuf; char newMessage[MAX_HANDLE_SIZE + HANDLE_BYTE]; //databuf[0] = Flag which will be filled in by createNewMessage databuf[1] = destLen; mesPtr += 2; memcpy(mesPtr, destHandle, destLen); mesPtr[destLen] = '\0'; pdulen = CHAT_HEADER_LEN + HANDLE_BYTE + destLen; #ifdef PRINT printf("Pdulen %i\n", pdulen); #endif createNewMessage(FLAG_7, pdulen, databuf, newMessage); safeSend(sendSocket, newMessage, pdulen); } // Sends the %B packet void sendB(char* message, Node** head, int PDU_Len, uint8_t flag){ char destHandle[MAX_HANDLE_SIZE + 1]; char sendHandle[MAX_HANDLE_SIZE + 1]; int handleNum = 0; int sendSocket = 0; int i = 0; char newMessage[PDU_Len]; Node* node; memset(destHandle, 0, MAX_HANDLE_SIZE + 1); memset(sendHandle, 0, MAX_HANDLE_SIZE + 1); memset(newMessage, 0, PDU_Len); findSender(message, sendHandle); #ifdef PRINT printf("Sender %s\n", sendHandle); #endif handleNum = findListLength(*head); #ifdef PRINT printf("Handle Numbers %i\n", handleNum); #endif // Set the message to the right spot //message += FLAGBYTE + SEND_HANDLE_BYTE + strlen(sendHandle); sendSocket = findSocket(*head, sendHandle); // One indexed for the findNodeIndex for(i = 0; i < handleNum; i ++){ node = findNodeIndex(*head, i); #ifdef PRINT printf("Socket %i\n", node->socketNum); printf("Handle %s\n", node->handle); #endif createNewMessage(flag, PDU_Len, message, newMessage); if(node->socketNum == 0){ #ifdef PRINT printf("User %s doesn't exist\n", node->handle); #endif sendFlag7(sendSocket, node->handle); } else if(node->socketNum == sendSocket){ //Skip sending message back to sender } else{ safeSend(node->socketNum, newMessage, PDU_Len); } } } // Sends the %M packet void sendM(char* message, Node** head, int PDU_Len, uint8_t flag){ char destHandle[MAX_HANDLE_SIZE + 1]; char sendHandle[MAX_HANDLE_SIZE + 1]; int handleNum = 0; int destSocket = 0; int sendSocket = 0; int i = 0; char newMessage[PDU_Len]; memset(destHandle, 0, MAX_HANDLE_SIZE + 1); memset(sendHandle, 0, MAX_HANDLE_SIZE + 1); findTextLen(message, PDU_Len); findSender(message, sendHandle); handleNum = findNumHandles(message, sendHandle); sendSocket = findSocket(*head, sendHandle); for(i = 1; i <= handleNum; i ++){ findDestHandle(message, i, destHandle); destSocket = findSocket(*head, destHandle); #ifdef PRINT printf("Socket %i\n", destSocket); printf("Handle %s\n", destHandle); #endif createNewMessage(flag, PDU_Len, message, newMessage); if(destSocket == 0){ #ifdef PRINT printf("User %s doesn't exist\n", destHandle); #endif sendFlag7(sendSocket, destHandle); } else{ safeSend(destSocket, newMessage, PDU_Len); } } } void sendE(int socketNum, Node** head){ Node* node; sendFlag(socketNum, FLAG_9); node = findNode(*head, socketNum); *head = removeNode(*head, node); removeClient(socketNum); } void fillFlag11(char* message, int len){ uint32_t length = htonl(len); message[0] = FLAG_11; message += 1; memcpy(message, &length, 4); } void sendFlag11(int socketNum, Node** head){ int len; char flag11msg[FLAG_11_LEN - 2]; char newflag11msg[FLAG_11_LEN]; len = findListLength(*head); fillFlag11(flag11msg, len); // Create Flag_11 Message createNewMessage(FLAG_11, FLAG_11_LEN, flag11msg, newflag11msg); safeSend(socketNum, newflag11msg, FLAG_11_LEN); } // Fills the flag12msg buffer and returns an int representing the packet size int fillFlag12(char* message, char* handle){ int len = strlen(handle); message[0] = FLAG_12; message[1] = len; message += 2; memcpy(message, handle, len); return (FLAGBYTE + HANDLE_BYTE + len); } // Sends a flag 12 packet for each client in the head list void sendFlag12(int socketNum, Node** head){ int listlen; int i = 0; int sendlen = 0; Node* node; char flag12msg[MAX_HANDLE_SIZE + HANDLE_BYTE + FLAGBYTE]; char newflag12msg[MAX_HANDLE_SIZE + HANDLE_BYTE + CHAT_HEADER_LEN]; memset(flag12msg, 0, MAX_HANDLE_SIZE + HANDLE_BYTE + FLAGBYTE); listlen = findListLength(*head); for(i = 0; i < listlen; i ++){ #ifdef PRINT printf("list len %i\n", listlen); #endif node = findNodeIndex(*head, i); sendlen = fillFlag12(flag12msg, node->handle); // Create Flag_12 Message createNewMessage(FLAG_12, sendlen + HEADER_LEN, flag12msg, newflag12msg); safeSend(socketNum, newflag12msg, sendlen + HEADER_LEN); } } void sendL(int socketNum, Node** head){ sendFlag11(socketNum, head); sendFlag12(socketNum, head); sendFlag(socketNum, FLAG_13); } // Responds to an incoming packet received from the client // databuf is the buffer of data after the Chat PDU Length void packetResponse(uint8_t flag, char* databuf, uint16_t PDU_Len, int socketNum, Node** head) { char* handle = NULL; uint8_t handleLen = 0; char strHandle[MAX_HANDLE_SIZE + 1]; // Used for the Handle, 101 becuase one is used for \0 switch(flag) { case FLAG_1: handleLen = databuf[1]; #ifdef PRINT printf("handleLen = %i\n", handleLen); #endif // Setting databuf to handle handle = databuf + sizeof(char)*2; // Copy handle data to strHandle and add a Null character createStrHandle(handle, handleLen, strHandle); #ifdef PRINT printf("handle = %s\t handleLen = %i\n", handle, handleLen); printf("strHandle = %s\t strlen(strHandle) = %i\n", strHandle, (int)strlen(strHandle)); printPacketData(flag, databuf, PDU_Len, socketNum, strHandle); printf("handle: %s, strHandle: %s\n", handle, strHandle); #endif checkClient(socketNum, strHandle, head); break; case FLAG_4: #ifdef PRINT printf("M Flag 4 received\n"); #endif sendB(databuf, head, PDU_Len, flag); break; case FLAG_5: #ifdef PRINT printf("M Flag 5 received\n"); #endif sendM(databuf, head, PDU_Len, flag); break; case FLAG_8: #ifdef PRINT printf("E Flag 8 received\n"); #endif sendE(socketNum, head); break; case FLAG_10: #ifdef PRINT printf("L Flag 10 received\n"); #endif sendL(socketNum, head); break; } } char* recvFromClient(int clientSocket, Node** head) { char buf[MAXBUF]; int messageLen = 0; // Stuff Caleb Added char* databuf = NULL; uint16_t PDU_Len = 0; uint8_t flag = 0; Node* node = NULL; //now get the data from the clientSocket (message includes null) if ((messageLen = recv(clientSocket, buf, HEADER_LEN, MSG_WAITALL)) < 0) { perror("recv call"); exit(-1); } if (messageLen == 0) { // recv() 0 bytes so client is gone node = findNode(*head, clientSocket); *head = removeNode(*head, node); removeClient(clientSocket); return NULL; } PDU_Len = ntohs(((uint16_t*)buf)[0]); databuf = buf + sizeof(char)*2; //now get the data from the client_socket (message includes null) if ((messageLen = recv(clientSocket, databuf, PDU_Len - HEADER_LEN, MSG_WAITALL)) < 0) { perror("recv call"); exit(-1); } flag = databuf[0]; #ifdef PRINT printf("PDU_LEN %i\n", PDU_Len); printf("flag %i\n", flag); printf("messageLen %i\n", messageLen); #endif packetResponse(flag, databuf, PDU_Len, clientSocket, head); return databuf; } void addNewClient(int mainServerSocket) { int newClientSocket = tcpAccept(mainServerSocket, DEBUG_FLAG); addToPollSet(newClientSocket); } void removeClient(int clientSocket) { printf("Client on socket %d terminted\n", clientSocket); removeFromPollSet(clientSocket); close(clientSocket); } int checkArgs(int argc, char *argv[]) { // Checks args and returns port number int portNumber = 0; if (argc > 2) { fprintf(stderr, "Usage %s [optional port number]\n", argv[0]); exit(-1); } if (argc == 2) { portNumber = atoi(argv[1]); } return portNumber; } <file_sep>/SocketsLab/sClient.c /****************************************************************************** * sClient.c * *****************************************************************************/ #include <stdio.h> #include <stdlib.h> #include <sys/types.h> #include <sys/stat.h> #include <sys/uio.h> #include <sys/time.h> #include <unistd.h> #include <fcntl.h> #include <string.h> #include <strings.h> #include <sys/socket.h> #include <netinet/in.h> #include <netdb.h> #include "networks.h" #define DEBUG_FLAG 1 char* sendToServer(int socketNum); void checkArgs(int argc, char * argv[]); int main(int argc, char * argv[]) { int socketNum = 0; //socket descriptor checkArgs(argc, argv); /* set up the TCP Client socket */ socketNum = tcpClientSetup(argv[1], argv[2], DEBUG_FLAG); sendToServer(socketNum); close(socketNum); return 0; } char* sendToServer(int socketNum) { char sendBuf[MAXBUF]; //total buffer PDU char *dataBuf = NULL; //just the data buffer char aChar = 0; int sendLen = 0; //length of total buffer int dataLen = 0; //length of just the data segment int sent = 0; //actual amount of data sent // Append additional 2 bytes to sendLen sendLen += 2; dataBuf = sendBuf + 2; memset(sendBuf, 0, MAXBUF); while(strcmp(dataBuf, "exit")) { // Important you don't input more characters than you have space printf("Enter data: "); aChar = 0; sendLen = 2; while ((sendLen) < (MAXBUF - 1) && aChar != '\n') { aChar = getchar(); if (aChar != '\n') { sendBuf[sendLen] = aChar; sendLen++; } } // Setting the dataBuf to point to the second byte of the buffer by 2 bytes dataBuf = sendBuf + 2; dataLen = sendLen - 2; dataLen++; //Including the null inIncluding the null in the data length sendBuf[sendLen] = '\0'; sendLen++; //we are going to send the null // Setting the first two bytes to the packet length ((uint16_t*)sendBuf)[0] = htons(sendLen); printf("read: %s string len: %d (including null), PDU Len: %d \n", dataBuf, dataLen, ntohs(((uint16_t*)sendBuf)[0])); sent = send(socketNum, sendBuf, sendLen, 0); if (sent < 0) { perror("send call"); exit(-1); } printf("Amount of data sent is: %d\n", sent); } return dataBuf; } void checkArgs(int argc, char * argv[]) { /* check command line arguments */ if (argc != 3) { printf("usage: %s host-name port-number \n", argv[0]); exit(1); } } <file_sep>/2A:Chat/lltesting.c #include "linkedlist.h" int main(int argc, char *argv[]) { Node* head = makeLinkedList(); Node* C1 = makeNode("C1", 4); Node* C2 = makeNode("C2", 4); Node* C3 = makeNode("C3", 4); head = addNode(head, head); printLinkedList(head); head = addNode(head, C1); printLinkedList(head); head = addNode(head, C1); printLinkedList(head); head = addNode(head, C2); printLinkedList(head); head = removeNode(head, head); printLinkedList(head); head = removeNode(head, head); printLinkedList(head); head = removeNode(head, head); printLinkedList(head); head = removeNode(head, C1); printLinkedList(head); head = addNode(head, C2); printLinkedList(head); head = addNode(head, C2); printLinkedList(head); head = addNode(head, C1); printLinkedList(head); head = addNode(head, C3); printLinkedList(head); head = removeNode(head, C2); printLinkedList(head); head = removeNode(head, C1); printLinkedList(head); head = removeNode(head, C3); printLinkedList(head); head = removeNode(head, C3); printLinkedList(head); head = removeNode(head, C3); printLinkedList(head); head = addNode(head, C3); printLinkedList(head); head = removeNode(head, C2); printLinkedList(head); head = removeNode(head, head); printLinkedList(head); return; } <file_sep>/2A:Chat/myClient.c // // Written <NAME>, Updated: April 2020 // Use at your own risk. Feel free to copy, just leave my name in it. // #include "myClient.h" //#define TEST //#define PRINT void checkArgs(int argc, char * argv[]); void printLoginBuff(char* loginBuff) { int i = 0; printf("Chat PDULen:\t%i\n", ntohs(((uint16_t*)loginBuff)[0])); printf("Flag:\t\t%u\n", ((uint8_t*)loginBuff)[2]); printf("Handle Length:\t%u\n", ((uint8_t*)loginBuff)[3]); printf("Handle:\t\t"); for (i = 0; i < loginBuff[3]; i ++){ printf("%c", loginBuff[i + 4]); } printf("\n"); } int main(int argc, char * argv[]) { #ifdef TEST testconvertCharType(); testfindType(); teststepString(); testfindStr(); testconvertStrToInt(); testgetHandleNum(); testfillSender(); testisNumber(); testfindFirstHandle(); testfillHandle(); testfillText(); testproc_M(); testproc_E(); #endif #ifndef TEST int socketNum = 0; //socket descriptor char loginBuff[MAX_LOGIN_SIZE]; setupPollSet(); checkArgs(argc, argv); // set up the TCP Client socket socketNum = tcpClientSetup(argv[2], argv[3], DEBUG_FLAG); // Login to the server with the handle if(strlen(argv[1]) > 99){ printf("Invalid handle, handle longer than 100 characters %s\n", argv[1]); exit(1); } login(argv[1], socketNum, loginBuff); // Runs the client runClient(socketNum, argv[1]); close(socketNum); #endif return 0; } void runClient(int serverSocket, char* clientHandle) { int socketToProcess = 0; int flag = 0; addToPollSet(serverSocket); addToPollSet(STDIN_FILENO); while (1) { printf("$:"); fflush(stdout); if ((socketToProcess = pollCall(POLL_WAIT_FOREVER)) != -1) { if (socketToProcess == STDIN_FILENO) { sendToServer(serverSocket, clientHandle); } else { // Receiving from the server #ifdef PRINT printf(" Receiving from server\n"); #endif flag = ackFromServer(serverSocket, clientHandle); // Process the %L without STDIN interruption if(flag == 11){ while(flag != 13){ flag = ackFromServer(serverSocket, clientHandle); } } #ifdef PRINT printf(" Done Receiving from server\n"); #endif } } else { // Just printing here to let me know what is going on printf("Poll timed out waiting for client to send data\n"); } } } // Copies the string from the handle into the buffer starting at the offset void fillBuff(uint8_t len, char* handle, char* buff, int offset) { int i; for (i = 0; i < len; i ++){ buff[i + offset] = handle[i]; } } void printServerMsg(uint8_t flag, int messageLen, uint16_t PDU_Len){ printf("From Server:\n"); printf("\tmsg Len: %d \tPDU_Len: %d\n", messageLen, PDU_Len); switch(flag) { case FLAG_2: printf("\tFlag %i: Good Handle\n", flag); break; case FLAG_3: printf("\tFlag %i: Handle Already Exists\n", flag); break; case FLAG_4: printf("\tFlag %i: Broadcast Message Received\n", flag); break; case FLAG_5: printf("\tFlag %i: Message from Another Client\n", flag); break; case FLAG_7: printf("\tFlag %i: Error When Sending a Message: One or More Clients Don't Exist\n", flag); break; case FLAG_9: printf("\tFlag %i: Message from Server ACKing the FLAG_8 to Terminate\n", flag); break; case FLAG_11: printf("\tFlag %i: Server responding to FLAG_10: Giving the number of clients on the server\n", flag); break; case FLAG_12: printf("\tFlag %i: Following the FLAG_11: Giving a FLAG_12 for each client handle on the server\n", flag); break; case FLAG_13: printf("\tFlag %i: Listing the client handles is finished\n", flag); break; } } void flag11Response(char* databuf){ uint32_t clientNum; databuf += sizeof(char); clientNum = ntohl(*((uint32_t*)databuf)); printf("\nNumber of clients: %i\n", clientNum); } void flag12Response(char* databuf){ char sendHandle[MAX_HANDLE_SIZE + 1]; findSender(databuf, sendHandle); printf("\t%s\n", sendHandle); } int findTextLen4(uint16_t pdulen, int handleLen){ return pdulen - handleLen - CHAT_HEADER_LEN - HANDLE_BYTE; } // Responds to a flag 4 from the server void flag4resp(char* sendHandle, char* databuf, uint16_t pdulen){ char text[MAX_SEND_TXT]; int textlen; memset(sendHandle, 0, MAX_HANDLE_SIZE + 1); memset(text, 0, MAX_SEND_TXT); findSender(databuf, sendHandle); #ifdef PRINT printf("sendHandle %s\n", sendHandle); printf("databuf[0] flag %i\n", databuf[0]); printf("databuf[1] sendhandle len%i\n", databuf[1]); printf("databuf[2] first letter %c\n", databuf[2]); printf("databuf[3] letter %c\n", databuf[3]); printf("databuf[4] letter %c\n", databuf[4]); printf("databuf[5] letter %c\n", databuf[5]); printf("databuf[6] letter %c\n", databuf[6]); printf("databuf[7] letter %c\n", databuf[7]); printf("databuf[8] letter %c\n", databuf[8]); #endif // Point databuf at string databuf += FLAGBYTE + SEND_HANDLE_BYTE + strlen(sendHandle); textlen = findTextLen4(pdulen, strlen(sendHandle)); memcpy(text, databuf, textlen); text[textlen] = '\0'; #ifdef PRINT printf("text %c\n", databuf[0]); printf("strlen(sendhandle) %i\n", (int)strlen(sendHandle)); #endif printf("\n%s: %s\n", sendHandle, text); } // Responds to an incoming packet received from the server // dataBuf is the buffer of data after the Chat PDU Length // Returns the flag that was processed int packetResponse(uint8_t flag, char* databuf, char* handle, uint16_t pdulen, int socketNum) { char sendHandle[MAX_HANDLE_SIZE + 1]; char text[MAX_SEND_TXT]; /* char* handle = NULL; uint8_t handleLen = 0; char strHandle[MAX_HANDLE_SIZE + 1]; // Used for the Handle, 101 becuase one is used for \0 */ #ifdef PRINT printServerMsg(flag, pdulen - 2, pdulen); #endif switch(flag) { case FLAG_3: printf("Handle already in use: %s\n", handle); exit(0); break; case FLAG_4: flag4resp(sendHandle, databuf, pdulen); break; case FLAG_5: memset(sendHandle, 0, MAX_HANDLE_SIZE + 1); memset(text, 0, MAX_SEND_TXT); findTextLen(databuf, pdulen); findSender(databuf, sendHandle); getText(databuf, text, pdulen); printf("\n%s: %s\n", sendHandle, text); break; case FLAG_7: findSender(databuf, sendHandle); printf("\nClient with handle %s does not exist.\n", sendHandle); break; case FLAG_9: exit(0); break; case FLAG_11: flag11Response(databuf); break; case FLAG_12: flag12Response(databuf); break; } return flag; } // Receives a message from the server // Returns an int representing the flag that was processed int ackFromServer(int socketNum, char* handle) { char buf[MAXBUF]; int messageLen = 0; // Stuff Caleb Added char* dataBuf = NULL; uint16_t PDU_Len = 0; uint8_t flag = 0; //now get the data from the socketNum (message includes null) if ((messageLen = recv(socketNum, buf, HEADER_LEN, MSG_WAITALL)) < 0) { perror("recv call"); exit(-1); } if (messageLen == 0) { // recv() 0 bytes so client is gone fprintf(stderr, "Server Terminated\n"); exit(1); } PDU_Len = ntohs(((uint16_t*)buf)[0]); dataBuf = buf + sizeof(char)*2; //now get the data from the client_socket (message includes null) if ((messageLen = recv(socketNum, dataBuf, PDU_Len - HEADER_LEN, MSG_WAITALL)) < 0) { perror("recv call"); exit(-1); } flag = dataBuf[0]; return packetResponse(flag, dataBuf, handle, PDU_Len, socketNum); } // Log the client into the server with the handle void login(char* handle, int socketNum, char* loginBuff) { uint8_t handleLen; uint16_t pduLen; int offset = CHAT_HEADER_LEN + HANDLE_BYTE; handleLen = ((uint16_t)(strlen(handle))); pduLen = handleLen + HANDLE_BYTE + CHAT_HEADER_LEN; ((uint16_t*)(loginBuff))[0] = htons(pduLen); loginBuff[2] = FLAG_1; loginBuff[3] = handleLen; fillBuff(handleLen, handle, loginBuff, offset); sendLogin(socketNum, loginBuff, pduLen); ackFromServer(socketNum, handle); } void sendLogin(int socketNum, char* loginBuff, uint16_t sendLen) { int sent = 0; //actual amount of data sent/* sent = send(socketNum, loginBuff, sendLen, 0); if (sent < 0) { perror("send call"); exit(-1); } #ifdef PRINT printf("Amount of login data sent is: %d\n", sent); #endif } void sendToServer(int socketNum, char* sendHandle) { char stdbuf[MAXBUF]; //data from user input // Add 114 to sendbuf to account for 10 bytes of handles 1 byte for number of // destinations, 3 bytes for Chat-Header, 100 bytes for max sender handle char sendbuf[MAX_SEND_LEN]; //data sent to server int sendlen = 0; //amount of data to send memset(stdbuf, '\0', MAXBUF); if(getFromStdin(stdbuf) == -1){ fprintf(stderr,"Error: Input is too large\n"); } // Process the stdbuf and organize it into a packet inside the sendbuf sendlen = procStdin(stdbuf, sendbuf, sendHandle); //printf("read: %s string len: %d (including null)\n", stdbuf, sendlen); safeSend(socketNum, sendbuf, sendlen); } void checkArgs(int argc, char * argv[]) { /* check command line arguments */ if (argc != 4) { printf("usage: %s handle host-name port-number \n", argv[0]); exit(1); } } <file_sep>/3A:Rcopy/Makefile # udpCode makefile # written by <NAME> - April 2017 CC = gcc CFLAGS= -g -Wall LIBS += libcpe464.2.20.a -lstdc++ -ldl SRC = networks.c networks.h gethostbyname.c gethostbyname.h checksum.c checksum.h srej.c srej.h args.h args.c buffer.h buffer.c OBJS = networks.o gethostbyname.o checksum.o srej.o args.o buffer.o all: rcopy server rcopy: rcopy.c $(OBJS) $(CC) $(CFLAGS) -o rcopy rcopy.c $(OBJS) $(LIBS) server: server.c $(OBJS) $(CC) $(CFLAGS) -o server server.c $(OBJS) $(LIBS) .c.o: $SRC gcc -c $(CFLAGS) $< -o $@ cleano: rm -f *.o clean: rm -f server rcopy *.o <file_sep>/3A:Rcopy/args.h // Creates a structure to hold all the variables for the arguments passed into // rcopy // Created by <NAME> 5/26/2020 #ifndef __ARGS_H__ #define __ARGS_H__ #include <stdio.h> #include <stdlib.h> typedef struct Args{ char* fromFile; char* toFile; char* remoteMachine; int32_t windowSize; // In host order int32_t bufferSize; // In host order int remotePort; float percentError; } Args; void printArgs(Args* args); void checkArgs(int argc, char * argv[], Args* args); #endif <file_sep>/2A:Chat/recvparse.c #include "unitTest.h" #include "myClient.h" #include "recvparse.h" #include "macros.h" // Finds the sender of a message // Takes in a message that is the data portion of a PDU (stuff after the PDU // Length) // Places the message inside the sendHandle and null terminates it void findSender(char* message, char* sendHandle){ uint8_t sendHandleLen; sendHandleLen = message[1]; message += 2; memcpy(sendHandle, message, sendHandleLen); // Add NULL character sendHandle[sendHandleLen] = '\0'; } // Finds the number of destination handles from a received message int findNumHandles(char* message, char* sendHandle){ int val = 0; int flagbyte = 1; val = message[flagbyte + SEND_HANDLE_BYTE + strlen(sendHandle)]; return val; } // Gets to the next destHandle if you are on a dest handle char* nextHandle(char* message){ int len = 0; len = message[0]; message += (len + 1); // Add one to get to next handle return message; } // Finds the handle and returns the next byte after the handle in the char* message char* getHandle(char* message, char* destHandle){ int len = 0; len = message[0]; message += 1; memcpy(destHandle, message, len); destHandle[len] = '\0'; message += len; return message; } // Takes an int representing which destination handle and finds the corresponding destination handle // The int is 1 indexed // Returns the address right after the handle char* findDestHandle(char* message, int num, char* destHandle){ char sendHandle[MAX_HANDLE_SIZE + 1]; int handleNum = 0; int i = 0; memset(sendHandle, 0, MAX_HANDLE_SIZE + 1); findSender(message, sendHandle); handleNum = findNumHandles(message, sendHandle); if(num > handleNum){ printf("Handle number %i is too large\n", num); destHandle = NULL; return NULL; } // First Dest Handle Length message += FLAGBYTE + SEND_HANDLE_BYTE + strlen(sendHandle) + NUM_DEST_BYTE; for(i = 1; i < num; i++){ message = nextHandle(message); } return getHandle(message, destHandle); } // Returns a char* to the start of the text portion of the %m message char* findTextStart(char* message){ char* textStart = 0; char destHandle[MAX_HANDLE_SIZE + 1]; char sendHandle[MAX_HANDLE_SIZE + 1]; int handleNum = 0; memset(destHandle, 0, MAX_HANDLE_SIZE + 1); memset(sendHandle, 0, MAX_HANDLE_SIZE + 1); findSender(message, sendHandle); handleNum = findNumHandles(message, sendHandle); textStart = findDestHandle(message, handleNum, destHandle); return textStart; } // Finds the length of the text message int findTextLen_B(char* message, int pduLen){ char destHandle[MAX_HANDLE_SIZE + 1]; char sendHandle[MAX_HANDLE_SIZE + 1]; uintptr_t textStart = 0; uintptr_t dataStart = 0; uintptr_t temp = 0; int handleNum = 0; int textLen = 0; memset(destHandle, 0, MAX_HANDLE_SIZE + 1); memset(sendHandle, 0, MAX_HANDLE_SIZE + 1); dataStart = (uintptr_t)((void*)message); findSender(message, sendHandle); /* printf("sender %s\n", sendHandle); */ /* printf("handleNum %i\n", handleNum); */ textStart = (uintptr_t)(findDestHandle(message, handleNum, destHandle)); temp = textStart - dataStart; textLen = pduLen - temp - CHAT_HEADER_LEN + FLAGBYTE; /* printf("temp %lu\n", temp); printf("pduLen %i\n", pduLen); printf("textStart %lu\n", textStart); printf("dataStart %lu\n", dataStart); printf("CHAT_HEADER_LEN %i\n", CHAT_HEADER_LEN); printf("textLen %i\n", textLen); */ return textLen; } // Finds the length of the text message int findTextLen(char* message, int pduLen){ char destHandle[MAX_HANDLE_SIZE + 1]; char sendHandle[MAX_HANDLE_SIZE + 1]; uintptr_t textStart = 0; uintptr_t dataStart = 0; uintptr_t temp = 0; int handleNum = 0; int textLen = 0; memset(destHandle, 0, MAX_HANDLE_SIZE + 1); memset(sendHandle, 0, MAX_HANDLE_SIZE + 1); dataStart = (uintptr_t)((void*)message); findSender(message, sendHandle); /* printf("sender %s\n", sendHandle); */ handleNum = findNumHandles(message, sendHandle); /* printf("handleNum %i\n", handleNum); */ textStart = (uintptr_t)(findDestHandle(message, handleNum, destHandle)); temp = textStart - dataStart; textLen = pduLen - temp - CHAT_HEADER_LEN + FLAGBYTE; /* printf("temp %lu\n", temp); printf("pduLen %i\n", pduLen); printf("textStart %lu\n", textStart); printf("dataStart %lu\n", dataStart); printf("CHAT_HEADER_LEN %i\n", CHAT_HEADER_LEN); printf("textLen %i\n", textLen); */ return textLen; } // Fills in the text buffer with the text from the message and appends a '\0' to // the end void getText(char* message, char* text, int pdulen){ int textlen = findTextLen(message, pdulen); char* textStart = findTextStart(message); memcpy(text, textStart, textlen); text[textlen] = '\0'; } <file_sep>/3A:Rcopy/srej.c #include <stdio.h> #include <stdlib.h> #include <sys/types.h> #include <sys/stat.h> #include <sys/uio.h> #include <sys/time.h> #include <unistd.h> #include <fcntl.h> #include <string.h> #include <strings.h> #include <sys/socket.h> #include <netinet/in.h> #include <netdb.h> #include "networks.h" #include "srej.h" #include "checksum.h" // buf is a buffer to the data being sent // len is the length of buf // packet is a buffer of the entire packet being sent int32_t send_buf(uint8_t * buf, uint32_t len, Connection * connection, uint8_t flag, uint32_t seq_num, uint8_t * packet) { int32_t sentLen = 0; int32_t sendingLen = 0; /* set up the packet (seq#, crc, flag, data) */ if (len > 0) { memcpy(&packet[sizeof(Header)], buf, len); } sendingLen = createHeader(len, flag, seq_num, packet); sentLen = safeSendto(packet, sendingLen, connection); return sentLen; } int createHeader(uint32_t len, uint8_t flag, uint32_t seq_num, uint8_t * packet) { // creates the regular header (puts in packet): seq num, flag, checksum Header * aHeader = (Header *) packet; uint16_t checksum = 0; seq_num = htonl(seq_num); memcpy(&(aHeader->seq_num), &seq_num, sizeof(seq_num)); aHeader->flag = flag; memset(&(aHeader->checksum), 0, sizeof(checksum)); checksum = in_cksum((unsigned short *) packet, len + sizeof(Header)); memcpy(&(aHeader->checksum), &checksum, sizeof(checksum)); return len + sizeof(Header); } // Sets the *buf to the data read in from the socket // len - length of data to read from the socket // Sets the *seq_num to the sequence number // Sets the *flag to the flag // Returns an int32_t with the length of the data in the *buf int32_t recv_buf(uint8_t * buf, int32_t len, int32_t recv_sk_num, Connection * connection, uint8_t * flag, uint32_t * seq_num) { uint8_t data_buf[MAX_LEN]; int32_t recv_len = 0; int32_t dataLen = 0; // Amount of data received from the socket recv_len = safeRecvfrom(recv_sk_num, data_buf, len, connection); // Amount of data received (not including the header dataLen = retrieveHeader(data_buf, recv_len, flag, seq_num); // dataLen could be -1 if crc error or 0 if no data if (dataLen > 0) memcpy(buf, &data_buf[sizeof(Header)], dataLen); return dataLen; } // Looks at the packet from data_buf // Sets the value of the passed in *flag // Converts the sequence number to host order // Sets the value to *seq_num // Now *seq_num points to the beginning of the entire packet including the // header // Returns the length of the data portion of the packet (No Header) // or Returns CRC_ERROR if there is a Checksum error int retrieveHeader(uint8_t * data_buf, int recv_len, uint8_t * flag, uint32_t * seq_num) { Header * aHeader = (Header *) data_buf; int returnValue = 0; if (in_cksum((unsigned short *) data_buf, recv_len) != 0) { returnValue = CRC_ERROR; } else { *flag = aHeader->flag; memcpy(seq_num, &(aHeader->seq_num), sizeof(aHeader->seq_num)); *seq_num = ntohl(*seq_num); returnValue = recv_len - sizeof(Header); } return returnValue; } // client - If used in rcopy the client is the server // retryCount - How many times to retry the sending before timing out // selectTimeoutState - The state returned if select times out // dataReadyState - The state returned if the data is safely read // doneState - The state returned if the the MAX_TRIES (10) is exceeded int processSelect(Connection * client, int * retryCount, int selectTimeoutState, int dataReadyState, int doneState) { // Returns: // doneState if calling this function exceeds MAX_TRIES // selectTimeoutState if the select times out without receiving anything // dataReadyState if select() returns indicating that data is ready for read int returnValue = dataReadyState; (*retryCount)++; if (*retryCount > MAX_TRIES) { printf("No response for other side for %d seconds, terminating connection\n", MAX_TRIES); returnValue = doneState; } else { if (select_call(client->sk_num, SHORT_TIME, 0, NOT_NULL) == 1) { *retryCount = 0; returnValue = dataReadyState; } else { // no data ready returnValue = selectTimeoutState; } } return returnValue; } <file_sep>/2A:Chat/myClient.h #ifndef __MYCLIENT_H__ #define __MYCLIENT_H__ #include <stdio.h> #include <stdlib.h> #include <sys/types.h> #include <sys/stat.h> #include <sys/uio.h> #include <sys/time.h> #include <unistd.h> #include <fcntl.h> #include <string.h> #include <strings.h> #include <sys/socket.h> #include <netinet/in.h> #include <netdb.h> #include "networks.h" #include "flags.h" #include "pollLib.h" #include "macros.h" #include "unitTest.h" #include "parse.h" #include "recvparse.h" #include "test.h" #include "shared.h" void sendToServer(int socketNum, char* sendHandle); void login(char* handle, int socketNum, char* loginBuff); void sendLogin(int socketNum, char* loginBuff, uint16_t sendLen); void runClient(int serverSocket, char* clientHandle); int ackFromServer(int socketNum, char* handle); #endif <file_sep>/3A:Rcopy/args.c #include <string.h> #include <stdlib.h> #include "args.h" void printArgs(Args* args){ printf("Printing the Arguements\n"); printf("From file: %s\n", args->fromFile); printf("To File: %s\n", args->toFile); printf("Window size: %i\n", args->windowSize); printf("Buffer size: %i\n", args->bufferSize); printf("Percent error: %f\n", args->percentError); printf("Remote machine: %s\n", args->remoteMachine); printf("Remote port: %i\n", args->remotePort); } // Checks the number of arguments and assignems them to the Args* void checkArgs(int argc, char * argv[], Args* args) { /* check command line arguments */ if (argc != 8) { printf("usage: %s from-filename to-filename window-size buffer-size error-percent remote-machine remote-port\n", argv[0]); exit(1); } if (strlen(argv[1]) > 100) { printf("FROM filename to long needs to be less than 100 and is: %d\n", (int)strlen(argv[1])); exit(-1); } if (strlen(argv[2]) > 100) { printf("TO filename to long needs to be less than 100 and is: %d\n", (int)strlen(argv[1])); exit(-1); } if (atoi(argv[4]) < 1 || atoi(argv[4]) > 1400) { printf("Buffer size needs to be between 400 and 1400 and is: %d\n", atoi(argv[4])); exit(-1); } if (atoi(argv[3]) < 1) { printf("Window size needs to be greater than 1 and is: %d\n", atoi(argv[3])); exit(-1); } args->fromFile = argv[1]; args->toFile = argv[2]; args->windowSize = atoi(argv[3]); args->bufferSize = atoi(argv[4]); args->percentError = atof(argv[5]); args->remoteMachine = argv[6]; args->remotePort = atoi(argv[7]); if((args->percentError >= 1.0) || (args->percentError < 0.0)){ printf("usage: error-percent: %s, must be between 0 and less than 1\n", argv[3]); exit(1); } } <file_sep>/3A:Rcopy/bg2.sh #!/bin/bash rm ./c2big.txt time ./rcopy ./2big.txt ./c2big.txt 5 1000 .15 unix1.csc.calpoly.edu 8551 diff ./2big.txt ./c2big.txt <file_sep>/3A:Rcopy/rcopy.c /* rcopy - client in stop and wait protocol Writen: <NAME> */ // a bunch of #includes go here! #include "networks.h" #include "srej.h" #include "cpe464.h" #include "args.h" #include "buffer.h" #define HEADERLEN 7 /* #define PRINT */ // Used to store the variables passed between STATES typedef struct statevars StateVars; struct statevars{ uint8_t data_buf[MAX_LEN]; int32_t data_len; int srej_fg; int expSeqNum; int32_t output_file; }; void createStateVars(StateVars* p){ memset(p->data_buf, 0, MAX_LEN); p->data_len = 0; p->srej_fg = 0; p->expSeqNum = 0; p->output_file = 0; } void printStateVars(StateVars* p){ char str[MAX_LEN]; memset(str, 0, MAX_LEN); printf("Print Vars\n"); printf("\tdata_buf: %s\n", convertToString(str, p->data_buf, p->data_len)); printf("\tdata_len: %i\n", p->data_len); printf("\tsrej_fg : %i\n", p->srej_fg); printf("\texpSeqNum: %i\n", p->expSeqNum); printf("\toutput_file: %i\n", p->output_file); } typedef enum State STATE; enum State { DONE, FILENAME, RECV_DATA, FILE_OK, START_STATE, CHECK_BUFFER, CHECK_SREJ_FG }; void stateMachine(Args* args); STATE start_state(StateVars* sv, Args* args, Connection * server); STATE filename(char * fname, Connection * server, Args* args); STATE recv_data(StateVars* sv, Connection * server, Args* args, WindowElement* window); STATE check_buffer(StateVars* sv, Connection * server, Args* args, WindowElement* window); STATE file_ok(StateVars* sv, char * outputFileName); void check_args(int argc, char ** argv); int main ( int argc, char *argv[] ) { Args args; checkArgs(argc, argv, &args); sendErr_init(args.percentError, DROP_ON, FLIP_ON, DEBUG_OFF, RSEED_OFF); stateMachine(&args); return 0; } void printState(STATE state){ switch(state) { case START_STATE: #ifdef PRINT printf("State = START_STATE\n"); #endif break; case FILENAME: #ifdef PRINT printf("State = FILENAME\n"); #endif break; case FILE_OK: #ifdef PRINT printf("State = FILE_OK\n"); #endif break; case RECV_DATA: #ifdef PRINT printf("State = RECV_DATA\n"); #endif break; case CHECK_BUFFER: #ifdef PRINT printf("State = CHECK_BUFFER\n"); #endif break; case DONE: #ifdef PRINT printf("State = DONE\n"); #endif break; default: printf("ERROR - in default state\n"); break; } } void stateMachine(Args* args) { // Args* args needed to get file names, server name and server port number Connection server; WindowElement* window = createWindow(args->windowSize); StateVars sv; createStateVars(&sv); #ifdef PRINT printStateVars(&sv); #endif STATE state = START_STATE; while (state != DONE) { switch (state) { case START_STATE: printState(state); state = start_state(&sv, args, &server); break; case FILENAME: printState(state); state = filename(args->fromFile, &server, args); break; case FILE_OK: printState(state); state = file_ok(&sv, args->toFile); break; case RECV_DATA: printState(state); state = recv_data(&sv, &server, args, window); break; case CHECK_BUFFER: printState(state); state = check_buffer(&sv, &server, args, window); break; case DONE: printState(state); break; default: printf("ERROR - in default state\n"); break; } } } void sendFlag(uint8_t * buf, uint32_t dataLen, Connection * server, uint8_t flag, uint32_t seq_num, uint8_t * packet){ /* Send the setup flag */ // put in buffer size (for sending data) and setup flag printIPv6Info(&server->remote); send_buf(buf, dataLen + HEADERLEN, server, flag, seq_num, packet); } STATE start_state(StateVars* sv, Args* args, Connection * server) { // Returns FILENAME if no error, otherwise DONE (to many connects, cannot // connect to sever) uint8_t packet[MAX_LEN]; uint8_t buf[MAX_LEN]; int fileNameLen = strlen(args->fromFile); STATE returnValue = FILENAME; uint32_t bufferSize = 0; uint32_t windowSize = 0; /* Try connecting to the server */ if (udpClientSetup(args->remoteMachine, args->remotePort, server) < 0) { // could not connect to server= DONE; returnValue = DONE; } else { /* Send the file name, window size, and buffer size */ windowSize = htonl(args->windowSize); bufferSize = htonl(args->bufferSize); memcpy(buf, &windowSize, SIZE_OF_WIN_SIZE); memcpy(&buf[SIZE_OF_WIN_SIZE], &bufferSize, SIZE_OF_BUF_SIZE); memcpy(&buf[SIZE_OF_WIN_SIZE + SIZE_OF_BUF_SIZE], args->fromFile, fileNameLen); #ifdef PRINT printIPv6Info(&server->remote); printf("From file %s, length %i\n", args->fromFile, fileNameLen); #endif send_buf(buf, fileNameLen + SIZE_OF_BUF_SIZE + SIZE_OF_WIN_SIZE, server, FNAME, sv->expSeqNum, packet); (sv->expSeqNum) = START_SEQ_NUM; returnValue = FILENAME; } return returnValue; } STATE filename(char * fname, Connection * server, Args* args) { // Send the file name, get response // return START_STATE if no reply from server, DONE if bad filename, // FILE_OK otherwise int returnValue = START_STATE; uint8_t packet[MAX_LEN]; uint8_t flag = 0; uint32_t seq_num = 0; int32_t recv_check = 0; static int retryCount = 0; #ifdef PRINT printf("Retry count %i\n", retryCount); #endif if ((returnValue = processSelect(server, &retryCount, START_STATE, FILE_OK, DONE)) == FILE_OK) { recv_check = recv_buf(packet, MAX_LEN, server->sk_num, server, &flag, &seq_num); /* check for bit flip */ if (recv_check == CRC_ERROR) { returnValue = START_STATE; } else if (flag == FNAME_BAD) { printf("File %s not found\n", fname); returnValue = DONE; } else if (flag == DATA) { // file yes/no packet lost - instead its a data packet returnValue = FILE_OK; } } return(returnValue); } STATE file_ok(StateVars* sv, char * outputFileName) { STATE returnValue = DONE; if ((sv->output_file = open(outputFileName, O_CREAT | O_TRUNC | O_WRONLY, 0600)) < 0) { perror("File open error: "); returnValue = DONE; } else { returnValue = RECV_DATA; } return returnValue; } STATE recv_data(StateVars* sv, Connection * server, Args* args, WindowElement* window) { uint32_t recSeqNum = 0; uint32_t ackSeqNum = 0; uint8_t flag = 0; #ifdef PRINT char dataString[MAX_LEN]; // Null terminating string of the data #endif uint8_t packet[args->bufferSize + HEADERLEN]; WindowElement element; if (select_call(server->sk_num, LONG_TIME, 0, NOT_NULL) == 0) { printf("Timeout after 10 seconds, server must be gone.\n"); return DONE; } // data_len = length of just the data portion // Sets the value of the flag // Sets the value of the recSeqNum sv->data_len = recv_buf(sv->data_buf, args->bufferSize + HEADERLEN, server->sk_num, server, &flag, &recSeqNum); /* do state RECV_DATA again if there is a crc error (don't send ack, don't * write data) */ if (sv->data_len == CRC_ERROR) { return RECV_DATA; } if (flag == END_OF_FILE) { /* send ACK */ (sv->expSeqNum)++; send_buf(packet, 1, server, EOF_ACK, sv->expSeqNum, packet); #ifdef PRINT printf("File done\n"); #endif return DONE; } #ifdef PRINT printf("receieved sequence number: %i\n", recSeqNum); #endif if (recSeqNum < sv->expSeqNum){ /* send sv->expSeqNum ACK but don't increase the sequence number as this is an old * packet */ ackSeqNum = htonl(sv->expSeqNum); send_buf((uint8_t *)&ackSeqNum, sizeof(ackSeqNum), server, ACK, sv->expSeqNum, packet); return RECV_DATA; } else if (recSeqNum == sv->expSeqNum) { // Received an expected packet /* Increase sequence number and set srej flag */ (sv->expSeqNum)++; sv->srej_fg = 0; /* write to file */ #ifdef PRINT printf("Outputing to file %s\n", convertToString(dataString, sv->data_buf, sv->data_len)); #endif write(sv->output_file, &(sv->data_buf), sv->data_len); return CHECK_BUFFER; } else if (recSeqNum > sv->expSeqNum){ /* Lost a packet so add the received packet to the buffer */ createWindowElement(&element, sv->data_buf, sv->data_len); addElement(recSeqNum, element, window, args->windowSize); /* send SREJ */ if(sv->srej_fg == 0){ ackSeqNum = htonl(sv->expSeqNum); send_buf((uint8_t *)&ackSeqNum, sizeof(ackSeqNum), server, FSREJ, sv->expSeqNum, packet); sv->srej_fg = 1; } return RECV_DATA; } return RECV_DATA; } STATE check_buffer(StateVars* sv, Connection * server, Args* args, WindowElement* window){ uint32_t ackSeqNum = 0; uint8_t packet[args->bufferSize + HEADERLEN]; #ifdef PRINT char dataString[MAX_LEN]; #endif WindowElement newElement; // Check if the whole window is empty. If it is return with an RR of the // current sequence number if(isWindowEmpty(window, args->windowSize) == EMPTY){ /* send ACK */ ackSeqNum = htonl(sv->expSeqNum); send_buf((uint8_t *)&ackSeqNum, sizeof(ackSeqNum), server, ACK, sv->expSeqNum, packet); return RECV_DATA; } // If window is not empty check the current spot in the buffer if this is empty // send SREJ of the current sequence number since there is other data missing if(isEmptySpot(sv->expSeqNum, window, args->windowSize) == EMPTY){ /* send SREJ */ ackSeqNum = htonl(sv->expSeqNum); send_buf((uint8_t *)&ackSeqNum, sizeof(ackSeqNum), server, FSREJ, sv->expSeqNum, packet); return RECV_DATA; } // Not empty else if(isEmptySpot(sv->expSeqNum, window, args->windowSize) == FULL){ /* write to file */ getElement(sv->expSeqNum, &newElement, window, args->windowSize); #ifdef PRINT printf("Outputing to file %s\n", convertToString(dataString, newElement.data_buf, newElement.data_len)); #endif write(sv->output_file, &(newElement.data_buf), newElement.data_len); deleteElement(sv->expSeqNum, window, args->windowSize); /* Increase sequence number */ (sv->expSeqNum)++; return CHECK_BUFFER; } else{ printf("YOU SHOULD NOT BE HERE: ERROR WITH isEmptySpot Function\n"); } return RECV_DATA; } <file_sep>/2A:Chat/linkedlist.c #include "linkedlist.h" #define TRUE 1 #define FALSE 0 //#define PRINT // Caleb's malloc to stop errors void* cMalloc(size_t size){ void* val = malloc(size); if(val == NULL){ perror("Error with malloc"); exit(EXIT_FAILURE); } return val; } int findListLength(Node* head){ int i = 0; if(head == NULL){ return i; } while(head != NULL){ i++; // Move head along head = head->next; } return i; } void printNode(Node* n){ if(n == NULL){ printf("\tNode == NULL\n"); return; } printf("\t%s | SN: %i |",n->handle, n->socketNum); if(n->next != NULL){ printf("-> %s\n", n->next->handle); } else if(n->next == NULL){ printf("\t-> NULL\n"); } } // Prints all the nodes in the linked list void printLinkedList(Node* head){ printf("\nCurrent Linked List of Handles:\n"); Node* curVal = head; if(head == NULL){ printf("\t-> NULL\n"); return; } while(curVal != NULL){ printNode(curVal); // Move curVal along curVal = curVal->next; } printf("\n"); } // Dynaically creates a new node and returns a pointer to it Node* makeNode(char* handle, int socketNum){ Node* n = cMalloc(sizeof(Node)); strcpy(n->handle,handle); n->socketNum = socketNum; n->next = NULL; return n; } // Checks to see if the given handle is available int available(Node* head, char* handle){ Node* curVal = head; //char* temp = curVal->handle; while(curVal != NULL){ if(strcmp(curVal->handle,handle) == 0){ // Found the node return FALSE; } // Move curVal along curVal = curVal->next; } return TRUE; } // Adds a node to the beginning of the list and returns the new head of the list Node* addNode(Node* head, Node* node){ if(node == NULL){ printf("Your node is %s. Please add a non NULL node\n", (char*)node); return head; } if(available(head, node->handle)){ Node* prevHead = head; head = node; head->next = prevHead; } return head; } // Finds the socket associated with the handle // Returns 0 if the handle was not found int findSocket(Node* head, char* handle){ Node* curVal = head; while(curVal != NULL){ if(strcmp(curVal->handle,handle) == 0){ // Found the node return curVal->socketNum; } // Move curVal along curVal = curVal->next; } return 0; } // Finds the node at the designated index // Index starts at 0 for the first node Node* findNodeIndex(Node* head, int index){ int i = 0; if(head == NULL){ #ifdef PRINT printf("Your head is %s. Please use a non NULL head\n", (char*)head); #endif return head; } for(i = 0; i < index; i ++){ if(head == NULL){ fprintf(stderr, "Index %i is out of range\n", index); return NULL; } head = head->next; } return head; } // Finds the node associated with the socket number Node* findNode(Node* head, int socketNum){ if(head == NULL){ #ifdef PRINT printf("Your head is %s. Please use a non NULL head\n", (char*)head); #endif return head; } while(head != NULL){ if(head->socketNum == socketNum){ return head; } head = head->next; } return head; } // Searches through the list and removes the node and returns the new head of // the list Node* removeNode(Node* head, Node* node){ Node* curVal = head; Node* temp = NULL; Node* prev = NULL; if(node == NULL){ #ifdef PRINT printf("Your node is %s. Please remove a non NULL node\n", (char*)node); #endif return head; } if(head == NULL){ #ifdef PRINT printf("Your head is %s. There are no nodes in your list\n", (char*)head); #endif return head; } if(strcmp(head->handle,node->handle) == 0){ // Removing the head of list temp = curVal; #ifdef PRINT printf("Removing the head: '%s' from the handle list\n", temp->handle); #endif head = node->next; free(temp); #ifdef PRINT printf("Head: '%p' \n", (void*)head); #endif return head; } // Since it is not the head, moving the curVal forward curVal = head->next; // Setting the previous value prev = head; while(curVal != NULL){ // Removing inner node if(strcmp(curVal->handle,node->handle) == 0){ // Found the node #ifdef PRINT printf("Removed %s from the handle list\n", curVal->handle); #endif prev->next = node->next; #ifdef PRINT printNode(node); #endif free(curVal); return head; } // Set prev to curVal prev = curVal; // Move curVal along curVal = curVal->next; } #ifdef PRINT printf("Handle could not be removed because it does not exist\n"); #endif return head; } Node* makeLinkedList(){ Node* n = cMalloc(sizeof(Node)); n = NULL; return n; } <file_sep>/2A:Chat/macros.h #ifndef __MACROS_H__ #define __MACROS_H__ #define TRUE 1 #define FALSE 0 #define TYPE_M 1 #define TYPE_B 2 #define TYPE_E 3 #define TYPE_L 4 #define DEFAULT_PDULEN 3 #define HEADER_LEN 2 #define MAX_SEND_TXT 200 #define MAX_HANDLE_SIZE 100 #define MAX_SEND_LEN 1515 #define CHAT_HEADER_LEN 3 #define DEBUG_FLAG 0 #define NUM_DEST_BYTE 1 #define SEND_HANDLE_BYTE 1 #define HANDLE_BYTE 1 #define FLAGBYTE 1 #define FLAG_11_LEN 11 #define MAX_LOGIN_SIZE 104 //Max size of 100 Character handle + 4 Bytes Header #endif <file_sep>/1A:Trace/handin/trace.c /* <NAME>, <EMAIL> * Created 4/19/2020 */ /* Uncomment the below lines to turn on print statments for debugging */ /* #define DEBUG #define IPDEBUG */ #include "trace.h" #include "checksum.h" #include <stdio.h> #include <stdlib.h> #include <pcap/pcap.h> #define ETHER_ADDR_SIZE 6 #define REQUEST 1 #define REPLY 2 #define ARP 0x0806 #define IP 0x0800 /* Number of bytes the ARP Opcode is from the beginning of the frame */ #define OPCODE_OFFSET 20 /* ARP_MAC_OFFSET is the number of bytes between the Sender MAC address and the * Target MAC address in the ARP Header */ #define ARP_MAC_OFFSET 10 /* ARP_IP_OFFSET is the number of bytes between the Sender IP address and the * Target IP address in the ARP Header */ #define ARP_IP_OFFSET 10 /* Number of bytes the IP Header Length is from the beginning of the frame */ #define IP_HEADERLEN_OFFSET 14 #define TCP 6 #define ICMP 1 #define UDP 17 /* CHECKSUM_VALEU is found by manually adding each word in IP Header */ #define CHECKSUM_VALUE 0xFFFF #define PING_REQUEST 8 #define PING_REPLY 0 /* Flags for TCP Header */ #define ACK_FLG 0x0010 #define SYN_FLG 0x0002 #define RST_FLG 0x0004 #define FIN_FLG 0x0001 void printPacketNumLen(int number, int frame){ printf("\nPacket number: %i Frame Len: %i\n\n", number, frame); printf("\tEthernet Header\n"); } /* Fills in the passed in struct ethHeader with data from the void* pkt_data */ void createEthHeader(struct ethHeader* eHeader, void* pkt_data){ int i = 0; for(i = 0; i < ETHER_ADDR_SIZE; i ++){ eHeader->dst.ether_addr_octet[i] = ((uint8_t*)(pkt_data))[i]; eHeader->src.ether_addr_octet[i] = ((uint8_t*)(pkt_data))[i+ETHER_ADDR_SIZE]; } pkt_data += sizeof(uint8_t) * 2 * ETHER_ADDR_SIZE; eHeader->type = ntohs(*((uint16_t*)pkt_data)); } /* uint16_t -> char* * Takes in a uint16_t and returns a string representing the ethernet type */ char* findEthType(uint16_t i){ if(i == 0x0800){ return "IP"; } if(i == 0x0806){ return "ARP"; } return "Unknown"; } /* struct ethHeader* -> void * Prints out the ethHeader destination address in IPv4 numbers and colon * notation */ void printEthHeader(struct ethHeader* eHeader){ char* s; s = ether_ntoa(&(eHeader->dst)); printf("\t\tDest MAC: %s\n", s); s = ether_ntoa(&(eHeader->src)); printf("\t\tSource MAC: %s\n", s); printf("\t\tType: %s\n\n", findEthType(eHeader->type)); } /* Returns an int representing if the next packet was successful */ int findNextHeader(pcap_t* pcap_file, struct pcap_pkthdr** pkt_header, const u_char** pkt_data){ int pcap_next_ret = 1; pcap_next_ret = pcap_next_ex(pcap_file, pkt_header, pkt_data); /* From the man pages about pcap_next_ex return value * 1 = packet was read without problems * 0 = packets are being read from a live capture and the timeout expired * -1 = Error occured * -2 = Packets being read from a ``savefile'' and no more packets to read */ return pcap_next_ret; } /* Finds, creates, and outputs the ethernet header */ /* Takes in a struct ethHeader* , struct pcacp_pkthdr* , void* and outputs and * int representing the next type of packet following the Ethernet header */ int outputEthHeader(struct pcap_pkthdr* pkt_header, void* pkt_data, int i){ struct ethHeader eHeader; createEthHeader(&eHeader, pkt_data); printPacketNumLen(i, (pkt_header)->len); printEthHeader(&eHeader); if(eHeader.type == ARP) return ARP; else if(eHeader.type == IP) return IP; else return 0; } /* Converts an Arp header opcode to a string */ /* Takes in a uint16_t and returns a char* */ char* opCodeToStr(uint16_t opcode){ if(opcode == REQUEST) return "Request"; else if(opcode == REPLY) return "Reply"; else return "Unknown"; } /* Prints out the arpHeader */ void printArpHeader(struct arpHeader* aHeader){ printf("\tARP header\n"); printf("\t\tOpcode: %s\n", opCodeToStr(aHeader->opcode)); printf("\t\tSender MAC: %s\n", ether_ntoa(&(aHeader->senderMac))); printf("\t\tSender IP: %i.", aHeader->senderIP[0]); printf("%i.", aHeader->senderIP[1]); printf("%i.", aHeader->senderIP[2]); printf("%i\n", aHeader->senderIP[3]); printf("\t\tTarget MAC: %s\n", ether_ntoa(&(aHeader->targetMac))); printf("\t\tTarget IP: %i.", aHeader->targetIP[0]); printf("%i.", aHeader->targetIP[1]); printf("%i.", aHeader->targetIP[2]); printf("%i\n\n", aHeader->targetIP[3]); } /* Fills in the passed in struct arpHeader pointer with data from the * void* pkt_data and returns void */ void createArpHeader(struct arpHeader* aHeader, void* pkt_data){ int i = 0; /* Moving the pkt_data pointer to the Opcode */ pkt_data += sizeof(uint8_t) * OPCODE_OFFSET; aHeader->opcode = ntohs(*((uint16_t*)pkt_data)); /* Move the pkt_data pointer to senderMac */ pkt_data += sizeof((*aHeader).opcode); for(i = 0; i < ETHER_ADDR_SIZE; i ++){ aHeader->senderMac.ether_addr_octet[i] = ((uint8_t*)(pkt_data))[i]; aHeader->targetMac.ether_addr_octet[i] = ((uint8_t*)(pkt_data))[i+ARP_IP_OFFSET]; } /* Move the pkt_data pointer to sender IP address */ pkt_data += sizeof((*aHeader).senderMac); for(i = 0; i < IP_ADDR_SIZE; i ++){ aHeader->senderIP[i] = ((uint8_t*)(pkt_data))[i]; aHeader->targetIP[i] = ((uint8_t*)(pkt_data))[i+ARP_IP_OFFSET]; } } /* Outputs the ARP Header given a void* to the pkt_data */ void outputArpHeader(void* pkt_data){ struct arpHeader aHeader; createArpHeader(&aHeader, pkt_data); printArpHeader(&aHeader); } /* Calculates the checksum of an ipHeader* and fills in the ipHeader* */ void findIP_CS(struct ipHeader* iHeader, void* pkt_data){ uint16_t calc_cs = 0; /* The calculated checksum */ uint16_t ipWords = 0; /* Round IP Words up */ ipWords = iHeader->headerLen; /* Moving the pkt_data pointer to the IP's header length */ pkt_data += sizeof(uint8_t) * IP_HEADERLEN_OFFSET; calc_cs = in_cksum((unsigned short*) pkt_data, ipWords); #ifdef IPDEBUG printf("CS = %i\n", calc_cs); printf("CHECKSUMVALUE = %i\n", CHECKSUM_VALUE); #endif if(calc_cs == 0) iHeader->checksum_flg = "Correct"; else iHeader->checksum_flg = "Incorrect"; } /* Converts an ipHeader lenth from a byte to the "Actual Length" * "Actual Length" = lower 4 bits * 4 Bytes (Size of word) */ uint8_t convertLen(uint8_t rawLength){ uint8_t actLength; actLength = (rawLength & 0xF) * 4; return actLength; } /* Fills in the passed in struct ipHeader pointer with data from the * void* pkt_data and returns void */ void createIpHeader(struct ipHeader* iHeader, void* pkt_data){ int i = 0; void* saved_pkt_data = pkt_data; /* Moving the pkt_data pointer to the IP's header length */ pkt_data += sizeof(uint8_t) * IP_HEADERLEN_OFFSET; iHeader->headerLen = convertLen(*((uint8_t*)pkt_data)); /* Moving the pkt_data pointer one byte forward */ pkt_data += sizeof(uint8_t); iHeader->tos = *((uint8_t*)pkt_data); /* Moving the pkt_data pointer one byte forward */ pkt_data += sizeof(uint8_t); iHeader->pduLen = ntohs(*((uint16_t*)pkt_data)); /* Moving the pkt_data pointer to the ttl which is 6 bytes after pduLen */ pkt_data += sizeof(uint8_t) * 6; iHeader->ttl= *((uint8_t*)pkt_data); /* Moving the pkt_data pointer one byte forward */ pkt_data += sizeof(uint8_t); iHeader->protocol = *((uint8_t*)pkt_data); /* Moving the pkt_data pointer one byte forward */ pkt_data += sizeof(uint8_t); /* Filling out the checksum */ iHeader->checksum[0] = *((uint8_t*)pkt_data); pkt_data += sizeof(uint8_t); iHeader->checksum[1] = *((uint8_t*)pkt_data); pkt_data += sizeof(uint8_t); for(i = 0; i < IP_ADDR_SIZE; i ++){ iHeader->senderIP[i] = ((uint8_t*)(pkt_data))[i]; iHeader->destIP[i] = ((uint8_t*)(pkt_data))[i+IP_ADDR_SIZE]; } findIP_CS(iHeader, saved_pkt_data); } /* Returns the associated protocol name given a struct ipHeader* */ /* TCP = 6, ICMP = 1, UDP = 17 */ char* toWord(struct ipHeader* iHeader){ if(iHeader->protocol == TCP) return "TCP"; else if(iHeader->protocol == ICMP) return "ICMP"; else if(iHeader->protocol == UDP) return "UDP"; return "Unknown"; } /* Prints out the IP Header */ void printIpHeader(struct ipHeader* iHeader){ printf("\tIP Header\n"); printf("\t\tHeader Len: %u (bytes)\n", iHeader->headerLen); printf("\t\tTOS: 0x%x\n", iHeader->tos); printf("\t\tTTL: %i\n", iHeader->ttl); printf("\t\tIP PDU Len: %i (bytes)\n", iHeader->pduLen); printf("\t\tProtocol: %s\n", toWord(iHeader)); if(iHeader->checksum[1] == 0){ printf("\t\tChecksum: %s (0x%x)\n", iHeader->checksum_flg, iHeader->checksum[0]); } else{ printf("\t\tChecksum: %s (0x%x%02x)\n", iHeader->checksum_flg, iHeader->checksum[1], iHeader->checksum[0]); } printf("\t\tSender IP: %i.", iHeader->senderIP[0]); printf("%i.", iHeader->senderIP[1]); printf("%i.", iHeader->senderIP[2]); printf("%i\n", iHeader->senderIP[3]); printf("\t\tDest IP: %i.", iHeader->destIP[0]); printf("%i.", iHeader->destIP[1]); printf("%i.", iHeader->destIP[2]); printf("%i\n", iHeader->destIP[3]); } /* Converts the ping number (reply or request) to a string */ char* getPingType(uint8_t type){ if(type == PING_REPLY) return "Reply"; else if(type == PING_REQUEST) return "Request"; return "109"; } /* Prints the ping packet (ICMP) header */ void printICMPHeader(struct ipHeader* iHeader, void* pkt_data){ uint8_t type; uint16_t icmp_offset; icmp_offset = IP_HEADERLEN_OFFSET + iHeader->headerLen; pkt_data += sizeof(uint8_t) * icmp_offset; type = *((uint8_t*)pkt_data); printf("\n\tICMP Header\n"); printf("\t\tType: %s\n", getPingType(type)); } /* Prints the UDP Header */ void printUDPHeader(struct ipHeader* iHeader, void *pkt_data){ uint16_t src; uint16_t dst; uint16_t udp_offset; udp_offset = IP_HEADERLEN_OFFSET + iHeader->headerLen; pkt_data += sizeof(uint8_t) * udp_offset; src = ntohs(*((uint16_t*)pkt_data)); pkt_data += sizeof(uint16_t); dst = ntohs(*((uint16_t*)pkt_data)); printf("\n\tUDP Header\n"); printf("\t\tSource Port: : %u\n", src); printf("\t\tDest Port: : %u\n", dst); } /* Print TCP Ack Number */ void printACKNum(uint32_t ackNum, uint16_t flgs){ if(ackNum == 0) printf("\t\tACK Number: <not valid>\n"); else if(ackNum != 0 && ((flgs & ACK_FLG) == 0)) printf("\t\tACK Number: <not valid>\n"); else printf("\t\tACK Number: %lu\n", (unsigned long)ackNum); } /* Print TCP flags */ void printFlags(uint16_t flgs){ if(flgs & ACK_FLG) printf("\t\tACK Flag: Yes\n"); else printf("\t\tACK Flag: No\n"); if(flgs & SYN_FLG) printf("\t\tSYN Flag: Yes\n"); else printf("\t\tSYN Flag: No\n"); if(flgs & RST_FLG) printf("\t\tRST Flag: Yes\n"); else printf("\t\tRST Flag: No\n"); if(flgs & FIN_FLG) printf("\t\tFIN Flag: Yes\n"); else printf("\t\tFIN Flag: No\n"); } /* Adds the value to the checksum and adjusts for overflow */ void addVal(uint16_t val, uint16_t* calc_cs){ /* If you overflow add one to the checksum */ uint16_t prev_calc_cs = *calc_cs; *calc_cs += val; if(*calc_cs < prev_calc_cs) *calc_cs += 1; } /* Determins if the TCP checksum is correct */ char* findTCP_CS(void* pkt_data, struct ipHeader* iHeader){ uint16_t calc_cs = 0; /* The calculated checksum */ uint16_t IpWord = 0; uint16_t base_cs = 0; uint16_t tcpLength = 0; uint16_t tcpWords = 0; uint16_t tcp_offset; /* Moving the pkt_data pointer to the beginning of the TCP's header length */ tcp_offset = IP_HEADERLEN_OFFSET + iHeader->headerLen; pkt_data += sizeof(uint8_t) * tcp_offset; /* tcpLength in bytes * This is found by taking the total IP Length - IP Header length */ tcpLength = iHeader->pduLen - iHeader->headerLen; #ifdef DEBUG printf("tcpLength %i\n", tcpLength); #endif /* Must divide by 2 to get words since it is set to tcpLength which is in * bytes */ tcpWords = tcpWords/2; base_cs = in_cksum((unsigned short*) pkt_data, tcpLength); /* Must invert the checksum then convert it to host order to add pseudo * header */ base_cs = ~base_cs; base_cs = ntohs(base_cs); #ifdef DEBUG printf("base_cs 0x%x\n", base_cs); printf("tcpWords %i\n", tcpWords); #endif #ifdef DEBUG printf("BASE base_cs 0x%06x\n", base_cs); printf("myCS = 0x%06x\n", calc_cs); #endif calc_cs = base_cs; /* Adding the TCP Pseudo Header */ addVal(TCP, &calc_cs); #ifdef DEBUG printf("TCP = 0x%x\n", TCP); printf("calc_cs = 0x%x\n", calc_cs); #endif addVal(tcpLength, &calc_cs); #ifdef DEBUG printf("tcpLength = 0x%x\n", tcpLength); printf("calc_cs = 0x%x\n", calc_cs); #endif /* Multiply by 256 to shift over the first char by one byte */ IpWord = iHeader->senderIP[0] * 256 + iHeader->senderIP[1]; addVal(IpWord, &calc_cs); #ifdef DEBUG printf("senderIP 1 = 0x%x\n", IpWord); #endif IpWord = iHeader->senderIP[2] * 256 + iHeader->senderIP[3]; addVal(IpWord, &calc_cs); #ifdef DEBUG printf("senderIP 2 = 0x%x\n", IpWord); #endif IpWord = iHeader->destIP[0] * 256 + iHeader->destIP[1]; addVal(IpWord, &calc_cs); #ifdef DEBUG printf("destIP 1 = 0x%x\n", IpWord); #endif IpWord = iHeader->destIP[2] * 256 + iHeader->destIP[3]; addVal(IpWord, &calc_cs); #ifdef DEBUG printf("destIP 2 = 0x%x\n", IpWord); printf("calc_cs Integer = %i\n", calc_cs); printf("CHECKSUMVALUE = %i\n", CHECKSUM_VALUE); #endif if(calc_cs == CHECKSUM_VALUE) return "Correct"; else return "Incorrect"; return "Incorrect"; } /* Prints the TCP Header */ void printTCPHeader(struct ipHeader* iHeader, void *pkt_data){ uint16_t src, dst, flgs, winSize, tcp_offset; uint32_t sqNum, ackNum; uint8_t checksum[2]; /* 2 Bytes representing the checksum */ void* saved_pkt_data = pkt_data; tcp_offset = IP_HEADERLEN_OFFSET + iHeader->headerLen; pkt_data += sizeof(uint8_t) * tcp_offset; src = ntohs(*((uint16_t*)pkt_data)); pkt_data += sizeof(uint16_t); dst = ntohs(*((uint16_t*)pkt_data)); pkt_data += sizeof(uint16_t); sqNum = ntohl(*((uint32_t*)pkt_data)); pkt_data += sizeof(uint32_t); ackNum = ntohl(*((uint32_t*)pkt_data)); pkt_data += sizeof(uint32_t); flgs = ntohs(*((uint16_t*)pkt_data)); pkt_data += sizeof(uint16_t); winSize = ntohs(*((uint16_t*)pkt_data)); pkt_data += sizeof(uint16_t); /* Filling out the checksum */ checksum[0] = *((uint8_t*)pkt_data); pkt_data += sizeof(uint8_t); checksum[1] = *((uint8_t*)pkt_data); pkt_data += sizeof(uint8_t); printf("\n\tTCP Header\n"); if(src == 80) printf("\t\tSource Port: HTTP\n"); else printf("\t\tSource Port: : %u\n", src); if(dst == 80) printf("\t\tDest Port: HTTP\n"); else printf("\t\tDest Port: : %u\n", dst); printf("\t\tSequence Number: %lu\n", (unsigned long)sqNum); printACKNum(ackNum, flgs); printFlags(flgs); printf("\t\tWindow Size: %u\n", winSize); if(checksum[0] == 0){ printf("\t\tChecksum: %s (0x%02x)\n", findTCP_CS(saved_pkt_data, iHeader), checksum[1]); } else{ printf("\t\tChecksum: %s (0x%x%02x)\n", findTCP_CS(saved_pkt_data, iHeader), checksum[0], checksum[1]); } } /* Outputs the IP Header given a void* to the pkt_data */ void outputIpHeader(void* pkt_data){ struct ipHeader iHeader; createIpHeader(&iHeader, pkt_data); printIpHeader(&iHeader); if(iHeader.protocol == TCP){ printTCPHeader(&iHeader, pkt_data); } else if (iHeader.protocol == ICMP){ printICMPHeader(&iHeader, pkt_data); } else if (iHeader.protocol == UDP){ printUDPHeader(&iHeader, pkt_data); } } /* Prints the data stored in the header and all designated fields */ /* struct pcap_pkthdr* pkt_header, u_char* pkt_data, int i -> void */ void printHeader(const u_char* pkt_data, struct pcap_pkthdr* pkt_header, int i){ uint16_t type; type = outputEthHeader(pkt_header, (void*)pkt_data, i); if(type == ARP){ outputArpHeader((void*)pkt_data); } else if(type == IP){ outputIpHeader((void*)pkt_data); } } /* Find all the Ethernet Headers */ void printAllHeaders(pcap_t* pcap_file){ struct pcap_pkthdr* pkt_header; const u_char* pkt_data; //struct ethHeader eHeader; int pcap_next_ret = 1; int i = 1; while(pcap_next_ret == 1){ pcap_next_ret = findNextHeader(pcap_file, &pkt_header, &pkt_data); if(pcap_next_ret == -2){ return; } printHeader(pkt_data, pkt_header, i); i++; } } int main(int argc, char * argv[]) { char errbuf[PCAP_ERRBUF_SIZE]; const char* fname; pcap_t* pcap_file; /* Error checking if no input file */ if(argc < 2){ fprintf(stderr, "No input file\n"); exit(EXIT_FAILURE); } /* Saving input file */ fname = argv[1]; /* Error checking for pcap */ if((pcap_file = pcap_open_offline(fname, errbuf)) == NULL){ /* Error occured while opening the file */ fprintf(stderr, "Error while opening the pcap file: %s\n", errbuf); exit(EXIT_FAILURE); } printAllHeaders(pcap_file); return 0; } <file_sep>/3A:Rcopy/tiny.sh #!/bin/bash rm ./ctiny.txt time ./rcopy ./tiny.txt ./ctiny.txt 10 1000 .28 unix1.csc.calpoly.edu 4551 diff ./tiny.txt ./ctiny.txt <file_sep>/SocketsLab/Makefile # Makefile for CPE464 tcp test code # written by <NAME> - April 2019 CC= gcc CFLAGS= -g -Wall LIBS = all: sClient sServer sClient: sClient.c networks.o gethostbyname6.o $(CC) $(CFLAGS) -o cclient sClient.c networks.o gethostbyname6.o $(LIBS) sServer: sServer.c networks.o gethostbyname6.o $(CC) $(CFLAGS) -o server sServer.c networks.o gethostbyname6.o $(LIBS) .c.o: gcc -c $(CFLAGS) $< -o $@ $(LIBS) cleano: rm -f *.o clean: rm -f cclient server sServer sClient *.o <file_sep>/2A:Chat/flags.h #ifndef __FLAGS_H__ #define __FLAGS_H__ #define FLAG_1 1 #define FLAG_2 2 #define FLAG_3 3 #define FLAG_4 4 #define FLAG_5 5 #define FLAG_6 6 // Not Used #define FLAG_7 7 #define FLAG_8 8 #define FLAG_9 9 #define FLAG_10 10 #define FLAG_11 11 #define FLAG_12 12 #define FLAG_13 13 #endif <file_sep>/2A:Chat/parse.h #ifndef __PARSE_H__ #define __PARSE_H__ #include <stdint.h> char* stepString(char* stdbuf); int findType(char* stdbuf); int convertCharType(char type); void findStr(char* stdbuf, char* str, int len); int8_t convertStrToInt(char* str); int getHandleNum(char* stdbuf, char* sendbuf, char* sendHandle); char* fillSender(char* sendbuf, char* sendHandle); int isNumber(char* str); char* findFirstHandle(char* stdbuf); char* fillHandle(char* sendbuf, char* handle); int proc_M(char* stdbuf, char* sendbuf, char* sendHandle); char* fillText(char* sendbuf, char* text); int procStdin(char* stdbuf, char* sendbuf, char* sendHandle); int proc_E(char* sendbuf); int getFromStdin(char * stdbuf); void fillChatHeader(char* sendbuf, int flag, int pduLen); #endif <file_sep>/3A:Rcopy/md.sh #!/bin/bash rm ./cmed.txt time ./rcopy ./med.txt ./cmed.txt 10 1000 .20 unix1.csc.calpoly.edu 6551 diff ./med.txt ./cmed.txt <file_sep>/3A:Rcopy/server.c /* Server stop and wait code - Writen: <NAME> */ // bunch of #includes go here #include <sys/types.h> #include <sys/wait.h> #include "networks.h" #include "srej.h" #include "cpe464.h" #include "buffer.h" /* #define PRINT #define WAITLASTRR #define PRINTSTATES */ typedef struct wptr WPtr; struct wptr{ int l; int c; int u; }; typedef enum State STATE; enum State { START, DONE, FILENAME, CHECK_WINDOW, SEND_DATA, WAIT_LAST_RR, CHECK_RR_SREJ, TIMEOUT_ON_ACK, WAIT_ON_EOF_ACK, TIMEOUT_ON_EOF_ACK }; void process_server(int serverSocketNumber); void process_client(int32_t serverSocketNumber, uint8_t * buf, int32_t recv_len, Connection * client); STATE filename(Connection * client, uint8_t * buf, int32_t recv_len, int32_t * data_file, int32_t * windowSize, int32_t * buf_size); STATE wait_on_eof_ack(Connection * client, uint32_t expSeqNum); int processArgs(int argc, char ** argv); int main ( int argc, char *argv[]) { int32_t serverSocketNumber = 0; int portNumber = 0; portNumber = processArgs(argc, argv); sendtoErr_init(atof(argv[1]), DROP_ON, FLIP_ON, DEBUG_OFF, RSEED_OFF); /* set up the main server port */ serverSocketNumber = udpServerSetup(portNumber); process_server(serverSocketNumber); return 0; } void process_server(int serverSocketNumber) { pid_t pid = 0; int status = 0; uint8_t buf[MAX_LEN]; Connection client; uint8_t flag = 0; uint32_t seq_num =0; int32_t recv_len = 0; // get new client connection, fork() child, parent processes nonblocking // waitpid() while (1) { // block waiting for a new client if (select_call(serverSocketNumber, LONG_TIME, 0, NOT_NULL) == 1) { recv_len = recv_buf(buf, MAX_LEN, serverSocketNumber, &client, &flag, &seq_num); if (recv_len != CRC_ERROR) { if ((pid = fork()) < 0) { perror("fork"); exit(-1); } if (pid == 0) { // child process - a new process for each client #ifdef PRINT printf("Child fork() - child pid: %d\n", getpid()); printf("buf %s\n", &buf[8]); printf("**rec_len %i\n", recv_len); #endif process_client(serverSocketNumber, buf, recv_len, &client); exit(0); } } } // check to see if any children quit (only get here in the parent process) while (waitpid(-1, &status, WNOHANG) > 0) { } } } STATE filename(Connection * client, uint8_t * buf, int32_t recv_len, int32_t * data_file, int32_t * windowSize, int32_t * buf_size) { uint8_t response[1]; char fname[MAX_LEN]; STATE returnValue = DONE; // extract buffer sized used for sending data and also filename memcpy(windowSize, buf, SIZE_OF_WIN_SIZE); *windowSize = ntohl(*windowSize); #ifdef PRINT printf("WinSize = %i\n", *windowSize); #endif memcpy(buf_size, &buf[SIZE_OF_WIN_SIZE], SIZE_OF_BUF_SIZE); *buf_size = ntohl(*buf_size); #ifdef PRINT printf("BufSize = %i\n", *buf_size); printf("Recieved Length = %i\n", recv_len); #endif memcpy(fname, &buf[sizeof(*windowSize) + sizeof(*buf_size)], recv_len - SIZE_OF_WIN_SIZE - SIZE_OF_BUF_SIZE + 1); // Null Terminate the string fname[recv_len - SIZE_OF_WIN_SIZE - SIZE_OF_BUF_SIZE] = '\0'; #ifdef PRINT printf("FName = %s\n", fname); #endif /* Create client socket to allow for processing this particular client */ client->sk_num = safeGetUdpSocket(); if (((*data_file) = open(fname, O_RDONLY)) < 0) { send_buf(response, 0, client, FNAME_BAD, 0, buf); returnValue = DONE; } else { send_buf(response, 0, client, FNAME_OK, 0, buf); returnValue = CHECK_WINDOW; } return returnValue; } void resend(Connection* client, WindowElement* window, uint32_t windowSize, uint32_t seq_num){ uint8_t packet[MAX_LEN]; WindowElement element; getElement(seq_num, &element, window, windowSize); if(element.flag == EMPTY){ element.data_len = 0; #ifdef PRINT printf("EMPTY ELEMENT SENDING ZERO DATA\n"); #endif } send_buf(element.data_buf, element.data_len, client, DATA, seq_num, packet); } STATE check_window(Connection* client, WindowElement* window, uint32_t windowSize, WPtr* wptr) { STATE returnValue = CHECK_WINDOW; static int retryCount = 0; if(isWindowFull(window, windowSize) == EMPTY){ return SEND_DATA; } #ifdef PRINT printf(" WIndow is full\n"); #endif if ((returnValue = processSelect(client, &retryCount, CHECK_WINDOW, CHECK_RR_SREJ, DONE)) == CHECK_RR_SREJ) { return returnValue; } else if(returnValue == CHECK_WINDOW){ resend(client, window, windowSize, wptr->l); return returnValue; } return returnValue; } void updateWPtr(WPtr* wptr, int32_t windowSize, uint32_t seq_num){ // Update the lower bound wptr->l = seq_num; // Update the upper bound wptr->u = seq_num + windowSize; } void removeFromBuffer(WindowElement* window, uint32_t windowSize, uint32_t seq_num, WPtr* wptr){ int l = wptr->l; for (l = wptr->l; l < seq_num; l++){ deleteElement(l, window, windowSize); } } void printWPtr(WPtr* wptr){ printf("L: %i\tC: %i\tU: %i\n", wptr->l, wptr->c, wptr->u); } STATE check_rr_srej(Connection *client, WindowElement* window, uint32_t windowSize, WPtr* wptr) { STATE returnValue = CHECK_WINDOW; uint32_t crc_check = 0; uint8_t buf[MAX_LEN]; int32_t len = MAX_LEN; uint8_t flag = 0; uint32_t seq_num = 0; if (select_call(client->sk_num, 0, 0, NOT_NULL) == 1) { crc_check = recv_buf(buf, len, client->sk_num, client, &flag, &seq_num); // if crc error ignore packet if (crc_check == CRC_ERROR) { // Do nothing returnValue = CHECK_RR_SREJ; } else if (flag == FSREJ) { // Resend the data from SREJ buffer resend(client, window, windowSize, seq_num); } else if (flag == ACK) { // Remove data from Buffer removeFromBuffer(window, windowSize, seq_num, wptr); updateWPtr(wptr, windowSize, seq_num); #ifdef PRINT printWPtr(wptr); #endif } else { printf("In check_rr_srej but its not an ACK flag (this should never happen) is %d\n", flag); returnValue = DONE; } } return returnValue; } STATE send_data(Connection *client, uint8_t * packet, int32_t * packet_len, int32_t data_file, int buf_size, uint32_t * seq_num, WindowElement* window, uint32_t windowSize, WPtr* wptr) { uint8_t buf[MAX_LEN]; int32_t len_read = 0; STATE returnValue = DONE; WindowElement element; len_read = read(data_file, buf, buf_size); switch (len_read) { case -1: perror("send_data, read error"); returnValue = DONE; break; case 0: //(*seq_num)++; #ifdef PRINT printf("EOF Waiting on seq num %i\n", *seq_num); #endif returnValue = WAIT_LAST_RR; break; default: (*packet_len) = send_buf(buf, len_read, client, DATA, *seq_num, packet); createWindowElement(&element, buf, len_read); addElement(*seq_num, element, window, windowSize); //printWindow(window, windowSize); (*seq_num)++; wptr->c = *seq_num; returnValue = CHECK_RR_SREJ; break; } return returnValue; } STATE wait_last_rr(Connection * client, uint32_t expSeqNum, WindowElement* window, uint32_t windowSize, WPtr* wptr) { STATE returnValue = DONE; uint32_t crc_check = 0; uint8_t buf[MAX_LEN]; uint8_t packet[MAX_LEN]; int32_t len = MAX_LEN; uint8_t flag = 0; uint32_t recSeqNum = 0; uint32_t expRR = expSeqNum; static int retryCount = 0; #ifdef PRINT printf("retryCount = %i\n", retryCount); #endif if ((returnValue = processSelect(client, &retryCount, TIMEOUT_ON_ACK, WAIT_LAST_RR, DONE)) == WAIT_LAST_RR) { crc_check = recv_buf(buf, len, client->sk_num, client, &flag, &recSeqNum); // if crc error ignore packet if (crc_check == CRC_ERROR) { // Do nothing returnValue = WAIT_LAST_RR; } else if (flag == FSREJ) { // Resend the data from SREJ buffer resend(client, window, windowSize, recSeqNum); } else if (flag == ACK) { #ifdef WAITLASTRR printf("in wait last rr = %i\n", expRR); #endif // Received RR if(recSeqNum == expRR){ // Send EOF send_buf(buf, 1, client, END_OF_FILE, expRR, packet); returnValue = WAIT_ON_EOF_ACK; } else{ // Remove RR from Buffer #ifdef PRINT printf("Removing from buffer seqNum %i\n", recSeqNum); #endif removeFromBuffer(window, windowSize, recSeqNum, wptr); updateWPtr(wptr, windowSize, recSeqNum); returnValue = WAIT_LAST_RR; } } else { #ifdef PRINT printf("In wait_last_rr but its not an ACK flag (this should never happen) is %d\n", flag); #endif returnValue = DONE; } } else if (returnValue == TIMEOUT_ON_ACK){ // Resend the lowest RR resend(client, window, windowSize, wptr->l); returnValue = WAIT_LAST_RR; } return returnValue; } STATE wait_on_eof_ack(Connection * client, uint32_t expSeqNum) { STATE returnValue = DONE; uint32_t crc_check = 0; uint8_t buf[MAX_LEN]; uint8_t packet[MAX_LEN]; int32_t len = MAX_LEN; uint8_t flag = 0; uint32_t seq_num = 0; static int retryCount = 0; if ((returnValue = processSelect(client, &retryCount, TIMEOUT_ON_EOF_ACK, WAIT_ON_EOF_ACK, DONE)) == WAIT_ON_EOF_ACK) { crc_check = recv_buf(buf, len, client->sk_num, client, &flag, &seq_num); // if crc error ignore packet if (crc_check == CRC_ERROR) { returnValue = WAIT_ON_EOF_ACK; } else if (flag != EOF_ACK) { printf("In wait_on_eof_ack but its not an EOF_ACK flag (this should never happen) is: %d\n", flag); returnValue = WAIT_ON_EOF_ACK; } else { #ifdef PRINT printf("File transfer completed successfully.\n"); #endif returnValue = DONE; } } else if (returnValue == TIMEOUT_ON_EOF_ACK){ // Send EOF send_buf(buf, 1, client, END_OF_FILE, expSeqNum, packet); returnValue = WAIT_ON_EOF_ACK; } return returnValue; } int processArgs(int argc, char ** argv) { int portNumber = 0; if (argc < 2 || argc > 3) { printf("Usage %s error_rate [port number]\n", argv[0]); exit(-1); } if (argc == 3) { portNumber = atoi(argv[2]); } else { portNumber = 0; } if((atof(argv[1]) >= 1.0) || (atof(argv[1]) < 0.0)){ printf("usage: error-percent: %s, must be between 0 and less than 1\n", argv[1]); exit(1); } return portNumber; } void printState(STATE state){ switch(state) { case START: #ifdef PRINTSTATES printf("State = START\n"); #endif break; case FILENAME: #ifdef PRINTSTATES printf("State = FILENAME\n"); #endif break; case CHECK_WINDOW: #ifdef PRINTSTATES printf("State = CHECK_WINDOW\n"); #endif break; case SEND_DATA: #ifdef PRINTSTATES printf("State = SEND_DATA\n"); #endif break; case CHECK_RR_SREJ: #ifdef PRINTSTATES printf("State = CHECK_RR_SREJ\n"); #endif break; case WAIT_LAST_RR: #ifdef PRINTSTATES printf("State = WAIT_LAST_RR\n"); #endif break; case WAIT_ON_EOF_ACK: #ifdef PRINTSTATES printf("State = WAIT_ON_EOF_ACK\n"); #endif break; case DONE: #ifdef PRINTSTATES printf("State = DONE\n"); #endif break; default: printf("In default and you should not be here!!!!\n"); state = DONE; break; } } void process_client(int32_t serverSocketNumber, uint8_t * buf, int32_t recv_len, Connection * client) { WindowElement* window; WPtr wptr; wptr.c = 1; wptr.l = 1; wptr.u = 1; STATE state = START; int32_t data_file = 0; int32_t packet_len = 0; uint8_t packet[MAX_LEN]; int32_t windowSize = 0; int32_t buf_size = 0; uint32_t seq_num = START_SEQ_NUM; // START_SEQ_NUM = 1 while (state != DONE) { switch (state) { case START: printState(state); state = FILENAME; break; case FILENAME: printState(state); state = filename(client, buf, recv_len, &data_file, &windowSize, &buf_size); window = createWindow(windowSize); wptr.u = wptr.l + windowSize; break; case CHECK_WINDOW: printState(state); state = check_window(client, window, windowSize, &wptr); break; case SEND_DATA: printState(state); state = send_data(client, packet, &packet_len, data_file, buf_size, &seq_num, window, windowSize, &wptr); break; case CHECK_RR_SREJ: printState(state); state = check_rr_srej(client, window, windowSize, &wptr); break; case WAIT_LAST_RR: printState(state); state = wait_last_rr(client, seq_num, window, windowSize, &wptr); break; case WAIT_ON_EOF_ACK: printState(state); state = wait_on_eof_ack(client, seq_num); break; case DONE: printState(state); break; default: printf("In default and you should not be here!!!!\n"); state = DONE; break; } } } <file_sep>/Lab7UDP/udpClient.c // Client side - UDP Code // By <NAME> 4/1/2017 #include <stdio.h> #include <stdlib.h> #include <sys/types.h> #include <sys/stat.h> #include <sys/uio.h> #include <sys/time.h> #include <unistd.h> #include <fcntl.h> #include <string.h> #include <strings.h> #include <sys/socket.h> #include <netinet/in.h> #include <netdb.h> #include "packet.h" #include "gethostbyname.h" #include "networks.h" #include "cpe464.h" #define MAXBUF 80 #define xstr(a) str(a) #define str(a) #a void talkToServer(int socketNum, struct sockaddr_in6 * server); int getData(char * buffer); int checkArgs(int argc, char * argv[]); int main (int argc, char *argv[]) { int socketNum = 0; struct sockaddr_in6 server; // Supports 4 and 6 but requires IPv6 struct int portNumber = 0; float errorRate = 0; portNumber = checkArgs(argc, argv); errorRate = atof(argv[3]); printf("errorRate = %f\n", errorRate); sendErr_init(errorRate, DROP_ON, FLIP_ON, DEBUG_ON, RSEED_OFF); socketNum = setupUdpClientToServer(&server, argv[1], portNumber); talkToServer(socketNum, &server); close(socketNum); return 0; } void talkToServer(int socketNum, struct sockaddr_in6 * server) { int serverAddrLen = sizeof(struct sockaddr_in6); char * ipString = NULL; int dataLen = 0; char buffer[MAXBUF+1]; uint8_t * pdu; int i = 0; buffer[0] = '\0'; while (buffer[0] != '.') { dataLen = getData(buffer); //printf("Sending: %s with len: %d\n", buffer,dataLen); // createPDU(uint32_t sequenceNumber, uint8_t flag, uint8_t * payload, int dataLen) pdu = createPDU(i, 0, (uint8_t*)buffer, dataLen); outputPDU(pdu, dataLen + HEADERLEN); i++; safeSendto(socketNum, pdu, dataLen + HEADERLEN, 0, (struct sockaddr *) server, serverAddrLen); // Commented out for lab // safeRecvfrom(socketNum, buffer, MAXBUF, 0, (struct sockaddr *) server, &serverAddrLen); // print out bytes received ipString = ipAddressToString(server); printf("Server with ip: %s and port %d said it received %s\n", ipString, ntohs(server->sin6_port), buffer); } } int getData(char * buffer) { // Read in the data buffer[0] = '\0'; printf("Enter the data to send: "); scanf("%" xstr(MAXBUF) "[^\n]%*[^\n]", buffer); getc(stdin); // eat the \n return (strlen(buffer)+ 1); } int checkArgs(int argc, char * argv[]) { /* check command line arguments */ if (argc != 4) { printf("usage: %s host-name port-number error-percent\n", argv[0]); exit(1); } // Checks args and returns port number int portNumber = 0; float errorRate = atof(argv[3]); if((errorRate >= 1.0) || (errorRate < 0.0)){ printf("usage: error-percent: %s, must be between 0 and less than 1\n", argv[3]); exit(1); } portNumber = atoi(argv[2]); return portNumber; } <file_sep>/3A:Rcopy/bg.sh #!/bin/bash rm ./cbig.txt time ./rcopy ./big.txt ./cbig.txt 50 1000 .10 unix1.csc.calpoly.edu 7551 diff ./big.txt ./cbig.txt <file_sep>/2A:Chat/Makefile # Makefile for CPE464 tcp test code # written by <NAME> - April 2019 CC= gcc CFLAGS= -g -Wall LIBS = all: cclient server cclient: myClient.c test.o shared.o recvparse.o parse.o linkedlist.o networks.o pollLib.o gethostbyname6.o *.h $(CC) $(CFLAGS) -o cclient myClient.c test.o shared.o recvparse.o parse.o linkedlist.o networks.o pollLib.o gethostbyname6.o $(LIBS) server: myServer.c test.o shared.o recvparse.o parse.o linkedlist.o networks.o pollLib.o gethostbyname6.o *.h $(CC) $(CFLAGS) -o server myServer.c test.o shared.o recvparse.o parse.o linkedlist.o networks.o pollLib.o gethostbyname6.o $(LIBS) .c.o: gcc -c $(CFLAGS) $< -o $@ $(LIBS) cleano: rm -f *.o clean: rm -f myClient myServer server cclient *.o
1e31d98113437e950548bac1f91bbe39076f7662
[ "C", "Makefile", "Shell" ]
44
C
CalebRabbon/464cpe-Networks
5d57e459a3bea336ae54cbe7deb72fa38111bd98
e10109722afb6b758b76c0bed87d220cd35b38f5
refs/heads/master
<repo_name>robss04/GETSOON<file_sep>/config/initializers/session_store.rb # Be sure to restart your server when you modify this file. ProfilrComingSoon::Application.config.session_store :cookie_store, key: '_profilr-coming-soon_session' <file_sep>/lib/tasks/profilr.rake namespace :profilr do desc "TODO" task retreive_subscribers_list: :environment do Gibbon::Export.api_key = ENV['MAILCHIMP_API_KEY'] gb = Gibbon::API.new gb.lists.members({:id => ENV['MAILCHIMP_LIST_ID']})["data"].each do |k,v| puts k["email"] end end end <file_sep>/app/models/subscriber.rb class Subscriber include Mongoid::Document include Mongoid::Timestamps include Validators field :email, type: String after_create :add_subscriber_to_mailchimp before_destroy :remove_subscriber_from_mailchimp validates :email, :on => :save, :allow_nil => false, :'validators/email' => true validates :email, :on => :create, :allow_nil => false, :'validators/email' => true validates :email, presence: true validates :email, uniqueness: true def add_subscriber_to_mailchimp mailchimp = Gibbon::API.new(ENV['MAILCHIMP_API_KEY']) result = mailchimp.lists.subscribe({ :id => '30da83867d', :email => {:email => self.email}, :double_optin => false, :update_existing => true, :send_welcome => true }) Rails.logger.info("Subscribed #{self.email} to MailChimp") if result end def remove_subscriber_from_mailchimp mailchimp = Gibbon::API.new(ENV['MAILCHIMP_API_KEY']) result = mailchimp.lists.unsubscribe({ :id => '30da83867d', :email => {:email => self.email}, :delete_member => true, :send_goodbye => false, :send_notify => true }) Rails.logger.info("Unsubscribed #{self.email} from MailChimp") if result end end<file_sep>/README.md GETSOON ======= getsoon <file_sep>/README.rdoc == Profilr - Classroom on the Cloud An online learning platform for web developers made by students and instructors from General Assembly's WDI course. Users can learn to code with online quizzes, collaborate and code with others in real-time, access class material worldwide and showcase their work. == Environment configuration * Ruby 2.0.0p247 * MongoDB/ Mongoid * Mail Chimp API * Gibbon RubyGem * Foundation Icon fonts * JQuery One Page Scroller == Demo page (Coming Soon) http://profilr-beta.herokuapp.com == List of contributors <NAME> https://github.com/3dd13 <NAME> https://github.com/stephs829 <NAME> https://github.com/robss04 <NAME> https://github.com/KarenZam <NAME> https://github.com/kingsleyman<file_sep>/spec/controllers/subscribers_controller_spec.rb require 'spec_helper' describe SubscribersController do describe "POST 'create'" do def submit_post post 'create', subscriber: {email: "<EMAIL>"} end it "returns http success" do submit_post response.should be_success end it "creates a subscriber" do expect{submit_post}.to change{Subscriber.count}.from(0).to(1) end end end <file_sep>/spec/models/subscriber_spec.rb require 'spec_helper' describe Subscriber do describe "validates email format" do context "when there is an invalid email" do it "should not be valid?" do user = Subscriber.new(email: "wrong") user.should_not be_valid end end context "when there is a valid email" do it "should be valid?" do user = Subscriber.new(email: "<EMAIL>") user.should be_valid end end context "when there is no email" do it "should not be valid?" do user = Subscriber.new(email: nil) user.should_not be_valid end end end end<file_sep>/Gemfile source 'https://rubygems.org' gem 'rails', '4.0.0' gem 'sass-rails', '~> 4.0.0' gem 'uglifier', '>= 1.3.0' gem 'coffee-rails', '~> 4.0.0' gem 'jquery-rails' gem 'turbolinks' gem 'jbuilder', '~> 1.2' gem 'dotenv-rails', :groups => [:development, :test] group :doc do gem 'sdoc', require: false end gem 'bson_ext' gem 'mongoid', github: 'mongoid/mongoid', ref: 'f91feef' gem 'gibbon' gem 'mail' group :development, :test do gem 'rspec-rails' end gem 'rails_12factor', group: :production
9282b4312697c360a7ee4292dcba19735478903e
[ "Markdown", "RDoc", "Ruby" ]
8
Ruby
robss04/GETSOON
70849a68b17133bfd932124a5ba92b60d879a81b
bbbeaa4f0a36826ffd3ccbfb7306c619b3f9e609
refs/heads/master
<repo_name>Guiguerreiro39/PasswordManager<file_sep>/crypt.py import os, sys from cryptography.hazmat.backends import default_backend from cryptography.hazmat.primitives import hashes from cryptography.hazmat.primitives.kdf.pbkdf2 import PBKDF2HMAC from cryptography.hazmat.primitives.ciphers.aead import AESGCM from cryptography.exceptions import InvalidTag backend = default_backend() def func_sha256(msg): digest = hashes.Hash(hashes.SHA256(), backend=backend) digest.update(msg) return digest.finalize() def derive_pbkdf2hmac(msg, salt): kdf = PBKDF2HMAC( algorithm=hashes.SHA256(), length=32, salt=salt, iterations=100000, backend=backend, ) key = kdf.derive(msg) return key def enc_aesgcm(key, msg, auth): cipher = AESGCM(key) nonce = os.urandom(16) ciphertext = cipher.encrypt(nonce, msg, auth) return (ciphertext, nonce) def dec_aesgcm(key, auth, nonce, ct): try: cipher = AESGCM(key) text = cipher.decrypt(nonce, ct, auth) return text except InvalidTag: print( "Password compromised! Integrity cannot be guaranteed, please change your password." ) except ValueError: print("The key introduced in wrong! Ending connection.") quit() def test_crypt(): password = b"<PASSWORD>" message = b"This is a test message" salt = os.urandom(16) secret = derive_pbkdf2hmac(password, salt) key = secret print("New secret key >> ", key) hashed_secret = func_sha256(key) print("New Hash >> ", hashed_secret) encrypted = enc_aesgcm(key, message, password) nonce = encrypted[1] ciphertext = encrypted[0] print("Encrypted message >> ", ciphertext) print("Ciphertext size: ", len(ciphertext)) plaintext = dec_aesgcm(key, password, nonce, ciphertext) print("Decrypted message >> ", plaintext) <file_sep>/interface.py from getpass import getpass def main_interface(): print( """ >>>>> Password Manager <<<<< ============================ 1. Change Manager Secret ---------------------------- 2. Store new Service Password ---------------------------- 3. Retrieve Service Password ---------------------------- 4. Change Service Password ---------------------------- 5. Show Services ============================ """ ) def change_interface(): print( """ >>>>> Change Service Password <<<<< =================================== __________ Enter Service __________ """ ) service = input() print( """ ____Enter new Service Password ____ """ ) password = getpass() return (service, password) def retrieve_interface(): print( """ >>>>> Retrieve Service Password <<<<< ===================================== ___________ Enter Service ___________ \n""" ) return input() def secret_interface(): print( """ >>>>> Change Manager Secret <<<<< ================================= ______ Enter new password ______ """ ) return getpass() def store_interface(): print( """ >>>>> Store new Service Password <<<<< ====================================== _________ Enter new Service _________ """ ) service = input() print( """ ________Enter Service Password _______ """ ) password = getpass() return (service, password) <file_sep>/conn.py import pyodbc def read(conn): cursor = conn.cursor() cursor.execute("select * from Services") for row in cursor: print(row) def write(conn): cursor = conn.cursor() cursor.execute( "insert into Services(Service, Password) values(?,?);", ("Facebook", "<PASSWORD>") ) conn.commit() def connect(): Driver = "ODBC Driver 17 for SQL Server" Server = r"DESKTOP-QJJ4U09\SQLEXPRESS" Database = "PassMng" try: conn = pyodbc.connect( "DRIVER=" + Driver + ";SERVER=" + Server + ";DATABASE=" + Database + ";TRUSTED_CONNECTION=YES" + ";MARS_CONNECTION=YES" ) return conn except Exception as error: print("Connection failed..\n") print(error) <file_sep>/README.md # PasswordManager ## A Python program that helps people remember their passwords by storing them in a database. The passwords are heavily encrypted and is only possible to retrieve them by having the right secret, selected in the beggining as a form of password. ### Encryption schemes This program uses several encryption algorithms to ensure the safety of the stored passwords. - **PBKDF2HMAC**: In the beginning, for a person to access the manager, one must input a password. To use this password as the key of the encryption algorithm would affect the safety of the system since it is not big enough nor random enough. In order to deal with this issue, the key derivation function PBKDF2HMAC is used. This will take the password previously typed into consideration and create a much stronger and bigger key in order to be used in the encryption. - **SHA256 HASH**: The main secret is stored as an hash that is then compared to the password that is typed in the beginning. The hash will authenticate the password and ensure that it remains a secret. - **AES-GCM**: In order to safely store the passwords of each service, one must encrypt then and also ensure its integrity, meaning there were not changed. For this purpose the authentication encryption algorithm AES-GCM is used. This will not only heavily encrypt your passwords but also verify that it was not manipulated by an attacker. ### Files - **conn.py**: This file will allow the program to connect to the database. In order to use your own database, some configurations must be changed. - **crypt.py**: The encryption algorithm as well as the functions to use them are created in this file. - **interface.py**: This program does not use any GUI for its interface. Instead it uses a command prompt based interface created using prints into the screen. This file manages all the available interfaces. - **main.py**: The main file of the program that handles all the configurations of the system. It uses all the functions of the files above to structure the entire program. ### This program was created for personal use so it might have several flaws in its construction so please take that into consideration. <file_sep>/main.py import conn import crypt import interface from os import urandom from sys import exit from msvcrt import getch from getpass import getpass def set_password(pw): salt = urandom(16) secret = crypt.derive_pbkdf2hmac(str.encode(pw), salt) cursor.execute("Delete from Secret_Hash;") cursor.execute( "insert into Secret_Hash(Secret, Salt) values(?,?);", (crypt.func_sha256(secret), salt), ) cursor.commit() def verify_pw(pw): cursor.execute("Select * from Secret_Hash;") for db_secret_hash in cursor: (sec_hash, salt) = db_secret_hash secret = crypt.derive_pbkdf2hmac(pw, salt) return sec_hash == crypt.func_sha256(secret) def store_pw(service, new_pw, key, pw): cursor.execute("Select * from Services where Services=?", service) if cursor.rowcount == 0: (enc_pw, nonce) = crypt.enc_aesgcm(key, str.encode(new_pw), pw) cursor.execute( "Insert into Services(Services, Password, Nonce) values(?,?,?)", (service, enc_pw, nonce), ) cursor.commit() print("Service successfully stored!") else: print(">> Service already exists!") def retrieve_pw(service, key, pw): cursor.execute("Select * from Services where Services=?", service) if cursor.rowcount != 0: for row in cursor: nonce = row[2] ct = row[1] password = crypt.dec_aesgcm(key, pw, nonce, ct).decode("utf-8") print(">> Stored password for service " + service + ": " + password + "\n") print("Click any key to continue..") getch() else: print(">> Service does not exist.") def change_pw(service, key, pw, new_pw): cursor.execute("Select * from Services where Services=?", service) if cursor.rowcount != 0: (enc_pw, nonce) = crypt.enc_aesgcm(key, str.encode(new_pw), pw) cursor.execute( """ Update Services Set Password=?, Nonce=? Where Services=?""", (enc_pw, nonce, service), ) cursor.commit() print("Password for Service " + service + " successfully changed!") else: print(">> Service does not exist.") def get_services(): cursor.execute( """ Select Services from Services """ ) if cursor.rowcount != 0: print(">> Stored Services:") for row in cursor: print(row[0]) print("\nClick any key to continue..") getch() else: print(">> There are no Services stored.") def handler(msg, pw, key): try: if msg == b"1": new_pw = interface.secret_interface() set_password(new_pw) elif msg == b"2": (service, password) = interface.store_interface() store_pw(service, password, key, pw) elif msg == b"3": service = interface.retrieve_interface() retrieve_pw(service, key, pw) elif msg == b"4": (service, new_pw) = interface.change_interface() change_pw(service, key, pw, new_pw) elif msg == b"5": get_services() except: print("Fatal Error! Ending connection.") quit() def main(pw, key): for new_input in iter(lambda: getch(), b"q"): try: if int(new_input) in range(1, 6): handler(new_input, pw, key) interface.main_interface() except: pass if __name__ == "__main__": conn = conn.connect() cursor = conn.cursor() cursor.execute( """ select * from Secret_Hash; """ ) if cursor.rowcount == 0: print(">> You need to setup a password.") set_password(getpass()) print(">> Please input Password Manager secret password") password = str.encode(getpass()) if verify_pw(password): interface.main_interface() cursor.execute("select Salt from Secret_Hash") try: for row in cursor: salt = row[0] secret = crypt.derive_pbkdf2hmac(password, salt) main(password, secret) except: pass else: print("Wrong password! Ending connection.") cursor.close() conn.close()
f415b5075577ba0182ea714e094f39a9394f8061
[ "Markdown", "Python" ]
5
Python
Guiguerreiro39/PasswordManager
720f968eb47696962eb4a7807e1780e9df88675f
c1c58bd1bfb2c7f8b05b5a922f1f9d63cd9301d5
refs/heads/master
<repo_name>sohaibex/jee_ecom<file_sep>/src/Controller/AuthServlet.java package Controller; import java.io.IOException; import javax.servlet.ServletException; import javax.servlet.annotation.WebServlet; import javax.servlet.http.Cookie; import javax.servlet.http.HttpServlet; import javax.servlet.http.HttpServletRequest; import javax.servlet.http.HttpServletResponse; import javax.servlet.http.HttpSession; import javax.websocket.Session; import bean.User; import services.UserService; /** * Servlet implementation class AuthController */ @WebServlet("/AuthServlet") public class AuthServlet extends HttpServlet { private static final long serialVersionUID = 1L; /** * @see HttpServlet#HttpServlet() */ public AuthServlet() { super(); // TODO Auto-generated constructor stub } /** * @see HttpServlet#doGet(HttpServletRequest request, HttpServletResponse response) */ protected void doGet(HttpServletRequest request, HttpServletResponse response) throws ServletException, IOException { // TODO Auto-generated method stub response.getWriter().append("Served at: ").append(request.getContextPath()); } /** * @see HttpServlet#doPost(HttpServletRequest request, HttpServletResponse response) */ protected void doPost(HttpServletRequest request, HttpServletResponse response) throws ServletException, IOException { UserService us = new UserService(); User u= us.auth(request.getParameter("username"), request.getParameter("password")); if(u==null) { response.sendRedirect("myaccount.jsp"); } else { HttpSession session = request.getSession(); session.setAttribute("User", u); Cookie ck = new Cookie("id",u.getId()+""); ck.setMaxAge(365*24*60*60); response.addCookie(ck); response.sendRedirect("index.jsp"); } } } <file_sep>/src/services/ArticleService.java package services; import java.sql.Connection; import java.sql.PreparedStatement; import java.sql.ResultSet; import java.util.ArrayList; import java.util.List; import bean.Article; import bean.cnx; public class ArticleService { private Connection cnxx; public ArticleService() { cnxx=cnx.getconnexion(); } public List<Article> getArticle() { List<Article> la = new ArrayList<Article>(); String req = "select * from article order by dateajout desc limit 3"; try { PreparedStatement pr = cnxx.prepareStatement(req); ResultSet rs = pr.executeQuery(); Article a ; while(rs.next()) { a= new Article(); a.setIda(rs.getInt("id")); a.setLibelleArt(rs.getString("libelle")); a.setPrix(rs.getInt("prix")); a.setDetails(rs.getString("details")); a.setDescription(rs.getString("description")); a.setUrl_img(rs.getString("urlimg")); a.setCouleur(rs.getString("couleur")); a.setIdcat(rs.getInt("idcat")); a.setDateAjout(rs.getDate("dateajout")); la.add(a); } } catch (Exception e) { } return la ; } public List<Article> getPromotion() { List<Article> la = new ArrayList<Article>(); String req = "select * from article where promotion=1 order by dateajout desc limit 3"; try { PreparedStatement pr = cnxx.prepareStatement(req); ResultSet rs = pr.executeQuery(); Article a ; while(rs.next()) { a= new Article(); a.setIda(rs.getInt("id")); a.setLibelleArt(rs.getString("libelle")); a.setPrix(rs.getInt("prix")); a.setDetails(rs.getString("details")); a.setDescription(rs.getString("description")); a.setUrl_img(rs.getString("urlimg")); a.setCouleur(rs.getString("couleur")); a.setIdcat(rs.getInt("idcat")); a.setDateAjout(rs.getDate("dateajout")); la.add(a); } } catch (Exception e) { } System.out.println(la.size()); return la ; } } <file_sep>/src/bean/Categorie.java package bean; public class Categorie { private int idcat; private String libelle; public int getIdcat() { return idcat; } public void setIdcat(int idcat) { this.idcat = idcat; } public String getLibelle() { return libelle; } public void setLibelle(String libelle) { this.libelle = libelle; } public Categorie() { } } <file_sep>/src/services/CatgorieService.java package services; import bean.cnx; import java.sql.Connection; import java.sql.DriverManager; import java.sql.PreparedStatement; import java.sql.ResultSet; import java.util.ArrayList; import java.util.List; import bean.Categorie; public class CatgorieService { public List<Categorie> GetCatgeories() { List<Categorie> le = new ArrayList<Categorie>(); try { Class.forName("com.mysql.jdbc.Driver"); Connection cnx = DriverManager.getConnection("jdbc:mysql://localhost:3306/shop","root",""); String req = "select * from categories"; PreparedStatement st =cnx.prepareStatement(req); ResultSet rs = st.executeQuery(); Categorie e=null; while(rs.next()) { e=new Categorie(); e.setIdcat(rs.getInt("idc")); e.setLibelle(rs.getString("libelle")); le.add(e); } } catch(Exception ex){ ex.printStackTrace(); } return le; } }
264f88b66a84565f6c4ff23c43915268dfab0c91
[ "Java" ]
4
Java
sohaibex/jee_ecom
b1833f478b7eb776ca4fc13644f207a8a6a9b633
4b73c3df8e73e769b623be3a6d0acf2649a88bfd
refs/heads/master
<repo_name>enorith/event<file_sep>/go.mod module github.com/enorith/event go 1.13 <file_sep>/event.go package event import ( "errors" "sync" ) //BUS public var of evnet bus var BUS = NewBus() //Listener define listener handler type Listener func(e Event, payload ...interface{}) //Event interface type Event interface { GetEventName() string } //SimpleEvent struct type SimpleEvent struct { name string } //GetEventName return event name func (e *SimpleEvent) GetEventName() string { return e.name } //Bus event bus struct type Bus struct { listeners map[string][]Listener m *sync.Mutex wg *sync.WaitGroup } //Dispatch event bus func (b *Bus) Dispatch(event interface{}, payload ...interface{}) error { e, err := b.resolveEvent(event) b.m.Lock() defer b.m.Unlock() if err == nil { if listeners, exists := b.listeners[e.GetEventName()]; exists { b.wg.Add(len(listeners)) for _, listener := range listeners { go func(listener Listener) { listener(e, payload...) defer b.wg.Done() }(listener) } b.wg.Wait() } } return err } //Listen event func (b *Bus) Listen(name string, listener Listener) { b.m.Lock() defer b.m.Unlock() b.listeners[name] = append(b.listeners[name], listener) } func (b *Bus) ListenEvent(e Event, listener Listener) { b.Listen(e.GetEventName(), listener) } func (b *Bus) resolveEvent(input interface{}) (Event, error) { if e, ok := input.(Event); ok { return e, nil } if name, ok := input.(string); ok { return NewSimpleEvent(name), nil } return nil, errors.New("input event should an instance of event.Event or string") } // NewSimpleEvent return simple event instance func NewSimpleEvent(name string) *SimpleEvent { return &SimpleEvent{name: name} } //NewBus constructor of event bus func NewBus() *Bus { return &Bus{ listeners: map[string][]Listener{}, m: &sync.Mutex{}, wg: &sync.WaitGroup{}, } }
24730b7985019c42e4dea86e7952a8f3326f6738
[ "Go", "Go Module" ]
2
Go Module
enorith/event
700d37504478a10f9161b717c0b8c3fa2190ba5c
175d92fc5ea9dcffd6107654732ffb2d91793bf0
refs/heads/master
<repo_name>TigerAVAF6R/FengRuiYangChe<file_sep>/FengRuiYangChe/WebContent/js/customize/filters/filters.js 'use strict'; /* Filters */ angular.module('mainApp.filters', []). filter('interpolate', ['version', function(version) { return function(text) { return String(text).replace(/\%VERSION\%/mg, version); } }]) .filter('frontChar',function(){ return function(strs){ if(strs.length >30) return strs.substr(0,30)+" ..."; else return strs; } }); <file_sep>/README.md # FengRuiYangChe A interesting project. <file_sep>/FengRuiYangChe/src/com/fryc/dao/EmployeeDAO.java package com.fryc.dao; import java.util.List; import com.fryc.model.input.EmployeeInputBean; import com.fryc.model.output.EmployeeBean; public interface EmployeeDAO { List<EmployeeBean> fetchEmployeeList(EmployeeInputBean empInputBean) throws Exception; void saveEmployee(EmployeeInputBean empInputBean) throws Exception; void updateEmployee(EmployeeInputBean empInputBean) throws Exception; void deleteEmployee(EmployeeInputBean empInputBean) throws Exception; } <file_sep>/FengRuiYangChe/src/com/fryc/util/AppConstant.java package com.fryc.util; public interface AppConstant { String CONTEXT_INIT_PARAM_BEANCONFIG = "CONTEXT_CONFIG_FILE"; String REQUEST_ACTION_KEY = "action"; String REQUEST_ACTION_CREATE = "C"; // insert String REQUEST_ACTION_READ = "R"; // load data String REQUEST_ACTION_UPDATE = "U"; // update String REQUEST_ACTION_DELETE = "D"; // delete String RESPONSE_FLAG_SUCCESS = "T"; String RESPONSE_FLAG_ERROR = "F"; String RESPONSE_MSG_DEFAULT_SUCCESS = "Success"; String RESPONSE_MSG_DEFAULT_ERROR = "Error"; String RESPONSE_DEFAULT_CONTENT_TYPE = "application/json"; String RESPONSE_DEFAULT_JSON_KEY = "ResultSet"; String PATTERN_MDY = "MM/dd/yyyy"; String PATTERN_MDYHMS = "MM/dd/yyyy HH:mm:ss"; String PROPERTY_PATH_MESSAGE = "/message.properties"; } <file_sep>/FengRuiYangChe/src/com/fryc/dao/impl/BaseDAOImpl.java package com.fryc.dao.impl; import java.util.UUID; import org.springframework.beans.factory.annotation.Autowired; import org.springframework.jdbc.core.JdbcTemplate; import org.springframework.jdbc.core.namedparam.NamedParameterJdbcTemplate; import org.springframework.stereotype.Repository; import com.fryc.dao.BaseDAO; @Repository("baseDAO") public class BaseDAOImpl implements BaseDAO { @Autowired private JdbcTemplate jdbcTemplate; @Autowired private NamedParameterJdbcTemplate namedParameterJdbcTemplate; @Override public JdbcTemplate getJdbcTemplate() throws Exception { return jdbcTemplate; } @Override public NamedParameterJdbcTemplate getNamedParameterJdbcTemplate() throws Exception { return namedParameterJdbcTemplate; } @Override public String getNewUUID() throws Exception { return UUID.randomUUID().toString(); } } <file_sep>/FengRuiYangChe/src/com/fryc/model/input/EmployeeInputBean.java package com.fryc.model.input; import java.sql.Timestamp; public class EmployeeInputBean { private String employeeId; private String userName; private String password; private String employeeName; private String employeeType; private String phone; private String email; private String activeFlag; private Timestamp createdTS; private Timestamp updatedTS; public String getEmployeeId() { return employeeId; } public void setEmployeeId(String employeeId) { this.employeeId = employeeId; } public String getUserName() { return userName; } public void setUserName(String userName) { this.userName = userName; } public String getPassword() { return password; } public void setPassword(String password) { this.password = password; } public String getEmployeeName() { return employeeName; } public void setEmployeeName(String employeeName) { this.employeeName = employeeName; } public String getEmployeeType() { return employeeType; } public void setEmployeeType(String employeeType) { this.employeeType = employeeType; } public String getPhone() { return phone; } public void setPhone(String phone) { this.phone = phone; } public String getEmail() { return email; } public void setEmail(String email) { this.email = email; } public String getActiveFlag() { return activeFlag; } public void setActiveFlag(String activeFlag) { this.activeFlag = activeFlag; } public Timestamp getCreatedTS() { return createdTS; } public void setCreatedTS(Timestamp createdTS) { this.createdTS = createdTS; } public Timestamp getUpdatedTS() { return updatedTS; } public void setUpdatedTS(Timestamp updatedTS) { this.updatedTS = updatedTS; } @Override public String toString() { return "EmployeeInputBean [employeeId=" + employeeId + ", userName=" + userName + ", password=" + <PASSWORD> + ", employeeName=" + employeeName + ", employeeType=" + employeeType + ", phone=" + phone + ", email=" + email + ", activeFlag=" + activeFlag + ", createdTS=" + createdTS + ", updatedTS=" + updatedTS + "]\n"; } } <file_sep>/FengRuiYangChe/WebContent/js/customize/directives/directives.js 'use strict'; /* Directives */ angular.module('mainApp.directives', []). directive('appVersion', ['version', function(version) { return function(scope, elm, attrs) { elm.text(version); }; }]) .directive('navigation', function(){ return { restrict: 'EA', replace: true, templateUrl:"/tpls/navigation.html" } }) .directive('footer', function(){ return { restrict: 'EA', replace: true, templateUrl:"/tpls/footer.html" } }) .directive('datePicker', function(){ return { restrict: 'EA', replace: true, templateUrl:"/tpls/datePicker.html" } }) .directive('paginations', function(){ return { restrict: 'EA', replace: true, templateUrl:"/tpls/paginations.html", controller:"PaginationDemoCtrl" } }) .directive('pageGroup', function(){ return { restrict: 'EA', replace: true, templateUrl:"/tpls/pageGroup.html" } }) ;<file_sep>/FengRuiYangChe/src/com/fryc/dao/BaseDAO.java package com.fryc.dao; import org.springframework.jdbc.core.JdbcTemplate; import org.springframework.jdbc.core.namedparam.NamedParameterJdbcTemplate; public interface BaseDAO { JdbcTemplate getJdbcTemplate() throws Exception; NamedParameterJdbcTemplate getNamedParameterJdbcTemplate() throws Exception; String getNewUUID() throws Exception; } <file_sep>/FengRuiYangChe/src/com/fryc/model/output/EmployeeBean.java package com.fryc.model.output; public class EmployeeBean { private String employeeId; private String userName; private String password; private String employeeName; private String employeeType; private String phone; private String email; private String activeFlag; private String createdTS; private String updatedTS; public String getEmployeeId() { return employeeId; } public void setEmployeeId(String employeeId) { this.employeeId = employeeId; } public String getUserName() { return userName; } public void setUserName(String userName) { this.userName = userName; } public String getPassword() { return password; } public void setPassword(String password) { this.password = password; } public String getEmployeeName() { return employeeName; } public void setEmployeeName(String employeeName) { this.employeeName = employeeName; } public String getEmployeeType() { return employeeType; } public void setEmployeeType(String employeeType) { this.employeeType = employeeType; } public String getPhone() { return phone; } public void setPhone(String phone) { this.phone = phone; } public String getEmail() { return email; } public void setEmail(String email) { this.email = email; } public String getActiveFlag() { return activeFlag; } public void setActiveFlag(String activeFlag) { this.activeFlag = activeFlag; } public String getCreatedTS() { return createdTS; } public void setCreatedTS(String createdTS) { this.createdTS = createdTS; } public String getUpdatedTS() { return updatedTS; } public void setUpdatedTS(String updatedTS) { this.updatedTS = updatedTS; } @Override public int hashCode() { final int prime = 31; int result = 1; result = prime * result + ((employeeId == null) ? 0 : employeeId.hashCode()); return result; } @Override public boolean equals(Object obj) { if (this == obj) return true; if (obj == null) return false; if (getClass() != obj.getClass()) return false; EmployeeBean other = (EmployeeBean) obj; if (employeeId == null) { if (other.employeeId != null) return false; } else if (!employeeId.equals(other.employeeId)) return false; return true; } @Override public String toString() { return "EmployeeBean [employeeId=" + employeeId + ", userName=" + userName + ", password=" + <PASSWORD> + ", employeeName=" + employeeName + ", employeeType=" + employeeType + ", phone=" + phone + ", email=" + email + ", activeFlag=" + activeFlag + ", createdTS=" + createdTS + ", updatedTS=" + updatedTS + "]\n"; } } <file_sep>/FengRuiYangChe/src/com/fryc/util/MessageTranslater.java package com.fryc.util; import com.fryc.exception.BusinessOperationException; public class MessageTranslater { public synchronized static String translateExp(Throwable thrown) { String result = null; if (thrown instanceof BusinessOperationException) { BusinessOperationException exp = (BusinessOperationException) thrown; String expKey = exp.getExpKey(); if (expKey != null && expKey.trim().length() > 0) { result = PropertiesUtil.getMessageProperty(expKey); } else { result = exp.getMessage(); } } else { Exception e = (Exception) thrown; result = e.getMessage(); } return result; } } <file_sep>/FengRuiYangChe/src/com/fryc/exception/BusinessOperationException.java package com.fryc.exception; public class BusinessOperationException extends RuntimeException { private static final long serialVersionUID = 1L; // expKey will be used in MessageTranslater.java, // value must be from message.properties file private String expKey = null; public BusinessOperationException(String expKey) { super(); this.setExpKey(expKey); } public BusinessOperationException(Throwable cause) { super(cause); } public String getExpKey() { return expKey; } public void setExpKey(String expKey) { this.expKey = expKey; } } <file_sep>/FengRuiYangChe/src/com/fryc/service/impl/EmployeeServiceImpl.java package com.fryc.service.impl; import java.util.List; import org.springframework.beans.factory.annotation.Autowired; import org.springframework.stereotype.Service; import com.fryc.dao.EmployeeDAO; import com.fryc.model.input.EmployeeInputBean; import com.fryc.model.output.EmployeeBean; import com.fryc.service.EmployeeService; @Service("employeeService") public class EmployeeServiceImpl implements EmployeeService { @Autowired private EmployeeDAO employeeDAO; @Override public List<EmployeeBean> fetchEmployeeList(EmployeeInputBean empInputBean) { List<EmployeeBean> list = null; try { list = employeeDAO.fetchEmployeeList(empInputBean); } catch (Exception e) { throw new RuntimeException(e); } return list; } @Override public void saveEmployee(EmployeeInputBean empInputBean) { try { employeeDAO.saveEmployee(empInputBean); } catch (Exception e) { throw new RuntimeException(e); } } @Override public void updateEmployee(EmployeeInputBean empInputBean) { try { employeeDAO.updateEmployee(empInputBean); } catch (Exception e) { throw new RuntimeException(e); } } @Override public void deleteEmployee(EmployeeInputBean empInputBean) { try { employeeDAO.deleteEmployee(empInputBean); } catch (Exception e) { throw new RuntimeException(e); } } } <file_sep>/FengRuiYangChe/src/com/fryc/util/DateTimeUtil.java package com.fryc.util; import java.sql.Timestamp; import java.text.ParseException; import java.text.SimpleDateFormat; import java.util.Calendar; import java.util.Date; public class DateTimeUtil { public static String convertTimestamp(Timestamp timestamp, String pattern) { String result = null; if (timestamp != null) { if (pattern != null) { SimpleDateFormat formatter = new SimpleDateFormat(pattern); result = formatter.format(timestamp); } else { SimpleDateFormat formatter = new SimpleDateFormat(AppConstant.PATTERN_MDYHMS); result = formatter.format(timestamp); } } return result; } public static String convertDate(Date date, String pattern) { String result = null; if (date != null && pattern != null) { SimpleDateFormat formatter = new SimpleDateFormat(pattern); result = formatter.format(date); } return result; } public static int getGapAsDay(Timestamp earlyTime, Timestamp laterTime) { int result = -1; if (earlyTime != null && laterTime != null) { Calendar early = Calendar.getInstance(); early.setTimeInMillis(earlyTime.getTime()); Calendar later = Calendar.getInstance(); later.setTimeInMillis(laterTime.getTime()); if (later.after(early)) { int earlyDay = early.get(Calendar.DAY_OF_YEAR); int laterDay = later.get(Calendar.DAY_OF_YEAR); result = laterDay - earlyDay; } } return result; } public static Date getNextWeekStart(Date dateAsRef) { Calendar c = Calendar.getInstance(); c.setTime(dateAsRef); int firstDayOfWeek = 1; int totalDaysOfWeek = 7; c.setFirstDayOfWeek(firstDayOfWeek); int dayOfWeek = c.get(Calendar.DAY_OF_WEEK); int dayOfYear = c.get(Calendar.DAY_OF_YEAR); int daysUtilNextWeek = totalDaysOfWeek - (dayOfWeek - 1) + 1; c.set(Calendar.DAY_OF_YEAR, dayOfYear + daysUtilNextWeek); c.set(Calendar.HOUR_OF_DAY, 0); c.set(Calendar.MINUTE, 0); c.set(Calendar.SECOND, 1); return c.getTime(); } public static Date getNextWeekEnd(Date dateAsRef) { Calendar c = Calendar.getInstance(); c.setTime(dateAsRef); int firstDayOfWeek = 1; int totalDaysOfWeek = 7; c.setFirstDayOfWeek(firstDayOfWeek); int dayOfWeek = c.get(Calendar.DAY_OF_WEEK); int dayOfYear = c.get(Calendar.DAY_OF_YEAR); int daysUtilNextWeek = totalDaysOfWeek - (dayOfWeek - 1) + 1; c.set(Calendar.DAY_OF_YEAR, dayOfYear + daysUtilNextWeek + 6); c.set(Calendar.HOUR_OF_DAY, 23); c.set(Calendar.MINUTE, 59); c.set(Calendar.SECOND, 59); return c.getTime(); } public static boolean isLeapYear(Date date) { boolean isLeapYear = false; Calendar c = Calendar.getInstance(); c.setTime(date); int year = c.get(Calendar.YEAR); if (year > 0) { if ((year % 4 == 0 && year % 100 != 0) || (year % 400 == 0)) { isLeapYear = true; } } return isLeapYear; } public static boolean isLeapYear(int year) { boolean isLeapYear = false; if (year > 0) { if ((year % 4 == 0 && year % 100 != 0) || (year % 400 == 0)) { isLeapYear = true; } } return isLeapYear; } /** * Return the month according to the given date, * if the date stands for '2013/03/21', * this method will return 3. * * @param date * @return int */ public static int getMonth(Date date) { int month = -1; if (date != null) { Calendar c = Calendar.getInstance(); c.setTime(date); month = c.get(Calendar.MONTH) + 1; // 0 means the first month } return month; } /** * Check the given date is February 29th or not * * @param dateStr * @param formatPattern * @return boolean * @throws ParseException */ public static boolean isSpecialDayInFebruary(String dateStr, String formatPattern) throws ParseException { boolean flag = false; if (dateStr != null && formatPattern != null) { SimpleDateFormat df = new SimpleDateFormat(formatPattern); Date date = df.parse(dateStr); if (isLeapYear(date)) { Calendar c = Calendar.getInstance(); c.setTime(date); int month = c.get(Calendar.MONTH) + 1; int dayInMonth = c.get(Calendar.DAY_OF_MONTH); if (month == 2 && dayInMonth == 29) { flag = true; } } } return flag; } public static Date getDateByString(String dateStr) throws Exception { Date result = null; if (dateStr != null) { SimpleDateFormat sdf = new SimpleDateFormat("yyyy-MM-dd"); result = sdf.parse(dateStr); } return result; } } <file_sep>/FengRuiYangChe/WebContent/js/customize/services/httpService.js /** * Created by LT on 13-12-6. */ (function (window, angular) { angular.module('service.httpService',[]).service('httpService', ['$http', function ($http) { var httpOptionsDefault = { method: "get", url: "#/index.html", params: {}, data: {}, headers:{}, cache:false, timeout:3000, withCredentials: false }; this.service = function (httpOptions){ if(!httpOptions) httpOptions = httpOptionsDefault; return $http(httpOptions); } this.valided = function(httpOptions,url){ this.service(httpOptions).success(function(data,status,headers,config){ if(data.result){ window.location.href="/index.html"; } if(!data.result){ alert(data.msg) } }).error(function(data,status,headers,config){ alert("error") }); } this.send = function (httpOptions,url){ } }]); })(window, window.angular); <file_sep>/FengRuiYangChe/src/com/fryc/service/EmployeeService.java package com.fryc.service; import java.util.List; import com.fryc.model.input.EmployeeInputBean; import com.fryc.model.output.EmployeeBean; public interface EmployeeService { List<EmployeeBean> fetchEmployeeList(EmployeeInputBean empInputBean); void saveEmployee(EmployeeInputBean empInputBean); void updateEmployee(EmployeeInputBean empInputBean); void deleteEmployee(EmployeeInputBean empInputBean); }
7b77c718789469e3c938e463049c4cf1482b0a01
[ "JavaScript", "Java", "Markdown" ]
15
JavaScript
TigerAVAF6R/FengRuiYangChe
e78625cb34bc8152d009faae0b5b3b65b1c0db46
f5a7f46ecabc42c48742c3e5916a8681b8eb380b
refs/heads/main
<repo_name>SoftwareEngAhmetDemir/uploadedReact<file_sep>/backend/routes/customersGroups.js const router = require("express").Router(); const passport = require("passport"); const JWT = require("jsonwebtoken"); let CustomersGroups = require("../models/customersgroups.model"); let Customer = require("../models/customer.model"); let User = require("../models/user.model"); const title = "Customers Group"; const roleTitle = "customersgroup"; // get all items router.route("/").get(passport.authenticate("jwt", { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + "list"]) { CustomersGroups.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: "Error: " + err, variant: "error", }) ); } else if (rolesControl[roleTitle + "onlyyou"]) { CustomersGroups.find({ "created_user.id": `${req.user._id}` }) .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: "Error: " + err, variant: "error", }) ); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }); }); // post new items router.route("/add").post(passport.authenticate("jwt", { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + "create"]) { new CustomersGroups(req.body) .save() .then(() => res.json({ messagge: title + " Added", variant: "success", }) ) .catch((err) => res.json({ messagge: " Error: " + err, variant: "error", }) ); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }); }); // fetch data by id router.route("/:id").get(passport.authenticate("jwt", { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + "list"]) { CustomersGroups.findById(req.params.id) .then((data) => res.json(data)) .catch((err) => res.status(400).json({ messagge: "Error: " + err, variant: "error", }) ); } else if (rolesControl[roleTitle + "onlyyou"]) { CustomersGroups.findOne({ _id: req.params.id, "created_user.id": `${req.user._id}`, }) .then((data) => { if (data) { res.json(data); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }) .catch((err) => res.status(400).json({ messagge: "Error: " + err, variant: "error", }) ); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }); }); // delete data by id router.route("/:id").delete(passport.authenticate("jwt", { session: false }), (req, res) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + "delete"]) { Customer.updateMany({}, { $pull: { group_id: { value: req.params.id } } }, { multi: true }).catch((err) => console.log(err)); CustomersGroups.findByIdAndDelete(req.params.id) .then((data) => res.json({ messagge: title + " Deleted", variant: "info", }) ) .catch((err) => res.status(400).json({ messagge: "Error: " + err, variant: "error", }) ); } else if (rolesControl[roleTitle + "onlyyou"]) { Customer.updateMany({}, { $pull: { group_id: { value: req.params.id } } }, { multi: true }).catch((err) => console.log(err)); CustomersGroups.deleteOne({ _id: req.params.id, "created_user.id": `${req.user._id}`, }) .then((resdata) => { if (resdata.deletedCount > 0) { res.json({ messagge: title + " delete", variant: "success", }); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }) .catch((err) => res.status(400).json({ messagge: "Error: " + err, variant: "error", }) ); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }); }); // update data by id router.route("/:id").post(passport.authenticate("jwt", { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + "edit"]) { //Customers collection group_id update by id Customer.updateMany({ "group_id.value": req.params.id }, { $set: { "group_id.$.label": req.body.name } }).catch((err) => console.log(err)); //customersGroup update CustomersGroups.findByIdAndUpdate(req.params.id, req.body) .then(() => res.json({ messagge: title + " Updated", variant: "success", }) ) .catch((err) => res.status(400).json({ messagge: "Error: " + err, variant: "error", }) ); } else if (rolesControl[roleTitle + "onlyyou"]) { //Customers collection group_id update by id Customer.updateMany({ "group_id.value": req.params.id }, { $set: { "group_id.$.label": req.body.name } }).catch((err) => console.log(err)); //customersGroup update CustomersGroups.findOneAndUpdate({ _id: req.params.id, "created_user.id": `${req.user._id}`, }) .then((resdata) => { if (resdata) { res.json({ messagge: title + " Update", variant: "success", }); } else { res.json({ messagge: " You are not authorized, go away!", variant: "error", }); } }) .catch((err) => res.status(400).json({ messagge: "Error: " + err, variant: "error", }) ); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }); }); module.exports = router; <file_sep>/backend/routes/sendmail.js const express = require("express"); const router = express.Router(); const User = require("../models/user.model"); const nodemailer = require("nodemailer"); // get all items router.post("/adminsmail", (req, res) => { console.log(req.body) const { username, title, text } = req.body var mails = [] User.find({ 'role.mailing': true }, { username: 1 }) .then((data) => { for (const i in data) { const transporter = nodemailer.createTransport({ host: `${process.env.MAIL_HOST || "mail.bigfil.com.tr"}`, port: 587, secure: false, tls: { rejectUnauthorized: false }, auth: { user: `${process.env.MAIL_NAME || "<EMAIL>"}`, pass: `${process.env.MAIL_PASS || "<PASSWORD>"}`, }, }); const mailOptions = { from: `${process.env.MAIL_NAME || "<EMAIL>"}`, to: `${data[i].username}`, subject: title, html: text, }; console.log("sending mail"); transporter.sendMail(mailOptions, (err, response) => { if (err) { console.error("there was an error: ", err); } else { // console.log("here is the res: ", response); res.status(200).json("success"); } }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); module.exports = router; <file_sep>/backend/models/contents/bizkimiz.model.js const mongoose = require('mongoose'); const Schema = mongoose.Schema; const BizKimizSchema = new Schema({ created_user: { type: Object, }, title: { type: String, required: true, }, subtitle: { type: String, required: true, }, text: { type: String, required: true, }, images: { type: Array, }, }); const BizKimiz = mongoose.model('BizKimiz', BizKimizSchema); module.exports = BizKimiz; <file_sep>/backend/models/customer.model.js const mongoose = require('mongoose'); const Schema = mongoose.Schema; const CustomerSchema = new Schema( { name: { type: String, required: true, trim: true, }, email: { type: String, required: true, trim: true, }, password: { type: String, required: true, trim: true, }, tckn: { type: Number, required: true, }, group_id: { type: Array, trim: true, }, birthday: { type: Date, required: true, }, gsm: { type: String, }, tel: { type: String, }, estates: { type: { type: Array, required: true, }, estate_id: { type: Object, required: true, }, }, docs: { type: Array, }, country_id: { type: String, }, state_id: { type: String, }, town: { type: String, }, zipcode: { type: Number, }, address: { type: String, }, text: { type: String, }, }, { timestamps: true, } ); const Customer = mongoose.model('Customer', CustomerSchema); module.exports = Customer; <file_sep>/backend/models/estate.category.model.js const mongoose = require('mongoose'); const Schema = mongoose.Schema; const EstateCategorySchema = new Schema({ name: { type: String, required: true, }, }); const EstateCategory = mongoose.model('estateCategory', EstateCategorySchema); module.exports = EstateCategory; <file_sep>/backend/models/neighborhood.model.js const mongoose = require("mongoose"); const Schema = mongoose.Schema; const NeighborhoodSchema = new Schema({ mahalle_id: { type: Number, required: true, }, mahalle_title: { type: String, required: true, }, mahalle_key: { type: Number, required: true, }, mahalle_ilcekey: { type: Number, required: true, }, }); const Neighborhood = mongoose.model("neighborhood", NeighborhoodSchema); module.exports = Neighborhood; <file_sep>/backend/models/contents/iletisim.model.js const mongoose = require('mongoose'); const Schema = mongoose.Schema; const IletisimSchema = new Schema({ created_user: { type: Object, }, title: { type: String, required: true, }, text: { type: String, required: true, }, }); const Iletisim = mongoose.model('Iletisim', IletisimSchema); module.exports = Iletisim; <file_sep>/backend/models/estate.model.js const mongoose = require('mongoose'); const Schema = mongoose.Schema; const EstateSchema = new Schema( { created_user: { required: true, type: Object, }, active: { type: Boolean, }, title: { required: true, type: String, }, city: { type: Object, trim: true, require: true, }, town: { type: Object, trim: true, require: true, }, neighborhood: { type: Object, trim: true, require: true, }, bank_id: { type: Object, }, note: { type: String, require: true, trim: true, }, pdf: { type: Array, }, created: { type: Date, require: true, }, props: { type: Object, required: true, }, start_price: { type: Number, }, part_price: { type: Number, }, now_price: { type: Number, }, start_date: { type: Date, }, end_date: { type: Date, }, video_embed: { type: String, }, chance: { type: Array, }, images: { type: Array, }, specification: { type: String, require: true, trim: true, }, chance_category: { type: Object, ref: 'estateCategory', }, customersData: { type: Array, }, text: { type: String, }, }, { timestamps: true, } ); const Estate = mongoose.model('Estate', EstateSchema); module.exports = Estate; <file_sep>/backend/routes/staff.js const express = require('express'); const router = express.Router(); const User = require('../models/user.model'); const passport = require('passport'); const JWT = require('jsonwebtoken'); const crypto = require('crypto'); const bcrypt = require('bcrypt'); const BCRYPT_SALT_ROUNDS = 10; const roleTitle = 'staff'; const title = 'Staff'; // get all items router .route('/all/:bool') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (req.params.bool == '0') { var degBool = false; } else { var degBool = true; } if (rolesControl[roleTitle + 'list']) { User.find({ 'role.customers': degBool }) .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { User.find({ $or: [ { _id: req.user._id }, { 'created_user.id': `${req.user._id}` }, ], }) .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // post new items router .route('/add') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'create']) { new User(req.body) .save() .then(() => res.json({ messagge: title + ' Added', variant: 'success', }) ) .catch((err) => res.json({ messagge: ' Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // post new items router.route('/add/register').post((req, res, next) => { new User(req.body) .save() .then(() => res.json({ messagge: title + ' Added', variant: 'success', }) ) .catch((err) => res.json({ messagge: ' Error: ' + err, variant: 'error', }) ); }); // fetch data by id router .route('/:id') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'list']) { User.findById(req.params.id) .then((data) => res.json(data)) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { User.findOne({ $or: [ { _id: req.params.id }, { 'created_user.id': `${req.user._id}` }, ], }) .then((data) => { if (data) { res.json(data); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // fetch data by id (customer) router .route('/customer/:id') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { User.findById(req.params.id) .then((data) => res.json(data)) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); }); // delete data by id router .route('/:id') .delete(passport.authenticate('jwt', { session: false }), (req, res) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (req.params.id == req.user._id) { return res.json({ messagge: ' Can not delete yourself.', variant: 'error', }); } if (rolesControl[roleTitle + 'delete']) { User.findByIdAndDelete(req.params.id) .then((data) => res.json({ messagge: title + ' Deleted', variant: 'info', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { User.deleteOne({ _id: req.params.id, 'created_user.id': `${req.user._id}`, }) .then((resdata) => { if (resdata.deletedCount > 0) { res.json({ messagge: title + ' delete', variant: 'success', }); } else { res.status(403).json({ messagge: 'You are not authorized, go away!', variant: 'error', }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ messagge: 'You are not authorized, go away!', variant: 'error', }); } }); }); router.post( '/updatePasswordSuperadmin', passport.authenticate('jwt', { session: false }), (req, res) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl['superadmin'] || req.body._id == req.user._id) { User.findOne({ _id: req.body._id, }).then((user) => { if (user != null) { console.log('user exists in db'); bcrypt .hash(req.body.password, BCRYPT_SALT_ROUNDS) .then((hashedPassword) => { User.findOneAndUpdate( { _id: req.body._id, }, { password: <PASSWORD>, } ) .then(() => { res.json({ messagge: title + ' Password Update', variant: 'success', }); }) .catch((err) => { console.log(err); res.json({ messagge: 'Error: ' + err, variant: 'error', }); }); }); } else { console.error('no user exists in db to update'); res.status(401).json('no user exists in db to update'); } }); } else { res.json({ messagge: ' You are not authorized, go away!', variant: 'error', }); } }); } ); /// Update password customer router.post( '/updatePasswordCustomer', passport.authenticate('jwt', { session: false }), (req, res) => { User.find({ username: req.user.username }).then((data) => { User.findOne({ _id: req.body._id, }).then((user) => { if (user != null) { console.log('user exists in db'); bcrypt .hash(req.body.password, BCRYPT_SALT_ROUNDS) .then((hashedPassword) => { User.findOneAndUpdate( { _id: req.body._id, }, { password: <PASSWORD>, } ) .then(() => { res.json({ messagge: title + ' Password Update', variant: 'success', }); }) .catch((err) => { console.log(err); res.json({ messagge: 'Error: ' + err, variant: 'error', }); }); }); } else { console.error('no user exists in db to update'); res.status(401).json('no user exists in db to update'); } }); }); } ); // update data by id router .route('/:id') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'edit']) { User.findByIdAndUpdate(req.params.id, req.body) .then(() => res.json({ messagge: title + ' Update', variant: 'success', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { User.findOneAndUpdate( { _id: req.params.id, 'created_user.id': `${req.user._id}`, }, req.body ) .then((resdata) => { if (resdata) { res.json({ messagge: title + ' Update', variant: 'success', }); } else { res.json({ messagge: ' You are not authorized, go away!', variant: 'error', }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // update data by id router .route('/customer/:id') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { User.findByIdAndUpdate(req.params.id, req.body) .then(() => res.json({ messagge: title + ' Update', variant: 'success', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); }); // @route PUT user/like/:id // @desc Like a estate router.route('/:id/like/:estateId').put( /* passport.authenticate('jwt', { session: false }), */ async (req, res, next) => { try { const user = await User.findById(req.params.id); //Check if has already been liked if ( user.favorites.filter((like) => like.toString() === req.params.estateId) .length > 0 ) { return res.status(400).json({ msg: 'Already liked' }); } user.favorites.unshift(req.params.estateId); await user.save(); res.json(user.favorites); } catch (err) { console.error(err.message); res.status(500).send('Server Error'); } } ); // @route PUT staff/unlike/:id // @desc Unlike a router.route('/:id/unlike/:estateId').put( /* passport.authenticate('jwt', { session: false }), */ async (req, res, next) => { try { const user = await User.findById(req.params.id); //Check if has already been liked if ( user.favorites.filter((like) => like.toString() === req.params.estateId) .length === 0 ) { return res.status(400).json({ msg: 'user has not yet been liked' }); } // Get remove index const removeIndex = user.favorites .map((like) => like) .indexOf(req.params.estateId); user.favorites.splice(removeIndex, 1); await user.save(); res.json(user.favorites); } catch (err) { console.error(err.message); res.status(500).send('Server Error'); } } ); module.exports = router; <file_sep>/backend/server.js const express = require('express'); const cors = require('cors'); const mongoose = require('mongoose'); const bodyParser = require('body-parser'); const cookieParser = require('cookie-parser'); const path = require('path'); const compression = require('compression'); // var socketserver = require('./Socket/index') require('dotenv').config(); const app = express(); const port = process.env.PORT || 5000; app.use(compression()); app.use(cookieParser()); app.use(cors()); app.use(express.json()); const uri = process.env.ATLAS_URI || 'mongodb+srv://murat:<EMAIL>[email protected]/test?authSource=admin&replicaSet=Cluster0-shard-0&w=majority&readPreference=primary&appname=MongoDB%20Compass&retryWrites=true&ssl=true'; mongoose.connect(uri, { useNewUrlParser: true, useCreateIndex: true, useUnifiedTopology: true, useFindAndModify: false, }); const connection = mongoose.connection; connection.once('open', () => { console.log('connection MongoDB'); }); const userRouter = require('./routes/user'); const staffRouter = require('./routes/staff'); const estateRouter = require('./routes/estate'); const estatepropsRouter = require('./routes/estateprops'); const cityRouter = require('./routes/city'); const banksRouter = require('./routes/banks'); const uploadImgRouter = require('./routes/uploadImg'); const customerRouter = require('./routes/customers'); const customersGroupsRouter = require('./routes/customersGroups'); const estateCategoryRouter = require('./routes/estate.category'); const contentRouter = require('./routes/content'); const sendmail = require('./routes/sendmail'); app.use(bodyParser.json()); app.use('/customers', customerRouter); app.use('/customersgroups', customersGroupsRouter); app.use('/user', userRouter); app.use('/staff', staffRouter); app.use('/estate', estateRouter); app.use('/estateprops', estatepropsRouter); app.use('/city', cityRouter); app.use('/banks', banksRouter); app.use('/uploadimg', uploadImgRouter); app.use('/estatecategory', estateCategoryRouter); app.use('/content', contentRouter); app.use('/sendmail', sendmail); app.use(express.static(path.join(__dirname, '../build'))); app.get('*', (req, res) => { res.sendFile(path.join(__dirname, '../build/index.html')); }); app.listen(port, () => { console.log('sever is runnin port: ' + port); }); <file_sep>/backend/models/contents/iletisim.bilgiler.model.js const mongoose = require('mongoose'); const Schema = mongoose.Schema; const IletisimBilgiSchema = new Schema({ created_user: { type: Object, }, title: { type: String, required: true, }, text: { type: String, required: true, }, images: { type: Array, }, }); const IletisimBilgi = mongoose.model('IletisimBilgi', IletisimBilgiSchema); module.exports = IletisimBilgi; <file_sep>/backend/routes/estate.category.js const router = require('express').Router(); const passport = require('passport'); const JWT = require('jsonwebtoken'); let EstateCategory = require('../models/estate.category.model'); let User = require('../models/user.model'); // get all items public router.route('/public').get((req, res, next) => { EstateCategory.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); // get all items router .route('/') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { EstateCategory.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); }); // post new items router .route('/add') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { new EstateCategory(req.body) .save() .then(() => res.json({ variant: 'success', }) ) .catch((err) => res.json({ messagge: ' Error: ' + err, variant: 'error', }) ); }); }); // fetch data by id router .route('/:id') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { EstateCategory.findById(req.params.id) .then((data) => res.json(data)) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); }); // delete data by id router .route('/:id') .delete(passport.authenticate('jwt', { session: false }), (req, res) => { User.find({ username: req.user.username }).then((data) => { EstateCategory.findByIdAndDelete(req.params.id) .then((data) => res.json({ messagge: title + ' Deleted', variant: 'info', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); }); // update data by id router .route('/:id') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { EstateCategory.findByIdAndUpdate(req.params.id, req.body) .then(() => res.json({ messagge: title + ' Update', variant: 'success', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); }); module.exports = router; <file_sep>/backend/models/contents/nasil.model.js const mongoose = require('mongoose'); const Schema = mongoose.Schema; const NasilSchema = new Schema({ created_user: { type: Object, }, title: { type: String, required: true, }, text: { type: String, required: true, }, images: { type: Array, }, }); const Nasil = mongoose.model('Nasil', NasilSchema); module.exports = Nasil; <file_sep>/backend/routes/user.js const express = require('express'); const router = express.Router(); const passport = require('passport'); const passportConfig = require('../passport'); const JWT = require('jsonwebtoken'); const User = require('../models/user.model'); const crypto = require('crypto'); const bcrypt = require('bcrypt'); require('dotenv').config(); const BCRYPT_SALT_ROUNDS = 10; const nodemailer = require('nodemailer'); const signToken = (userID) => { return JWT.sign( { iss: process.env.PASPORTJS_KEY || "muraterhan", sub: userID, }, process.env.PASPORTJS_KEY || "muraterhan", { expiresIn: '30 days' } ); }; router.put('/updatePasswordViaEmail', (req, res) => { User.findOne({ username: req.body.username, resetPasswordToken: req.body.resetPasswordToken, resetPasswordExpires: { $gte: Date.now() }, }).then((user) => { if (user == null) { console.error('password reset link is invalid or has expired'); res.status(403).send('password reset link is invalid or has expired'); } else if (user != null) { console.log('user exists in db'); bcrypt .hash(req.body.password, BCRYPT_SALT_ROUNDS) .then((hashedPassword) => { User.findOneAndUpdate( { username: req.body.username, }, { password: <PASSWORD>, resetPasswordToken: null, resetPasswordExpires: null, } ) .then((res) => console.log(res)) .catch((err) => console.log(err)); }) .then(() => { console.log('password updated'); res.status(200).send({ message: 'password updated' }); }); } else { console.error('no user exists in db to update'); res.status(401).json('no user exists in db to update'); } }); }); router.post('/register', (req, res) => { const { username, password, role } = req.body; User.findOne({ username }, (err, user) => { if (err) res.status(500).json({ message: { msgBody: 'Error has occured', msgError: true }, }); if (user) res.status(400).json({ message: { msgBody: 'Username is already taken', msgError: true, }, }); else { const newUser = new User({ username, password, role }); newUser.save((err) => { if (err) res.status(500).json({ message: { msgBody: 'Error has occured', msgError: true, }, }); else res.status(201).json({ message: { msgBody: 'Account successfully created', msgError: false, }, }); }); } }); }); router.post( '/login', passport.authenticate('local', { session: false }), (req, res) => { if (req.isAuthenticated()) { const { _id, username, role, name, surname } = req.user; const token = signToken(_id); res.cookie('access_token', token, { httpOnly: true, }); res.status(200).json({ isAuthenticated: true, user: { username, role, id: _id, name: name + ' ' + surname }, }); } } ); router.get('/reset', (req, res) => { User.findOne({ resetPasswordToken: req.query.resetPasswordToken, resetPasswordExpires: { $gte: Date.now() }, }).then((user) => { if (user == null) { console.error('password reset link is invalid or has expired'); res.status(403).send('password reset link is invalid or has expired'); } else { res.status(200).send({ username: user.username, message: 'password reset link a-ok', }); } }); }); router.post('/forgotPassword', (req, res) => { if (req.body.username === '') { res.status(400).send('email required'); } User.findOne({ username: req.body.username }).then((user) => { if (user === null) { console.error('email not in database'); res.status(403).send('email not in db'); } else { const token = crypto.randomBytes(20).toString('hex'); user .updateOne({ resetPasswordToken: <PASSWORD>, resetPasswordExpires: Date.now() + 3600000, }) .then((res) => console.log(res + ' added')) .catch((err) => console.log(err)); const transporter = nodemailer.createTransport({ host: `${process.env.MAIL_HOST || "mail.bigfil.com.tr"}`, port: 587, secure: false, tls: { rejectUnauthorized: false }, auth: { user: `${process.env.MAIL_NAME || "<EMAIL>"}`, pass: `${process.env.MAIL_PASS || "<PASSWORD>"}`, }, }); const mailOptions = { from: `${process.env.MAIL_NAME || "<EMAIL>"}`, to: `${user.username}`, subject: 'Link To Reset Password', text: "You are receiving this because you (or someone else) have requested the reset of the password for your account.\n\n" + "Please click on the following link, or paste this into your browser to complete the process within one hour of receiving it:\n\n" + `${process.env.WEB_SITE || "http://localhost:3000"}/panel/reset/${token}\n\n` + "If you did not request this, please ignore this email and your password will remain unchanged.\n", }; console.log('sending mail'); transporter.sendMail(mailOptions, (err, response) => { if (err) { console.error('there was an error: ', err); } else { console.log('here is the res: ', response); res.status(200).json('recovery email sent'); } }); } }); }); router.get( '/logout', passport.authenticate('jwt', { session: false }), (req, res) => { res.clearCookie('access_token'); res.json({ user: { username: '', role: '', id: '', name: '' }, success: true, }); } ); router.get( '/admin', passport.authenticate('jwt', { session: false }), (req, res) => { if (req.user.role === 'admin') { res.status(200).json({ message: { msgBody: 'You are an admin', msgError: false }, }); } else { res.status(403).json({ message: { msgBody: "You're not an admin,go away", msgError: true, }, }); } } ); router.get( '/authenticated', passport.authenticate('jwt', { session: false }), (req, res) => { const { username, role, _id, name, surname } = req.user; res.status(200).json({ isAuthenticated: true, user: { username, role, id: _id, name: name + ' ' + surname }, }); } ); module.exports = router; <file_sep>/backend/Socket/index.js var app = require("express")(); var cors = require("cors"); const { ObjectID, ObjectId } = require("mongodb"); var http = require("http").createServer(app); var io = require("socket.io")(http); var mresult = []; app.use(cors()); var Port = process.env.PORT || 8000; // /////////////////////// app.get("/", (req, res) => { res.send("Mrba"); }); // ////////////////// app.get("/getoran/:ilanid", (req, res) => { console.log(req.params.ilanid); var MongoClient = require("mongodb").MongoClient; var url = "mongodb+srv://murat:[email protected]/test?authSource=admin&replicaSet=Cluster0-shard-0&w=majority&readPreference=primary&appname=MongoDB%20Compass&retryWrites=true&ssl=true"; MongoClient.connect(url, function (err, db) { if (err) throw err; var dbo = db.db("test"); var myquery = { ilanid: req.params.ilanid }; dbo .collection("teklif") .find(myquery) .toArray(function (err, result) { if (err) throw err; console.log(result); res.send(result); db.close(); }); }); }); // ////////////////// app.get("/oran/:id/:orani", (req, res) => { // console.log(req.params.id) var MongoClient = require("mongodb").MongoClient; var url = "mongodb+srv://murat:[email protected]/test?authSource=admin&replicaSet=Cluster0-shard-0&w=majority&readPreference=primary&appname=MongoDB%20Compass&retryWrites=true&ssl=true"; MongoClient.connect(url, function (err, db) { if (err) throw err; var dbo = db.db("test"); var myquery = { ilanid: req.params.id }; dbo .collection("teklif") .find(myquery) .toArray(function (err, result) { if (err) throw err; console.log(result); res.send(result); var MongoClient2 = require("mongodb").MongoClient; MongoClient2.connect(url, function (err, db2) { if (err) throw err; var dbo2 = db2.db("test"); var newvalues = { $set: { ilanid: result[0].ilanid, userid: result[0].userid, username: result[0].username, fiyat: result[0].fiyat, artis: req.params.orani, }, }; dbo2 .collection("teklif") .updateOne(myquery, newvalues, function (err, res) { if (err) throw err; io.emit("artis", req.params.orani); console.log("1 document updated"); db.close(); }); }); db.close(); }); }); }); app.get("/update/:ilanid/:userid/:username/:fiyat", async (req, res) => { var MongoClient = require("mongodb").MongoClient; var url = "mongodb+srv://murat:[email protected]/test?authSource=admin&replicaSet=Cluster0-shard-0&w=majority&readPreference=primary&appname=MongoDB%20Compass&retryWrites=true&ssl=true"; await new Promise((resolve, rej) => { MongoClient.connect(url, async function (err, db) { var dbo = db.db("test"); var myquery = { ilanid: req.params.ilanid }; var newvalues = { $set: { ilanid: req.params.ilanid, userid: req.params.userid, username: req.params.username, fiyat: req.params.fiyat, }, }; dbo .collection("teklif") .updateOne(myquery, newvalues, async function (err, res) { if (err) throw err; // console.log(res.result.nModified + " document(s) updated"); resolve(""); db.close(); }); }); }); io.emit("name", req.params.fiyat); res.send(req.params.fiyat); }); // //////////////////// app.get("/tarih/:ilanid", async (req, res) => { var MongoClient = require("mongodb").MongoClient; var url = "mongodb+srv://murat:<EMAIL>/test?authSource=admin&replicaSet=Cluster0-shard-0&w=majority&readPreference=primary&appname=MongoDB%20Compass&retryWrites=true&ssl=true"; var t = []; await new Promise((resolve, rej) => { MongoClient.connect(url, { useUnifiedTopology: true }, function (err, db) { if (err) throw err; var dbo = db.db("test"); // console.log(req.params.ilanid); var query = { ilanid: req.params.ilanid }; dbo .collection("teklif") .find(query) .toArray(async function (err, result) { if (err) throw err; t = result; // io.emit("name", t[0].fiyat); resolve(""); db.close(); }); }); }).then(async (resolve) => { if (t.length === 0) { await io.emit("name", "dahayok"); res.send(""); } else { await io.emit("name", t[0].fiyat); res.send(""); } }); }); // /////////////////////////// app.get("/:ilanid", async (req, res) => { var MongoClient = require("mongodb").MongoClient; var url = "mongodb+srv://murat:<EMAIL>/test?authSource=admin&replicaSet=Cluster0-shard-0&w=majority&readPreference=primary&appname=MongoDB%20Compass&retryWrites=true&ssl=true"; var t = []; await new Promise((resolve, rej) => { MongoClient.connect(url, { useUnifiedTopology: true }, function (err, db) { if (err) throw err; var dbo = db.db("test"); // console.log(req.params.ilanid); var query = { ilanid: req.params.ilanid }; dbo .collection("teklif") .find(query) .toArray(async function (err, result) { if (err) throw err; t = result; // io.emit("name", t[0].fiyat); resolve(""); db.close(); }); }); }).then(async (resolve) => { if (t.length === 0) { await io.emit("name", "dahayok"); res.send(""); } else { await io.emit("name", t[0].fiyat); res.send(""); } }); }); // /////////////////////// app.get( "/insertfiyat/:ilanid/:userid/:username/:fiyat/:date", async (req, res) => { var mresult = []; await io.emit("name", req.params.fiyat); var MongoClient = require("mongodb").MongoClient; var url = "mongodb+srv://murat:[email protected]/test?authSource=admin&replicaSet=Cluster0-shard-0&w=majority&readPreference=primary&appname=MongoDB%20Compass&retryWrites=true&ssl=true"; // if(mresult.length===0) MongoClient.connect(url, function (err, db) { if (err) throw err; var myobj = { ilanid: req.params.ilanid, userid: req.params.userid, username: req.params.username, fiyat: req.params.fiyat, end_date: new Date(req.params.date), }; // console.log(myboj); var dbo = db.db("test"); dbo.collection("teklif").insertOne(myobj, function (err, res) { if (err) throw err; // console.log("1 document inserted"); db.close(); }); }); res.send(""); } ); // /////////////////// http.listen(Port, () => { console.log("listening on *:6000"); }); exports.socketservice = http; <file_sep>/backend/routes/content.js const router = require('express').Router(); const passport = require('passport'); const JWT = require('jsonwebtoken'); let Nedir = require('../models/contents/nedir.model'); let BizKimiz = require('../models/contents/bizkimiz.model'); let Nasil = require('../models/contents/nasil.model'); let Iletisim = require('../models/contents/iletisim.model'); let IletisimBilgi = require('../models/contents/iletisim.bilgiler.model'); let User = require('../models/user.model'); //Nedir const title = 'Content'; const roleTitle = 'content'; // Nedir // get all items Nedir public router.route('/nedir/public').get((req, res, next) => { Nedir.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); // get all items Nedir router .route('/nedir') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'list']) { Nedir.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { Nedir.find({ 'created_user.id': `${req.user._id}` }) .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // post new items Nedir router .route('/nedir/add') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'create']) { new Nedir(req.body) .save() .then(() => res.json({ messagge: title + ' Added', variant: 'success', }) ) .catch((err) => res.json({ messagge: ' Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // fetch data by id Nedir router .route('/nedir/:id') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'list']) { Nedir.findById(req.params.id) .then((data) => res.json(data)) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { Nedir.findOne({ _id: req.params.id, 'created_user.id': `${req.user._id}`, }) .then((data) => { if (data) { res.json(data); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // delete data by id Nedir router .route('/nedir/:id') .delete(passport.authenticate('jwt', { session: false }), (req, res) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'delete']) { Nedir.findByIdAndDelete(req.params.id) .then((data) => res.json({ messagge: title + ' Deleted', variant: 'info', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { Nedir.deleteOne({ _id: req.params.id, 'created_user.id': `${req.user._id}`, }) .then((resdata) => { if (resdata.deletedCount > 0) { res.json({ messagge: title + ' delete', variant: 'success', }); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // update data by id Nedir router .route('/nedir/:id') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'edit']) { Nedir.findByIdAndUpdate(req.params.id, req.body) .then(() => res.json({ messagge: title + ' Update', variant: 'success', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { Nedir.findOneAndUpdate( { _id: req.params.id, 'created_user.id': `${req.user._id}`, }, req.body ) .then((resdata) => { if (resdata) { res.json({ messagge: title + ' Update', variant: 'success', }); } else { res.json({ messagge: ' You are not authorized, go away!', variant: 'error', }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); //Nasıl // get all items Nasıl public router.route('/nasil/public').get((req, res, next) => { Nasil.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); // get all items Nasil router .route('/nasil') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'list']) { Nasil.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { Nasil.find({ 'created_user.id': `${req.user._id}` }) .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // post new items Nasil router .route('/nasil/add') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'create']) { new Nasil(req.body) .save() .then(() => res.json({ messagge: title + ' Added', variant: 'success', }) ) .catch((err) => res.json({ messagge: ' Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // fetch data by id Nasil router .route('/nasil/:id') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'list']) { Nasil.findById(req.params.id) .then((data) => res.json(data)) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { Nasil.findOne({ _id: req.params.id, 'created_user.id': `${req.user._id}`, }) .then((data) => { if (data) { res.json(data); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // delete data by id Nasil router .route('/nasil/:id') .delete(passport.authenticate('jwt', { session: false }), (req, res) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'delete']) { Nasil.findByIdAndDelete(req.params.id) .then((data) => res.json({ messagge: title + ' Deleted', variant: 'info', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { Nasil.deleteOne({ _id: req.params.id, 'created_user.id': `${req.user._id}`, }) .then((resdata) => { if (resdata.deletedCount > 0) { res.json({ messagge: title + ' delete', variant: 'success', }); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // update data by id Nasil router .route('/nasil/:id') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'edit']) { Nasil.findByIdAndUpdate(req.params.id, req.body) .then(() => res.json({ messagge: title + ' Update', variant: 'success', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { Nasil.findOneAndUpdate( { _id: req.params.id, 'created_user.id': `${req.user._id}`, }, req.body ) .then((resdata) => { if (resdata) { res.json({ messagge: title + ' Update', variant: 'success', }); } else { res.json({ messagge: ' You are not authorized, go away!', variant: 'error', }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // Iletisim // get all items Iletisim public router.route('/iletisim/public').get((req, res, next) => { Iletisim.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); // get all items Iletisim router .route('/iletisim') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'list']) { Iletisim.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { Iletisim.find({ 'created_user.id': `${req.user._id}` }) .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // post new items Iletisim router .route('/iletisim/add') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'create']) { new Iletisim(req.body) .save() .then(() => res.json({ messagge: title + ' Added', variant: 'success', }) ) .catch((err) => res.json({ messagge: ' Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // fetch data by id Iletisim router .route('/iletisim/:id') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'list']) { Iletisim.findById(req.params.id) .then((data) => res.json(data)) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { Iletisim.findOne({ _id: req.params.id, 'created_user.id': `${req.user._id}`, }) .then((data) => { if (data) { res.json(data); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // delete data by id Iletisim router .route('/iletisim/:id') .delete(passport.authenticate('jwt', { session: false }), (req, res) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'delete']) { Iletisim.findByIdAndDelete(req.params.id) .then((data) => res.json({ messagge: title + ' Deleted', variant: 'info', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { Iletisim.deleteOne({ _id: req.params.id, 'created_user.id': `${req.user._id}`, }) .then((resdata) => { if (resdata.deletedCount > 0) { res.json({ messagge: title + ' delete', variant: 'success', }); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // update data by id Iletisim router .route('/iletisim/:id') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'edit']) { Iletisim.findByIdAndUpdate(req.params.id, req.body) .then(() => res.json({ messagge: title + ' Update', variant: 'success', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { Iletisim.findOneAndUpdate( { _id: req.params.id, 'created_user.id': `${req.user._id}`, }, req.body ) .then((resdata) => { if (resdata) { res.json({ messagge: title + ' Update', variant: 'success', }); } else { res.json({ messagge: ' You are not authorized, go away!', variant: 'error', }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // BizKimiz // get all items BizKimiz public router.route('/bizkimiz/public').get((req, res, next) => { BizKimiz.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); // get all items BizKimiz router .route('/bizkimiz') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'list']) { BizKimiz.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { BizKimiz.find({ 'created_user.id': `${req.user._id}` }) .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // post new items BizKimiz router .route('/bizkimiz/add') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'create']) { new BizKimiz(req.body) .save() .then(() => res.json({ messagge: title + ' Added', variant: 'success', }) ) .catch((err) => res.json({ messagge: ' Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // fetch data by id BizKimiz router .route('/bizkimiz/:id') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'list']) { BizKimiz.findById(req.params.id) .then((data) => res.json(data)) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { BizKimiz.findOne({ _id: req.params.id, 'created_user.id': `${req.user._id}`, }) .then((data) => { if (data) { res.json(data); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // delete data by id BizKimiz router .route('/bizkimiz/:id') .delete(passport.authenticate('jwt', { session: false }), (req, res) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'delete']) { BizKimiz.findByIdAndDelete(req.params.id) .then((data) => res.json({ messagge: title + ' Deleted', variant: 'info', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { BizKimiz.deleteOne({ _id: req.params.id, 'created_user.id': `${req.user._id}`, }) .then((resdata) => { if (resdata.deletedCount > 0) { res.json({ messagge: title + ' delete', variant: 'success', }); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // update data by id BizKimiz router .route('/bizkimiz/:id') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'edit']) { BizKimiz.findByIdAndUpdate(req.params.id, req.body) .then(() => res.json({ messagge: title + ' Update', variant: 'success', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { BizKimiz.findOneAndUpdate( { _id: req.params.id, 'created_user.id': `${req.user._id}`, }, req.body ) .then((resdata) => { if (resdata) { res.json({ messagge: title + ' Update', variant: 'success', }); } else { res.json({ messagge: ' You are not authorized, go away!', variant: 'error', }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // IletisimBilgi // get all items IletisimBilgi public router.route('/iletisim-bilgileri/public').get((req, res, next) => { IletisimBilgi.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); }); // get all items IletisimBilgi router .route('/iletisim-bilgileri') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'list']) { IletisimBilgi.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { IletisimBilgi.find({ 'created_user.id': `${req.user._id}` }) .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // post new items IletisimBilgi router .route('/iletisim-bilgileri/add') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'create']) { new IletisimBilgi(req.body) .save() .then(() => res.json({ messagge: title + ' Added', variant: 'success', }) ) .catch((err) => res.json({ messagge: ' Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // fetch data by id IletisimBilgi router .route('/iletisim-bilgileri/:id') .get(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'list']) { IletisimBilgi.findById(req.params.id) .then((data) => res.json(data)) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { IletisimBilgi.findOne({ _id: req.params.id, 'created_user.id': `${req.user._id}`, }) .then((data) => { if (data) { res.json(data); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }) .catch((err) => res.status(400).json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // delete data by id IletisimBilgi router .route('/iletisim-bilgileri/:id') .delete(passport.authenticate('jwt', { session: false }), (req, res) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'delete']) { IletisimBilgi.findByIdAndDelete(req.params.id) .then((data) => res.json({ messagge: title + ' Deleted', variant: 'info', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { IletisimBilgi.deleteOne({ _id: req.params.id, 'created_user.id': `${req.user._id}`, }) .then((resdata) => { if (resdata.deletedCount > 0) { res.json({ messagge: title + ' delete', variant: 'success', }); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); // update data by id IletisimBilgi router .route('/iletisim-bilgileri/:id') .post(passport.authenticate('jwt', { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + 'edit']) { IletisimBilgi.findByIdAndUpdate(req.params.id, req.body) .then(() => res.json({ messagge: title + ' Update', variant: 'success', }) ) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else if (rolesControl[roleTitle + 'onlyyou']) { IletisimBilgi.findOneAndUpdate( { _id: req.params.id, 'created_user.id': `${req.user._id}`, }, req.body ) .then((resdata) => { if (resdata) { res.json({ messagge: title + ' Update', variant: 'success', }); } else { res.json({ messagge: ' You are not authorized, go away!', variant: 'error', }); } }) .catch((err) => res.json({ messagge: 'Error: ' + err, variant: 'error', }) ); } else { res.status(403).json({ message: { messagge: 'You are not authorized, go away!', variant: 'error', }, }); } }); }); module.exports = router; <file_sep>/backend/routes/uploadImg.js const router = require("express").Router(); const path = require("path"); const multer = require("multer"); const mongoose = require("mongoose"); const fs = require('fs') const { promisify } = require('util') const unlinkAsync = promisify(fs.unlink) router.post("/uploadimg/:path", function (req, res) { var storage = multer.diskStorage({ destination: function (req, file, cb) { cb(null, "./build/uploads/" + req.params.path); }, filename: function (req, file, cb) { cb(null, Date.now() + "-" + file.originalname.replace(/[^a-zA-Z0-9,.,/]/g, "_")); }, }); var upload = multer({ storage: storage }).array("file"); upload(req, res, function (err) { if (err instanceof multer.MulterError) { return res.status(500).json(err); } else if (err) { return res.status(500).json(err); } return res.status(200).send(req.files); // Everything went fine. }); }); router.post("/removefile", function (req, res) { unlinkAsync("./build" + req.body.file) }); module.exports = router; <file_sep>/backend/routes/banks.js const router = require("express").Router(); const passport = require("passport"); const JWT = require("jsonwebtoken"); let Banks = require("../models/banks.model"); let User = require("../models/user.model"); let ObjectId = require("mongodb").ObjectId; const Moment = require("moment"); const title = "Bank"; const roleTitle = "estates"; // get all items router.route("/").get(passport.authenticate("jwt", { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + "list"]) { Banks.find() .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: "Error: " + err, variant: "error", }) ); } else if (rolesControl[roleTitle + "onlyyou"]) { Banks.find({ "created_user.id": `${req.user._id}` }) .then((data) => { res.json(data); }) .catch((err) => res.json({ messagge: "Error: " + err, variant: "error", }) ); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }); }); // post new items router.route("/add").post(passport.authenticate("jwt", { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + "create"]) { new Banks(req.body) .save() .then(() => res.json({ messagge: title + " Added", variant: "success", }) ) .catch((err) => res.json({ messagge: " Error: " + err, variant: "error", }) ); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }); }); // payments list router.route("/payments/:id").get(passport.authenticate("jwt", { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + "list"]) { Banks.find({ _id: req.params.id }) .then((data2) => { res.json(data2); }) .catch((err) => res.json({ messagge: " Error: " + err, variant: "error", }) ); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }); }); // fetch data by id router.route("/:id").get(passport.authenticate("jwt", { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + "list"]) { Banks.findById(req.params.id) .then((data) => res.json(data)) .catch((err) => res.status(400).json({ messagge: "Error: " + err, variant: "error", }) ); } else if (rolesControl[roleTitle + "onlyyou"]) { Banks.findOne({ _id: req.params.id, "created_user.id": `${req.user._id}`, }) .then((data) => { if (data) { res.json(data); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }) .catch((err) => res.status(400).json({ messagge: "Error: " + err, variant: "error", }) ); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }); }); // delete data by id router.route("/:id").delete(passport.authenticate("jwt", { session: false }), (req, res) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + "remove"]) { Banks.findByIdAndDelete(req.params.id) .then((data) => res.json({ messagge: title + " Deleted", variant: "info", }) ) .catch((err) => res.json({ messagge: "Error: " + err, variant: "error", }) ); } else if (rolesControl[roleTitle + "onlyyou"]) { Banks.deleteOne({ _id: req.params.id, "created_user.id": `${req.user._id}`, }) .then((resdata) => { if (resdata.deletedCount > 0) { res.json({ messagge: title + " delete", variant: "success", }); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }) .catch((err) => res.json({ messagge: "Error: " + err, variant: "error", }) ); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }); }); // update data by id router.route("/:id").post(passport.authenticate("jwt", { session: false }), (req, res, next) => { User.find({ username: req.user.username }).then((data) => { const rolesControl = data[0].role[0]; if (rolesControl[roleTitle + "edit"]) { Banks.findByIdAndUpdate(req.params.id, req.body) .then(() => res.json({ messagge: title + " Update", variant: "success", }) ) .catch((err) => res.json({ messagge: "Error: " + err, variant: "error", }) ); } else if (rolesControl[roleTitle + "onlyyou"]) { Banks.findOneAndUpdate( { _id: req.params.id, "created_user.id": `${req.user._id}`, }, req.body ) .then((resdata) => { if (resdata) { res.json({ messagge: title + " Update", variant: "success", }); } else { res.json({ messagge: " You are not authorized, go away!", variant: "error", }); } }) .catch((err) => res.json({ messagge: "Error: " + err, variant: "error", }) ); } else { res.status(403).json({ message: { messagge: "You are not authorized, go away!", variant: "error", }, }); } }); }); module.exports = router; <file_sep>/backend/models/estateprops.model.js const mongoose = require('mongoose'); const Schema = mongoose.Schema; const EstatepropsSchema = new Schema( { created_user: { required: true, type: Object, }, order: { required: true, type: Number, }, text: { required: true, type: String, }, type: { type: String, require: true, }, view_name: { required: true, type: String, }, items: { type: Array, require: true, }, }, { timestamps: true, } ); const Estateprops = mongoose.model('Estateprops', EstatepropsSchema); module.exports = Estateprops;
cae7ed782865dd7c7bf3b875ad23d9dc50ae6856
[ "JavaScript" ]
19
JavaScript
SoftwareEngAhmetDemir/uploadedReact
cf80dcc4a62bef4db0da560f869ee7c239cad19c
ecb4ddcf3d735990ab3ec7b8b14eb2030c4dabc7
refs/heads/master
<file_sep>package za.co.zantech.dao; import za.co.zantech.dao.common.BaseDAO; import za.co.zantech.entities.Permission; import java.util.Optional; /** * Created by zandrewitte on 2017/06/06. * PermissionDAO */ public class PermissionDAO extends BaseDAO<Permission> { public Optional<Permission> getPermission(String routeName, String method, Long roleId) { return executeQuery(session -> session.createQuery( "SELECT permission " + "FROM Route route " + "JOIN Permission permission ON permission.routeId = route.id " + "JOIN Role role ON permission.roleId = role.id " + "WHERE route.name = :routeName AND upper(route.method) = upper(:method) AND role.id = :roleId", Permission.class) .setParameter( "routeName", routeName ) .setParameter( "method", method ) .setParameter( "roleId", roleId ) .uniqueResult() ); } } <file_sep># zantech-api Zantech REST API using java 8, akka-http, actors <file_sep># ************************************************************ # Sequel Pro SQL dump # Version 4541 # # http://www.sequelpro.com/ # https://github.com/sequelpro/sequelpro # # Host: 127.0.01 (MySQL 5.7.18) # Database: zantech # Generation Time: 2017-08-04 12:16:05 +0000 # ************************************************************ /*!40101 SET @OLD_CHARACTER_SET_CLIENT=@@CHARACTER_SET_CLIENT */; /*!40101 SET @OLD_CHARACTER_SET_RESULTS=@@CHARACTER_SET_RESULTS */; /*!40101 SET @OLD_COLLATION_CONNECTION=@@COLLATION_CONNECTION */; /*!40101 SET NAMES utf8 */; /*!40014 SET @OLD_FOREIGN_KEY_CHECKS=@@FOREIGN_KEY_CHECKS, FOREIGN_KEY_CHECKS=0 */; /*!40101 SET @OLD_SQL_MODE=@@SQL_MODE, SQL_MODE='NO_AUTO_VALUE_ON_ZERO' */; /*!40111 SET @OLD_SQL_NOTES=@@SQL_NOTES, SQL_NOTES=0 */; # Dump of table Permission # ------------------------------------------------------------ DROP TABLE IF EXISTS `Permission`; CREATE TABLE `Permission` ( `id` BIGINT(20) NOT NULL AUTO_INCREMENT, `roleId` BIGINT(20) NOT NULL, `routeId` BIGINT(20) NOT NULL, PRIMARY KEY (`id`), KEY `kRole` (`roleId`), KEY `kRoute` (`routeId`), CONSTRAINT `fkPermissionRole` FOREIGN KEY (`roleId`) REFERENCES `Role` (`id`), CONSTRAINT `fkPermissionRoute` FOREIGN KEY (`routeId`) REFERENCES `Route` (`id`) ) ENGINE=INNODB DEFAULT CHARSET=latin1; LOCK TABLES `Permission` WRITE; /*!40000 ALTER TABLE `Permission` DISABLE KEYS */; INSERT INTO `Permission` (`id`, `roleId`, `routeId`) VALUES (1,2,1), (2,2,2), (3,2,3), (4,2,4); /*!40000 ALTER TABLE `Permission` ENABLE KEYS */; UNLOCK TABLES; # Dump of table Role # ------------------------------------------------------------ DROP TABLE IF EXISTS `Role`; CREATE TABLE `Role` ( `id` BIGINT(20) NOT NULL AUTO_INCREMENT, `name` VARCHAR(20) NOT NULL, `description` VARCHAR(255) DEFAULT NULL, PRIMARY KEY (`id`) ) ENGINE=INNODB DEFAULT CHARSET=latin1; LOCK TABLES `Role` WRITE; /*!40000 ALTER TABLE `Role` DISABLE KEYS */; INSERT INTO `Role` (`id`, `name`, `description`) VALUES (1,'Administrator','Partner API access. Can query accounts.'), (2,'SuperUser','Super user with all access'); /*!40000 ALTER TABLE `Role` ENABLE KEYS */; UNLOCK TABLES; # Dump of table Route # ------------------------------------------------------------ DROP TABLE IF EXISTS `Route`; CREATE TABLE `Route` ( `id` BIGINT(20) NOT NULL AUTO_INCREMENT, `name` VARCHAR(20) NOT NULL, `method` VARCHAR(6) NOT NULL, `description` VARCHAR(255) DEFAULT NULL, PRIMARY KEY (`id`) ) ENGINE=INNODB DEFAULT CHARSET=latin1; LOCK TABLES `Route` WRITE; /*!40000 ALTER TABLE `Route` DISABLE KEYS */; INSERT INTO `Route` (`id`, `name`, `method`, `description`) VALUES (1,'Users','GET','Query Users'), (2,'Users/*','GET','Query Users by ID'), (3,'Users/*','PUT','Update User'), (4,'Users','POST','Create new User'); /*!40000 ALTER TABLE `Route` ENABLE KEYS */; UNLOCK TABLES; # Dump of table User # ------------------------------------------------------------ DROP TABLE IF EXISTS `User`; CREATE TABLE `User` ( `id` BIGINT(20) NOT NULL AUTO_INCREMENT, `userName` VARCHAR(20) NOT NULL, `password` VARCHAR(400) NOT NULL, `status` VARCHAR(10) NOT NULL, `roleId` BIGINT(20) NOT NULL, PRIMARY KEY (`id`), UNIQUE KEY `kUserName` (`userName`), CONSTRAINT `fkUserRole` FOREIGN KEY (`roleId`) REFERENCES `Role` (`id`) ) ENGINE=INNODB DEFAULT CHARSET=latin1; LOCK TABLES `User` WRITE; /*!40000 ALTER TABLE `User` DISABLE KEYS */; INSERT INTO `User` (`id`, `userName`, `password`, `status`, `roleId`) VALUES (1,'zandrewitte','$argon2i$v=19$m=65536,t=2,p=1$Ln6X2PoDBPVrA+0qeAdKFQ$9uAxw1SPsfbjSSdj2WwYjmZHwZKjJ/YJP5dQfXe8+yI','Active',2); /*!40000 ALTER TABLE `User` ENABLE KEYS */; UNLOCK TABLES; -- -------------------------------------------------------- -- -- Table structure for table `drum_info` -- DROP TABLE IF EXISTS `DrumInfo`; CREATE TABLE `DrumInfo` ( `id` INT(11) NOT NULL AUTO_INCREMENT, `number` VARCHAR(255) NOT NULL, `abb` VARCHAR(255) NOT NULL, `impulse` VARCHAR(255) NOT NULL, `cableType` VARCHAR(255) NOT NULL, `length` INT(11) NOT NULL, PRIMARY KEY (`id`) ) ENGINE=INNODB DEFAULT CHARSET=latin1; -- -- Dumping data for table `drum_info` -- INSERT INTO `DrumInfo` (`id`, `number`, `abb`, `impulse`, `cableType`, `length`) VALUES (1, 'H 38006', 'ABB 00113', 'IMP / 2 / 0001', 'UVG 2 ACM (Blue Stripe)', 1000), (2, 'H 39019', 'ABB 00104', 'IMP / 2 / 0002', 'UVG 2 ACM (Blue Stripe)', 1000), (3, 'H 37997', 'ABB 00111', 'IMP / 2 / 0003', 'UVG 2 ACM (Blue Stripe)', 1000), (4, 'H 41658', 'ABB 00018', 'IMP / 4 / 0001', 'UVG 4 ACM (Blue Stripe)', 2000), (5, 'H 41622', 'ABB 00019', 'IMP / 4 / 0002', 'UVG 4 ACM (Blue Stripe)', 2000), (6, 'H 5223', 'ABB 00030', 'IMP / 4 / 0003', 'UVG 4 ACM (Blue Stripe)', 1000), (7, 'H 38449', 'ABB 00031', 'IMP / 4 / 0004', 'UVG 4 ACM (Blue Stripe)', 1000), (8, 'H 38497', 'ABB 00032', 'IMP / 4 / 0005', 'UVG 4 ACM (Blue Stripe)', 1000), (9, 'H 38483', 'ABB 00033', 'IMP / 4 / 0006', 'UVG 4 ACM (Blue Stripe)', 1000), (10, 'H 38460', 'ABB 00034', 'IMP / 4 / 0007', 'UVG 4 ACM (Blue Stripe)', 1000), (11, 'H 41571', 'ABB 00062', 'IMP / 4 / 0008', 'UVG 4 ACM (Blue Stripe)', 2000), (12, 'H 40931', 'ABB 00063', 'IMP / 4 / 0009', 'UVG 4 ACM (Blue Stripe)', 2000), (13, 'H 41599', 'ABB 00064', 'IMP / 4 / 0010', 'UVG 4 ACM (Blue Stripe)', 2000), (14, 'H 41612', 'ABB 00105', 'IMP / 4 / 0011', 'UVG 4 ACM (Blue Stripe)', 2000), (15, 'H 41626', 'ABB 00106', 'IMP / 4 / 0012', 'UVG 4 ACM (Blue Stripe)', 2000), (16, 'H 36976', 'ABB 00109', 'IMP / 4 / 0014', 'UVG 4 ACM (Blue Stripe)', 1000), (17, 'H 44713', 'ABB 00110', 'IMP / 4 / 0015', 'UVG 4 ACM (Blue Stripe)', 1000), (18, 'H 38320', 'ABB 00112', 'IMP / 4 / 0016', 'UVG 4 ACM (Blue Stripe)', 1000), (19, 'H 47852', 'ABB 0001', 'IMP / 8 / 0001', 'UVG 8 ACM (Blue Stripe)', 2004), (25, 'H 47863', 'ABB 0002', 'IMP / 8 / 0002', 'UVG 8 ACM (Blue Stripe)', 2000), (26, 'H 45272', 'ABB 0003', 'IMP / 8 / 0003', 'UVG 8 ACM (Blue Stripe)', 2005), (27, 'H 46317', 'ABB 0004', 'IMP / 8 / 0004', 'UVG 8 ACM (Blue Stripe)', 2002), (28, 'H 44466', 'ABB 0005', 'IMP / 8 / 0005', 'UVG 8 ACM (Blue Stripe)', 2002), (29, 'H 46306', 'ABB 0006', 'IMP / 8 / 0006', 'UVG 8 ACM (Blue Stripe)', 2000), (30, 'H 46318', 'ABB 0007', 'IMP / 8 / 0007', 'UVG 8 ACM (Blue Stripe)', 2004), (31, 'H 46315', 'ABB 0008', 'IMP / 8 / 0008', 'UVG 8 ACM (Blue Stripe)', 2010), (32, 'H 46291', 'ABB 0009', 'IMP / 8 / 0009', 'UVG 8 ACM (Blue Stripe)', 2001), (33, 'H 46323', 'ABB 0010', 'IMP / 8 / 0010', 'UVG 8 ACM (Blue Stripe)', 2010), (34, 'H 45265', 'ABB 0011', 'IMP / 8 / 0011', 'UVG 8 ACM (Blue Stripe)', 2001), (35, 'H 44500', 'ABB 00025', 'IMP / 8 / 0012', 'UVG 8 ACM (Blue Stripe)', 2004), (36, 'H 44477', 'ABB 00026', 'IMP / 8 / 0013', 'UVG 8 ACM (Blue Stripe)', 2001), (37, 'H 44480', 'ABB 00027', 'IMP / 8 / 0014', 'UVG 8 ACM (Blue Stripe)', 2000), (38, 'H 47874', 'ABB 00035', 'IMP / 8 / 0015', 'UVG 8 ACM (Blue Stripe)', 2000), (39, 'H 46328', 'ABB 00036', 'IMP / 8 / 0016', 'UVG 8 ACM (Blue Stripe)', 2000), (40, 'H 47858', 'ABB 00037', 'IMP / 8 / 0017', 'UVG 8 ACM (Blue Stripe)', 2000), (41, 'H 46134', 'ABB 00038', 'IMP / 8 / 0018', 'UVG 8 ACM (Blue Stripe)', 2000), (42, 'H 47866', 'ABB 00039', 'IMP / 8 / 0019', 'UVG 8 ACM (Blue Stripe)', 2000), (43, 'H 47865', 'ABB 00040', 'IMP / 8 / 0020', 'UVG 8 ACM (Blue Stripe)', 2000), (44, 'H 47854', 'ABB 00041', 'IMP / 8 / 0021', 'UVG 8 ACM (Blue Stripe)', 2001), (45, 'H 47861', 'ABB 00042', 'IMP / 8 / 0022', 'UVG 8 ACM (Blue Stripe)', 2000), (46, 'H 46102', 'ABB 00043', 'IMP / 8 / 0023', 'UVG 8 ACM (Blue Stripe)', 2000), (47, 'H 47859', 'ABB 00044', 'IMP / 8 / 0024', 'UVG 8 ACM (Blue Stripe)', 2000), (48, 'H 47862', 'ABB 00045', 'IMP / 8 / 0025', 'UVG 8 ACM (Blue Stripe)', 2000), (49, 'H 47870', 'ABB 00046', 'IMP / 8 / 0026', 'UVG 8 ACM (Blue Stripe)', 2001), (50, 'H 47855', 'ABB 00051', 'IMP / 8 / 0027', 'UVG 8 ACM (Blue Stripe)', 2000), (51, 'H 47873', 'ABB 00052', 'IMP / 8 / 0028', 'UVG 8 ACM (Blue Stripe)', 2003), (52, 'H 44928', 'ABB 00020', 'IMP / 16 / 0001', 'UVG 16 ACM ( Blue Stripe )', 1000), (53, 'H 39062', 'ABB 00021', 'IMP / 16 / 0002', 'UVG 16 ACM ( Blue Stripe )', 1000), (54, 'H 39121', 'ABB 00022', 'IMP / 16 / 0003', 'UVG 16 ACM ( Blue Stripe )', 1000), (55, 'H 42981', 'ABB 00023', 'IMP / 16 / 0004', 'UVG 16 ACM ( Blue Stripe )', 1000), (56, 'H 46056', 'ABB 00047', 'IMP / 16 / 0005', 'UVG 16 ACM ( Blue Stripe )', 2000), (57, 'H 46478', 'ABB 00048', 'IMP / 16 / 0006', 'UVG 16 ACM ( Blue Stripe )', 2000), (58, 'H 41465', 'ABB 00049', 'IMP / 16 / 0007', 'UVG 16 ACM ( Blue Stripe )', 2000), (59, 'H 41451', 'ABB 00050', 'IMP / 16 / 0008', 'UVG 16 ACM ( Blue Stripe )', 2000), (60, 'H 46267', 'ABB 00053', 'IMP / 16 / 0009', 'UVG 16 ACM ( Blue Stripe )', 2000), (61, 'H 41448', 'ABB 00054', 'IMP / 16 / 0010', 'UVG 16 ACM ( Blue Stripe )', 2000), (62, 'H 46052', 'ABB 00055', 'IMP / 16 / 0011', 'UVG 16 ACM ( Blue Stripe )', 2000), (63, 'H 46116', 'ABB 00056', 'IMP / 16 / 0012', 'UVG 16 ACM ( Blue Stripe )', 2000), (64, 'H 41450', 'ABB 00058', 'IMP / 16 / 0013', 'UVG 16 ACM ( Blue Stripe )', 2000), (65, 'H 41480', 'ABB 00059', 'IMP / 16 / 0014', 'UVG 16 ACM ( Blue Stripe )', 2000), (67, 'H 41915', 'ABB 00060', 'IMP / 16 / 0015', 'UVG 16 ACM ( Blue Stripe )', 2000), (68, 'H 46285', 'ABB 00061', 'IMP / 16 / 0016', 'UVG 16 ACM ( Blue Stripe )', 2000), (69, 'H 44939', 'ABB 00065', 'IMP / 16 / 0017', 'UVG 16 ACM ( Blue Stripe )', 1000), (70, 'H 42738', 'ABB 00066', 'IMP / 16 / 0018', 'UVG 16 ACM ( Blue Stripe )', 1000), (71, 'H 44936', 'ABB 00068', 'IMP / 16 / 0020', 'UVG 16 ACM ( Blue Stripe )', 1000), (72, 'H 39066', 'ABB 00069', 'IMP / 16 / 0021', 'UVG 16 ACM ( Blue Stripe )', 1000), (73, 'H 44951', 'ABB 00070', 'IMP / 16 / 0022', 'UVG 16 ACM ( Blue Stripe )', 1000), (74, 'H 44933', 'ABB 00071', 'IMP / 16 / 0023', 'UVG 16 ACM ( Blue Stripe )', 1000), (75, 'H 44940', 'ABB 00072', 'IMP / 16 / 0024', 'UVG 16 ACM ( Blue Stripe )', 1000), (76, 'H 44947', 'ABB 00073', 'IMP / 16 / 0025', 'UVG 16 ACM ( Blue Stripe )', 1000), (78, 'H 44950', 'ABB 00074', 'IMP / 16 / 0026', 'UVG 16 ACM ( Blue Stripe )', 1000), (79, 'H 44946', 'ABB 00079', 'IMP / 16 / 0027', 'UVG 16 ACM ( Blue Stripe )', 1000), (80, 'H 39072', 'ABB 00080', 'IMP / 16 / 0028', 'UVG 16 ACM ( Blue Stripe )', 1000), (81, 'H 44941', 'ABB 00081', 'IMP / 16 / 0029', 'UVG 16 ACM ( Blue Stripe )', 1000), (82, 'H 40231', 'ABB 00082', 'IMP / 16 / 0030', 'UVG 16 ACM ( Blue Stripe )', 1000), (83, 'H 43024', 'ABB 00083', 'IMP / 16 / 0031', 'UVG 16 ACM ( Blue Stripe )', 1000), (84, 'H 41223', 'ABB 00024', 'IMP / 20 / 0001', 'UVG 20 ACM ( Blue Stripe )', 2000), (85, 'H 46119', 'ABB 00028', 'IMP / 20 / 0002', 'UVG 20 ACM ( Blue Stripe )', 2000), (86, 'H 46089', 'ABB 00029', 'IMP / 32 / 0001', 'UVG 32 ACM ( Blue Stripe )', 2000), (87, 'H 41919', 'ABB 00087', 'IMP / 40 / 0003', 'UVG 40 ACM ( Blue Stripe )', 2000), (88, 'H 41917', 'ABB 00088', 'IMP / 40 / 0004', 'UVG 40 ACM ( Blue Stripe )', 2000), (89, 'H 27187', 'ABB 00076', 'IMP / 4 / 1001', 'UVH 4 ACM ( Blue Stripe )', 1000), (90, 'H 27176', 'ABB 00077', 'IMP / 4 / 1002', 'UVH 4 ACM ( Blue Stripe )', 1000), (91, 'H 44432', 'ABB 00084', 'IMP / 8 / 2001', 'UVG 8 CCM (Blue Stripe)', 2000), (92, 'H 44386', 'ABB 00078', 'IMP / 8 / 2002', 'UVG 8 CCM (Blue Stripe)', 2001), (93, 'H 41459', 'ABB 00057', 'IMP / 8 / 1001', 'UVH 8 ACM ( Blue Stripe )', 2000), (94, 'H 33274', 'ABB 00075', 'IMP / 8 / 1002', 'UVH 8 ACM ( Blue Stripe )', 1000), (95, 'H 39145', 'ABB 00066', 'IMP / 16 / 1001', 'UVG 16 CCM ( Blue Stripe )', 993); /*!40111 SET SQL_NOTES=@OLD_SQL_NOTES */; /*!40101 SET SQL_MODE=@OLD_SQL_MODE */; /*!40014 SET FOREIGN_KEY_CHECKS=@OLD_FOREIGN_KEY_CHECKS */; /*!40101 SET CHARACTER_SET_CLIENT=@OLD_CHARACTER_SET_CLIENT */; /*!40101 SET CHARACTER_SET_RESULTS=@OLD_CHARACTER_SET_RESULTS */; /*!40101 SET COLLATION_CONNECTION=@OLD_COLLATION_CONNECTION */; <file_sep>package za.co.zantech.dao.common; import org.hibernate.Session; import org.hibernate.SessionFactory; import org.hibernate.boot.MetadataSources; import org.hibernate.boot.registry.StandardServiceRegistry; import org.hibernate.boot.registry.StandardServiceRegistryBuilder; import org.slf4j.Logger; import org.slf4j.LoggerFactory; import java.util.concurrent.TimeUnit; /** * Created by zandrewitte on 2017/05/10. * HibernateDAO */ class HibernateDAO { private static Logger logger = LoggerFactory.getLogger("HibernateDAO"); private SessionFactory sessionFactory; private static HibernateDAO ourInstance = new HibernateDAO(); public static HibernateDAO getInstance() { return ourInstance; } private static Logger getLogger() { return logger; } private HibernateDAO() { setupRegistry(); } private void setupRegistry() { try { // A SessionFactory is set up once for an application! final StandardServiceRegistry registry = new StandardServiceRegistryBuilder() .configure() // configures settings from hibernate.cfg.xml .build(); sessionFactory = new MetadataSources( registry ).buildMetadata().buildSessionFactory(); } catch (Exception e) { getLogger().error(e.getMessage(), e); getLogger().info("Retrying connection in 5 seconds"); try{ TimeUnit.SECONDS.sleep(5); } catch (InterruptedException ie) { getLogger().error(e.getMessage(), ie); } setupRegistry(); } } public SessionFactory getSessionFactory() { return sessionFactory; } public static Session openSession() { return getInstance().getSessionFactory().openSession(); } } <file_sep>package za.co.zantech.routes; import akka.actor.ActorRef; import akka.actor.ActorSystem; import akka.http.javadsl.marshallers.jackson.Jackson; import akka.http.javadsl.model.StatusCodes; import akka.http.javadsl.server.AllDirectives; import akka.http.javadsl.server.Route; import akka.util.Timeout; import io.jsonwebtoken.Claims; import io.jsonwebtoken.Jws; import za.co.zantech.messagespec.UserSpec.*; import za.co.zantech.messagespec.MessageSpec.*; import static akka.http.javadsl.server.PathMatchers.longSegment; import static akka.http.javadsl.server.PathMatchers.segment; import static akka.pattern.PatternsCS.ask; import static za.co.zantech.messagespec.MessageSpec.Actors.*; /** * Created by zandrewitte on 2017/05/31. * UserRoutes */ @SuppressWarnings("unchecked") class UserRoutes extends ApiRoute { private ActorRef userActor; public UserRoutes(ActorSystem actorSystem) { this.userActor = getActorByName(actorSystem, userActorName); } public Route routes() { return route( pathPrefix("users", () -> route( pathEndOrSingleSlash(() -> route( get(() -> route( completeOKWithFuture(ask(this.userActor, new GetAll(), timeout).thenApply(ListResponse::getResponse), Jackson.marshaller()) )), post(() -> entity(Jackson.unmarshaller(User.class), user -> completeOKWithFuture(ask(this.userActor, new Save(user), timeout).thenApply(SingleResponse::getResponse), Jackson.marshaller()) ) ) )), path(longSegment(), (id) -> route( get(() -> completeOKWithFuture(ask(this.userActor, new GetById(id), timeout).thenApply(SingleResponse::getResponse), Jackson.marshaller()) ), put(() -> entity(Jackson.unmarshaller(User.class), user -> complete(StatusCodes.OK, user, Jackson.marshaller()) ) ) )) )) ); } } <file_sep>package za.co.zantech.actors; import akka.actor.ActorSystem; import akka.actor.Props; import akka.routing.FromConfig; import static za.co.zantech.messagespec.MessageSpec.Actors.*; /** * Created by zandrewitte on 2017/07/29. * Actors */ public class Actors { public static void create(ActorSystem system) { system.actorOf(FromConfig.getInstance().props(Props.create(UserActor.class)), userActorName); system.actorOf(FromConfig.getInstance().props(Props.create(PermissionActor.class)), permissionActorName); } } <file_sep>package za.co.zantech.dao.common; import org.pcollections.PVector; import java.io.Serializable; import java.util.Optional; /** * Created by zandrewitte on 2017/05/10. * CrudDAO */ @SuppressWarnings("unchecked") public abstract class CrudDAO<T, U> extends BaseDAO<T>{ public PVector<T> list() { return executeListQuery(session -> session.createQuery( "from " + getTableName() ).list()); } public Optional<T> getById(U id) { return executeQuery(session -> session.get(this.getType(), (Serializable) id)); } public Optional<Long> save(T t) { return (Optional<Long>) execute(session -> session.save(t)); } public Optional<T> update(T t) { try { commit(session -> session.update(t)); return Optional.of(t); } catch (Exception sqlException) { return Optional.empty(); } } public boolean delete(T t) { try { commit(session -> session.delete(t)); return true; } catch (Exception sqlException) { return false; } } } <file_sep>package za.co.zantech.entities; import org.hibernate.annotations.GenericGenerator; import javax.persistence.*; import javax.validation.constraints.Size; /** * Created by zandrewitte on 2017/06/06. * Permission */ @Entity @Table(name = "Permission") public class Permission { @Id @GeneratedValue(generator="increment") @GenericGenerator(name="increment", strategy = "increment") @Size(max = 20) private Long id; @Size(max = 20) private Long roleId; @Size(max = 20) private Long routeId; public Permission(){} public Permission(Long id, Long roleId, Long routeId){ this.id = id; this.roleId = roleId; this.routeId = routeId; } public Long getId() { return id; } public Long getRoleId() { return roleId; } public Long getRouteId() { return routeId; } } <file_sep>package za.co.zantech.entities; import org.hibernate.annotations.GenericGenerator; import javax.persistence.*; import javax.validation.constraints.Size; /** * Created by zandrewitte on 2017/06/06. * Route */ @Entity @Table(name = "Route") public class Route { @Id @GeneratedValue(generator="increment") @GenericGenerator(name="increment", strategy = "increment") @Size(max = 20) private Long id; private String name; @Size(max = 6) private String method; private String description; public Route() {} public Route(Long id, String name, String method, String description) { this.id = id; this.name = name; this.method = method; this.description = description; } public Long getId() { return id; } public String getName() { return name; } public String getMethod() { return method; } public String getDescription() { return description; } } <file_sep>package za.co.zantech.utils; import java.util.List; import java.util.concurrent.CompletableFuture; import java.util.concurrent.CompletionStage; import java.util.function.Consumer; /** * Created by zandrewitte on 2017/05/17. * CompletableFutureUtils */ public interface CompleteAsync { static <T> CompletableFuture<T> runParallel(List<? extends CompletionStage<? extends T>> l) { CompletableFuture<T> f=new CompletableFuture<>(); Consumer<T> complete=f::complete; CompletableFuture.allOf( l.stream().map(s -> s.thenAccept(complete)).toArray(CompletableFuture<?>[]::new) ).exceptionally(ex -> { f.completeExceptionally(ex); return null; }); return f; } } <file_sep>package za.co.zantech.dao; import za.co.zantech.dao.common.CrudDAO; import za.co.zantech.entities.Route; /** * Created by zandrewitte on 2017/06/06. * RouteDAO */ public class RouteDAO extends CrudDAO<Route, Long> { } <file_sep>package za.co.zantech.routes; import akka.actor.ActorRef; import akka.actor.ActorSystem; import akka.http.javadsl.marshallers.jackson.Jackson; import akka.http.javadsl.model.*; import akka.http.javadsl.model.headers.RawHeader; import akka.http.javadsl.server.AllDirectives; import akka.http.javadsl.server.Route; import akka.util.Timeout; import io.jsonwebtoken.CompressionCodecs; import io.jsonwebtoken.Jwts; import io.jsonwebtoken.SignatureAlgorithm; import io.jsonwebtoken.impl.crypto.MacProvider; import scala.concurrent.duration.FiniteDuration; import za.co.zantech.messagespec.LoginSpec.*; import za.co.zantech.messagespec.MessageSpec.*; import za.co.zantech.messagespec.UserSpec.*; import za.co.zantech.utils.JWT; import za.co.zantech.utils.PasswordEncrypter; import static za.co.zantech.messagespec.MessageSpec.Actors.*; import java.util.concurrent.TimeUnit; import static akka.pattern.PatternsCS.ask; /** * Created by zandrewitte on 2017/05/10. * LoginRoutes */ public class LoginRoutes extends AllDirectives { private ActorRef userActor; private final Timeout timeout; public LoginRoutes(ActorSystem actorSystem, Timeout timeout) { this.userActor = getActorByName(actorSystem, userActorName); this.timeout = timeout; } public Route routes() { return route( path("login", () -> route( post(() -> entity(Jackson.unmarshaller(Login.class), login -> onComplete(ask(this.userActor, new GetByUserName(login.getUsername()), Timeout.durationToTimeout(FiniteDuration.apply(5, TimeUnit.SECONDS))), maybeResult -> maybeResult.fold( err -> complete(StatusCodes.UNAUTHORIZED, HttpEntities.create(ContentTypes.APPLICATION_JSON, "{\"Status\": \"User not authorised to access the API\"}")), response -> { User user = (User) SingleResponse.getResponse(response); return PasswordEncrypter.matches(user.getPassword(), login.getPassword()) ? respondWithHeader(RawHeader.create("Authorization", JWT.createJTWToken(user)), () -> route( complete(StatusCodes.OK, HttpEntities.create(ContentTypes.APPLICATION_JSON, "{\"Status\": \"OK\"}")) )) : complete(StatusCodes.UNAUTHORIZED, HttpEntities.create(ContentTypes.APPLICATION_JSON, "{\"Status\": \"User not authorised to access the API\"}")); } )) ) ) )) ); } }<file_sep>package za.co.zantech.dao; import za.co.zantech.dao.common.CrudDAO; import za.co.zantech.entities.User; import java.util.Optional; /** * Created by zandrewitte on 2017/05/31. * UserDAO */ public class UserDAO extends CrudDAO<User, Long> { public Optional<User> getByUserName(String userName) { return executeQuery(session -> (User) session.createQuery( "select u " + "from " + getTableName() + " u " + "where u.userName = :userName" ) .setParameter( "userName", userName ) .uniqueResult() ); } } <file_sep>package za.co.zantech.actors; import akka.actor.AbstractActor; import akka.actor.Status; import akka.event.Logging; import akka.event.LoggingAdapter; import akka.japi.pf.ReceiveBuilder; import javassist.NotFoundException; import za.co.zantech.dao.PermissionDAO; import za.co.zantech.entities.Permission; import za.co.zantech.messagespec.PermissionSpec.*; import java.util.Optional; /** * Created by zandrewitte on 2017/06/06. * PermissionActor */ @SuppressWarnings("unchecked") public class PermissionActor extends AbstractActor { private final LoggingAdapter logger = Logging.getLogger(context().system(), this); private final PermissionDAO permissions = new PermissionDAO(); public PermissionActor() { receive(ReceiveBuilder. match(GetPermission.class, this::getPermissionRoute). matchAny(o -> { logger.info("Invalid message {}", o); sender().tell(new Status.Failure(new NotFoundException("Incorrect Message Type")), self()); }). build() ); } private void getPermissionRoute(GetPermission getPermission) { logger.info("Route: " + getPermission.getRouteMethod().getPath() + ", Method: " + getPermission.getRouteMethod().getMethod()); Optional<Permission> response = permissions.getPermission(getPermission.getRouteMethod().getPath(), getPermission.getRouteMethod().getMethod(), getPermission.getUserRole()); if (response.isPresent()) sender().tell(new Status.Success(response.get()), self()); else sender().tell(new Status.Failure(new NotFoundException("User could not be found")), self()); } }
eb3fd0f6ed3a3aeada665413d76c87b2ee0fade8
[ "Markdown", "Java", "SQL" ]
14
Java
zandrewitte/zantech_api
293f86caf0cd47b9911aeb20376c8b1a10ba49fc
68d75e9813f4e1f5c90b2f7614a292e56513e246
refs/heads/master
<repo_name>oliversalzburg/speciality<file_sep>/Configuration/TypoScript/constants.ts ################################################### # TypoScript: constants ################################################### # TypoScript constants coming from third-party extensions. <INCLUDE_TYPOSCRIPT: source="FILE:EXT:css_styled_content/static/constants.txt"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:seo_basics/static/constants.txt"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:fluidpages/Configuration/TypoScript/constants.txt"> # No constants for EXT:fluidcontent #<INCLUDE_TYPOSCRIPT: source="FILE:EXT:fluidcontent_core/Configuration/TypoScript/constants.txt"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:fluidcontent_bootstrap/Configuration/TypoScript/constants.txt"> config { # cat=site-configuration/content/0100; type=text; label= Domain (FQDN) #domain = example.com # cat=site-configuration/content/0140; type=int; label= Rootpage Uid rootPid = 1 # cat=site-configuration/content/0150; type=int; label= Enable the Index Search extension index_enable = 1 # cat=site-configuration/content/0151; type=int; label= Enable the Index Search extension to index file index_externals = 0 } styles.content { imgtext.maxWInText = 0 imgtext.linkWrap.width = 800 loginform.pid = 0 media.defaultVideoWidth = 960 imgtext.maxW = 960 } # Language config { language = en } [globalVar = GP:L = 1] config { language = fr } [end] [globalVar = GP:L = 2] config { language = de } [end] # Enable light box styles.content.imgtext.linkWrap.lightboxEnabled = 1<file_sep>/Configuration/TypoScript/setup.ts ################################################### # Include all TypoScript files ################################################### # TypoScript configuration coming from third-party extensions. <INCLUDE_TYPOSCRIPT: source="FILE:EXT:css_styled_content/static/setup.txt"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:seo_basics/static/setup.txt"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:fluidpages/Configuration/TypoScript/setup.txt"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:fluidcontent/Configuration/TypoScript/setup.txt"> #<INCLUDE_TYPOSCRIPT: source="FILE:EXT:fluidcontent_core/Configuration/TypoScript/setup.txt"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:fluidcontent_bootstrap/Configuration/TypoScript/setup.txt"> # Configuration <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Config/language.ts"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Config/config.ts"> # Lib <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Lib/footer.ts"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Lib/menu.ts"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Lib/disqus.ts"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Lib/addthis.ts"> # Plugin <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Plugin/tx_cssstyledcontent.ts"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Plugin/tx_form.ts"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Plugin/tx_indexedsearch.ts"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Plugin/tx_news.ts"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Plugin/tx_pagebrowse.ts"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Plugin/tx_seobasics.ts"> # Content <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Content/tt_content.ts"> # Page <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Page/header.ts"> <INCLUDE_TYPOSCRIPT: source="FILE:EXT:speciality/Configuration/TypoScript/Page/page.ts">
db0d78e1ed6175670d62390c3e8a9ddd746e6145
[ "TypeScript" ]
2
TypeScript
oliversalzburg/speciality
999eaf299e342e6372546e8bc177b375da37045b
70cbaf6324a4f4fb43f361655ff69cdf94474b98
refs/heads/master
<repo_name>zwq-009/Uni-read<file_sep>/util/user_http/chapter.js import axios from '../api/http' const base_url = '/book-chapter' /** * 获取章节列表 * @param {Object} params * @param {Object} options */ export function getChapterList(params, options) { return axios.request(params, { ...options, method: 'GET', url: `${base_url}/get-chapter-list`, }) } <file_sep>/vue.config.js const Config = require('./util/config.js') module.exports = { devServer: { proxy: { '/yifang-read-api': { target: Config['baseUrl'], pathRewrite: { '^/yifang-read-api': '' } } }, } }<file_sep>/main.js import Vue from 'vue' import App from './App' import Config from '@/util/config.js' // import uView from "uview-ui/theme.scss"; Vue.use(uView); Vue.config.productionTip = false Vue.prototype.$yifangConfig = Config // 挂载全局配置 App.mpType = 'app' const app = new Vue({ ...App }).$mount() <file_sep>/util/function/book/book.js import {getBookDetail} from '@/util/user_http/book.js' /** * 公共的获取书籍详情的方法 * @param {Object} book_id 书籍id */ export function getBookDetailUtil(book_id){ if(!book_id){ throw new Error("book_id 为空!") } return getBookDetail({ book_id: book_id }).then(res => { // 处理书籍封面图 try{ res.data['book_cover_imgs'] = JSON.parse(res.data['book_cover_imgs']) }catch(err){ // 图片为空 res.data['book_cover_imgs'] = [] } return Promise.resolve(res.data) }).catch(err => { return Promise.reject(err) }) }<file_sep>/util/function/login.js let USERI_INFO_KEY = 'user-info' // 存储用户信息的键名 /** * 设置登录态 在注册或者登录后 * @param {Object} data 用户注册或登录的数据 */ export function setLoginStatu(data, msg){ let duration = 1000 uni.showToast({ mask: true, title: msg, duration: duration, icon: 'none' }) uni.setStorageSync(USERI_INFO_KEY, data) setTimeout(function(){ // console.log('reg settimeout') uni.switchTab({ url: '/pages/my/my' }) }, duration) } /** * 是否登录 */ export function isLogin(){ let userInfo = uni.getStorageSync(USERI_INFO_KEY) if(userInfo && userInfo.hasOwnProperty('user_id')){ return true } return false } /** * 获取本地用户信息 */ export function getLocalUserInfo(){ return uni.getStorageSync(USERI_INFO_KEY) } /** * 如果没有登录 则弹窗提示登录 */ export function loginTip(){ if(isLogin()){ return true } // 未登录 uni.showModal({ title: '提示', content: '你还未登录~', confirmText: '去登录', success: function (res) { if (res.confirm) { // 去登录 // 用户点击确定 uni.navigateTo({ url: '/pages/login/login' }) } else if (res.cancel) { // console.log('用户点击取消') } } }) }<file_sep>/util/util.js import h5Copy from '@/js_sdk/junyi-h5-copy/junyi-h5-copy.js' /** * 复制 * @param {Object} value 要复制的内容 */ export function copy(value) { let successMessage = '复制成功' // #ifdef H5 const result = h5Copy(value) // #endif // #ifndef H5 uni.setClipboardData({ data: value, success: function () { uni.showToast({ title:successMessage, icon:'none' }) }, fail(err){ uni.showToast({ title:'复制失败', }) }, complete(res){ console.log(res) } }) return // #endif if (result === false) { uni.showToast({ title:'不支持', }) } else { uni.showToast({ title:successMessage, icon:'none' }) } } <file_sep>/util/user_http/book-shelf.js import axios from '../api/http' const base_url = '/book-bookshelf' /** * 加入书架 * @param {Object} params * @param {Object} options */ export function joinBookshelf(params, options) { return axios.request(params, { ...options, method: 'POST', url: `${base_url}/join-bookshelf`, }) } /** * 是否加入书架 * @param {Object} params * @param {Object} options */ export function isJoinBookshelf(params, options) { return axios.request(params, { ...options, method: 'get', url: `${base_url}/is-join-book-shelf`, }) } /** * 获取加入到书架的书籍列表 * @param {Object} params * @param {Object} options */ export function getBookshelfList(params, options) { return axios.request(params, { ...options, method: 'get', url: `${base_url}/is-join-book-shelf`, }) }<file_sep>/util/user_http/chapter-content.js import axios from '../api/http' const base_url = '/book-chapter-content' /** * 获取章节详情 也就是章节的内容 * @param {Object} params * @param {Object} options */ export function getChapterContent(params, options) { return axios.request(params, { ...options, method: 'GET', url: `${base_url}/get-chapter-content`, }) } <file_sep>/util/user_http/user.js import axios from '../api/http' const base_url = '/book-user' /** * 注册 * @param {Object} params * @param {Object} options */ export function register(params, options) { return axios.request(params, { ...options, method: 'POST', url: `${base_url}/register`, }) } /** * 登录 * @param {Object} params * @param {Object} options */ export function login(params, options){ return axios.request(params, { ...options, method: 'POST', url: `${base_url}/login`, }) }<file_sep>/util/api/http_use.js import axios from '../utils/http' const base_url = 'images/' // 下面是完整的一个请求参数列表,以此是url后面的参数、 // 选项 可以是axios本身的选项 也可以是自定义处理的选项,如我要加一个loading的效果,就由这个参数传递、 // 行内的参数,有些地址不是在url后面添加,是在url中间添加的如/images/{name}/json // 根据需要传参 /** * 获取镜像 * @param {Object} params 可选的url参数 * @param {Object} options 选项 * @param {Object} inline url路径内的参数 */ // export function fetchImages(params, options, inline) { // return axios.request(params, { // ...options, // url: `${base_url}json`, // }) // } // inline 参数使用 // export function getImagesDetail(options, inline) { // return axios.request({}, { // ...options, // url: `${base_url}/${inline.imagesId}/json`, // }) // } // 更改请求方法为post // export function getImagesDetail(options, inline) { // return axios.request({}, { // ...options, // method: 'post' // url: `${base_url}/${inline.imagesId}/json`, // }) // } // 上传文件 // 和下载文件类似 也可以有相应的上传进度 // 下载文件 需要做代理设置 可以在 src\utils\http.js onDownloadProgress中获取下载进度 下载需要额外设置超时时间 // 如果不确定下载时长 可将超时设为0,表示无超时时间 // 覆盖下载及进度事件 // export function downloadFile(params) { // return axios.request(params, { // url: '/download/pr/MediaCreationTool2004.exe', // timeout: 0 // 下载处理进度事件 // onDownloadProgress: function (progressEvent) { // // 对原生进度事件的处理 // console.log("下载进度", progressEvent) // }, // }) // } /** * 获取镜像 * @param {Object} params 可选的url参数 * @param {Object} options 选项 * @param {Object} inline url路径内的参数 */ export function fetchImages(params, options) { return axios.request(params, { ...options, url: `${base_url}json`, timeout: 1000 }) } /** * 获取镜像详情 * @param {string} imageId 镜像id */ export function getImagesDetail(options, inline) { return axios.request({}, { ...options, url: `${base_url}/${inline.imageId}/json`, }) } export function delImage(options, inline) { return axios.request({}, { ...options, method: 'delete', url: `${base_url}/${inline.imageId}` }) } // 外部使用 // import * as generateRequest from '../../api/generate' // genrateBook(){ // generateRequest.generateBook().then(res => { // }).catch(err => { // }) // }<file_sep>/README.md # yifang-read-frond-end 使用uniapp打造的阅读软件,实现:读书记录、目录等 先实现完整的功能 后续要实现: 1、view loading效果 每个组件都加上loading效果,在数据加载完成后解除 2、点击搜索跳转专用搜索页(现搜索是个摆设)。类似淘宝 3、书籍详情页,书籍详情组件背景需要虚化的图片作为背景 完成顶部搜索框、轮播图、菜单等 还未开始封装网络请求 ![](http://cdn.fologde.com/%E5%BE%AE%E4%BF%A1%E6%88%AA%E5%9B%BE_20201026114759.png) 首页第一版就长这样了 ![](http://cdn.fologde.com/2020-10-26%5B12-53-17%5D1603687997.png) 加了菜单 ![](http://cdn.fologde.com/2020-10-27%5B11-15-39%5D1603768539.png) 2020-10-27 12:34 停一段时间 学学产品 2020年10月27日14:03:17 http://www.imooc.com/learn/926 免费课程:ui动效入门知识储备 2020年11月3日15:47:19 axios 在uniapp使用中 有这有那的问题 太臃肿了 放弃了 还是用uniapp原生的写法 换成 [](https://www.quanzhan.co/luch-request/guide/3.x/#example) 2020年11月3日19:30:32 换好了 轮播、菜单、推荐阅读列表在h5、小程序、app正常使用 2020年11月3日20:01:05 菜单又出问题了 这些第三方开发者写的东西 一言难尽 还是自己用swiper做一个算了 2020年11月3日20:39:11 自制菜单 还不赖 ![](http://cdn.fologde.com/yifangread/2020-11-03%5B20-38-32%5D1604407112.png) 2020年11月3日20:48:47 暂时确认主色调为 #FF5501 黄黄色 2020年11月4日17:54:22 功夫还是得靠练,看、想都是空谈,只有实际用上了,才能有突破和创新 代码写多了,就会有创新和不一样的想法,一样的代码不会每次都是 把你的想法付诸实践,通过代码的形式表现出来,会有一种成就感油然而生,这或许就是程序员的快乐 饭后 大概花了一下阅读器核心部分分层架构: ![](http://cdn.fologde.com/yifangread/%E5%BE%AE%E4%BF%A1%E5%9B%BE%E7%89%87_20201104183442.jpg) 仔细一看 看可以,就照这个想法来做 需要够简单 之前看了有几个阅读器,写的洋洋洒洒好多行代码,云里雾里的 用很少的一部分代码完成功能 初始的四层分层结构 <tem plate> <view> <!-- 阅读器分四层 每层分别是: --> <!-- 用以承载书籍章节内容 第一层 --> <div class="read-layer"></div> <!-- 用来控制上一页、下一页、调出菜单的层 为第二层--> <div class="controller-layer"></div> <!-- 全屏层 用来弹出菜单后关闭菜单层的作用 为第三层 --> <div class="close-controller-layer"></div> <!-- 菜单层 返回、章节、设置都在这一层 为第四层 --> <div class="menu-layer"></div> </view> </template> 每一层都是全屏 第一层的内容先不急 先把基本的功能实现,如点击中间部分弹出菜单、弹出菜单后,点击中间任意内容能 关闭菜单 四层架构能让很多东西解耦 每层负责不一样的任务,协调完成复杂的功能 发现 不必用四层,三层就够了 去掉了第三层,原本你的第四层可以实现第三层的功能(已经实现了) 考虑到一本书需要占用户很多内存空间 故内容不存用户手机空间 而是实时从服务器获取的形式 一本500页码的书 大概70万字左右 如果全部加载到用户手机 需要2M? 这么点? 70万字=700000*3 = 2100000字节 = 2100000 / 1024 = 2050kb = 2050/1024 = 2mb 书籍章节的内容存储问题还有待商议 花80%的时间思考、20%的时间做开发 我比较喜欢这段为了折腾自己的作品而思考的时间 书籍详情页 ![](http://cdn.fologde.com/yifangread/2020-11-05%5B11-28-29%5D1604546909.png) 发现还是要第四层来承载 章节、设置等内容的一层 微信小程序最初的可读版本 可选择章节 H5、APP一样的体验 ![](http://cdn.fologde.com/20201108_180847%2000_00_00-00_00_30.gif) APP 预览版 [一方阅读 v1.0 体验版本下载](http://cdn.fologde.com//yifangread/__UNI__CF0EF73_1109142529.apk) 弹出章节选择界面时 点击旁边空白区域可关闭章节选择 开始处理设置功能 可本地使用设置字体大小、预设背景颜色 下一章、上一章、进度显示、优化字体大小设置 [一方阅读 v1.0.1 体验版下载](http://cdn.fologde.com/__UNI__CF0EF73_1114233705.apk) *** 我的个人中心手绘原型图 [我的个人中心设计稿](https://p-wund.tower.im/p/9ln6) 先暂时按设计图来做出基础的页面 后续如果想到其他想法,再实现 很多功能都要建立在会员的基础上、保存阅读的进度 还是说先建立本地的设置保存 *** 根据手绘原型图完成了个人中心大概页面 ![](http://cdn.fologde.com//yifangread/2020-11-18%5B16-54-13%5D1605689653.png) ![](http://cdn.fologde.com//yifangread/2020-11-18%5B16-59-05%5D1605689945.png) 未登录: ![](http://cdn.fologde.com//yifangread/2020-11-18%5B17-13-45%5D1605690825.png) 已登录 ![](http://cdn.fologde.com//yifangread/2020-11-18%5B17-14-00%5D1605690840.png) *** 开始登录、注册页面开发 注册页面暂时这样 ![](http://cdn.fologde.com//yifangread/2020-11-18%5B20-50-59%5D1605703859.png) *** 要不要使用前端框架? 后续新建的页面使用框架开发 [uniapp uview前端框架](https://www.uviewui.com/guide/demo.html) *** 使用 npm i<file_sep>/util/user_http/menu.js import Http from '../api/http' const base_url = 'book-class' /** * 获取菜单 * @param {Object} params * @param {Object} options */ export function getClass(params, options) { return Http.request(params, { ...options, method: 'GET', url: `${base_url}/get-class`, }) }
71d29ac3ef107b27594e928da9f9ad1de9f4c3ff
[ "JavaScript", "Markdown" ]
12
JavaScript
zwq-009/Uni-read
93f4d8b9ab9110019947cb10a0967647e430081b
62e83bd06536c9d11ee3fe8933c3c5f8fd8723bc
refs/heads/master
<repo_name>andern7/WCFService1<file_sep>/Service1.svc.cs using System; using System.Collections.Generic; using System.Linq; using System.Runtime.Serialization; using System.ServiceModel; using System.ServiceModel.Web; using System.Text; namespace WcfService1 { // NOTE: You can use the "Rename" command on the "Refactor" menu to change the class name "Service1" in code, svc and config file together. // NOTE: In order to launch WCF Test Client for testing this service, please select Service1.svc or Service1.svc.cs at the Solution Explorer and start debugging. public class Service1 : IService1 { public string GetDataUsingMethod(string value) { return value + "Returning to you by method"; } public string GetDataUsingURI(string value) { return value + "Returning to you by URI"; } /*To get the value by method name, copy and paste localhost instance plus /GetDataUsingMethod?Hello to return "Hello Returning to you by method": * http://localhost:51932/Service1.svc/GetDataUsingMethod?hello * To get the value by URI, copy and past the localhost instance plus /GetData/hello to return "Hello, returning to you by URI" * http://localhost:51932/Service1.svc/GetData/hello * */ } }
70856fcde373bf21c31cdabc6a6749dad38f01c5
[ "C#" ]
1
C#
andern7/WCFService1
50f38f47857bb963d9101eda386c3ecb68affe68
67dbb07b7fd8fa3dde760dbe0b868e1376805297
refs/heads/master
<file_sep>// preloader /* jQuery Pre loader -----------------------------------------------*/ $(window).on("load", function() { $(".preloader").delay(400).fadeOut(500); // set duration in brackets }); $(document).ready(function() { // ---------------porject area--------------------- let $btns = $(".project-area .button-group button"); $btns.click(function(e) { $(".project-area .button-group button").removeClass("active"); e.target.classList.add("active"); let selector = $(e.target).attr("data-filter"); $(".project-area .grid").isotope({ filter: selector, }); return false; }); $(".project-area .button-group #btn1").trigger("click"); $(".project-area .grid .test-popup-link").magnificPopup({ type: "image", gallery: { enabled: true }, }); // Owl-carousel $(".site-main .about-area .owl-carousel").owlCarousel({ loop: true, autoplay: true, dots: true, responsive: { 0: { items: 1, }, 560: { items: 2, }, }, }); // sticky navigation menu let nav_offset_top = $(".header_area").height() + 50; function navbarFixed() { if ($(".header_area").length) { $(window).scroll(function() { let scroll = $(window).scrollTop(); if (scroll >= nav_offset_top) { $(".header_area .main-menu").addClass("navbar_fixed"); } else { $(".header_area .main-menu").removeClass("navbar_fixed"); } }); } } navbarFixed(); }); // ====================Navbar fixed========================== $(document).ready(function() { $(window).scroll(function() { // scroll-up button show/hide script if (this.scrollY > 500) { $(".scroll-up-btn").addClass("show"); } else { $(".scroll-up-btn").removeClass("show"); } }); // slide-up script $(".scroll-up-btn").click(function() { $("html").animate({ scrollTop: 0 }); // removing smooth scroll on slide-up button click $("html").css("scrollBehavior", "auto"); }); // typing text animation script var typed = new Typed(".typing", { strings: ["an Enginner", "a Web Developer", "a Student", "a Programmer"], typeSpeed: 100, backSpeed: 60, loop: true, }); // for tooltip in skills $(function() { $('[data-toggle="tooltip"]').tooltip(); }); // hide mobile menu after clicking on a link $(".navbar-collapse a").click(function() { $(".navbar-collapse").collapse("hide"); }); }); // using javascript // Get the container element var btnContainer = document.getElementById("activated__links"); // Get all buttons with class="btn" inside the container var btns = btnContainer.getElementsByClassName("nav-item"); // Loop through the buttons and add the active class to the current/clicked button for (var i = 0; i < btns.length; i++) { btns[i].addEventListener("click", function() { var current = document.getElementsByClassName("active"); current[0].className = current[0].className.replace(" active", ""); this.className += " active"; }); } // *===== SCROLL REVEAL ANIMATION =====*/ const sr = ScrollReveal({ origin: "top", distance: "80px", duration: 2000, reset: true, }); /*SCROLL HOME*/ sr.reveal(".home__title__hey", {}); sr.reveal(".home__title__myself", { delay: 200 }); sr.reveal(".home__title__typing", { delay: 400 }); sr.reveal(".home__btn", { delay: 400 }); sr.reveal(".home__img", { interval: 200 }); // /*SCROLL ABOUT*/ sr.reveal(".about__img", { delay: 350 }); sr.reveal(".about_para_1", { delay: 200 }); sr.reveal(".about_para_2", { delay: 400 }); sr.reveal(".about_btn", { delay: 500 }); /*SCROLL education*/ sr.reveal(".education__school", {}); sr.reveal(".education__college", { delay: 300 }); sr.reveal(".education__engg", { delay: 400 }); /*SCROLL skills*/ sr.reveal(".prog__lang", {}); sr.reveal(".web_lang", { delay: 300 }); sr.reveal(".web_frameworks", { delay: 400 }); sr.reveal(".databases", { delay: 500 }); sr.reveal(".deploy", { delay: 600 }); /*SCROLL contacts*/ sr.reveal(".name_input", { delay: 250 }); sr.reveal(".contact_input", { delay: 300 }); sr.reveal(".email_input", { delay: 350 }); sr.reveal(".textarea_input", { delay: 400 }); sr.reveal(".shaked_btn", { delay: 600 }); // Scroll footer // sr.reveal(".footer-area", { delay: 200 });
d10990a7afeae63bb02a0dd37edc48c85072e734
[ "JavaScript" ]
1
JavaScript
SahilMund/website_folio
3714a0956adfa047b520c5b9e283e016e90ec7d1
6fe46ef343506403584dbd04668b8df9eb38b897
refs/heads/master
<repo_name>artamir/v7_dllLogger<file_sep>/v7_DllLogger/v7_DllLogger.cpp // v7_DllLogger.cpp : Defines the exported functions for the DLL application. // #include "stdafx.h" #include <stdio.h> #include <stdlib.h> #include <ctime> //**************************************** enum MessageMarker { mmNone = 0, mmBlueTriangle, mmExclamation, mmExclamation2, mmExclamation3, mmInformation, mmBlackErr, mmRedErr, mmMetaData, mmUnderlinedErr, mmUnd }; template <typename T> class list { int Count; T* Elements; public :void Add(T element) { Count++; Elements = (T*) realloc(Elements, sizeof(T) * Count + 1); Elements[Count - 1] = element; } public :bool Contains(T element) { for(int i = 0; i < Count; i++) { if (lstrcmp(Elements[i], element) == 0) return true; } return false; } list() { Count = 0; Elements = (T*) malloc(sizeof(T) * Count + 1); } }; class IMPORT_1C CBkEndUI { public: CBkEndUI(CBkEndUI const &); //37 CBkEndUI(void); //38 CBkEndUI & operator=(CBkEndUI const &); //508 virtual int DoMessageBox(unsigned int,unsigned int,unsigned int); //1238 virtual int DoMessageBox(char const* ,unsigned int,unsigned int); //1239 virtual void DoStatusLine(char const*); //1241 virtual void DoMessageLine(char const*, enum MessageMarker); //1240 }; IMPORT_1C class CBkEndUI * __cdecl GetBkEndUI(void); CBkEndUI* pBkEndUI = NULL; //**************************************** typedef bool (WINAPI h_dllmain)(HINSTANCE hinstDLL,DWORD fdwReason,LPVOID lpvReserved); bool IsWrapped = false; HWND DskhWnd = GetDesktopWindow(); NOTIFYICONDATAA niData; PCHAR pDBPath; list<PCHAR> DLLS; void log(PCHAR szBuf) { FILE * m_fHandle = fopen("dll_log.csv", "a"); if(m_fHandle != NULL) if(szBuf != NULL) { char buffer[80]; time_t current = time(NULL); tm* timeinfo = localtime(&current); char* format = "%Y-%m-%d %I:%M:%S\0"; strftime(buffer, 80, format, timeinfo); fprintf(m_fHandle, "%s;%s\n", &buffer, szBuf); fclose(m_fHandle); } } LPSTR GetDLLInfo(const CHAR *fileName) { PLONG infoBuffer; // буфер, куда будем читать информацию DWORD infoSize; // и его размер LPSTR res = (LPSTR)malloc(sizeof(char) * 1024 * 1024); ZeroMemory(res, sizeof(char) *1024 * 1024); sprintf(res, "%s", fileName); //return res; struct LANGANDCODEPAGE { // структура для получения кодовых страниц по языкам трансляции ресурсов файла WORD wLanguage; WORD wCodePage; } *pLangCodePage; // имена параметров, значения которых будем запрашивать const CHAR *paramNames[] = { "CompanyName", "FileDescription", "FileVersion", "InternalName", "LegalCopyright", "LegalTradeMarks", "OriginalFilename", "ProductName", "ProductVersion", "Comments", "Author" }; LPSTR paramNameBuf = (LPSTR)malloc(sizeof(char)*10000);// (LPSTR)malloc(sizeof(char)*1000); // здесь формируем имя параметра LPSTR paramValue = (LPSTR)malloc(sizeof(char)*10000);; //(LPSTR)malloc(sizeof(char)*1000); // здесь будет указатель на значение параметра, который нам вернет функция VerQueryValue UINT paramSz; // здесь будет длина значения параметра, который нам вернет функция VerQueryValue // получаем размер информации о версии файла infoSize = GetFileVersionInfoSizeA(fileName, NULL); if ( infoSize > 0 ) { // выделяем память infoBuffer = (PLONG) malloc(infoSize); // получаем информацию if ( 0 != GetFileVersionInfoA(fileName, NULL, infoSize, infoBuffer) ) { // информация находится блоками в виде "\StringFileInfo\кодовая_страница\имя_параметра // т.к. мы не знаем заранее сколько и какие локализации (кодовая_страница) ресурсов имеются в файле, // то будем перебирать их все UINT cpSz; // получаем список кодовых страниц if ( VerQueryValueA(infoBuffer, // наш буфер, содержащий информацию "\\VarFileInfo\\Translation",// запрашиваем имеющиеся трансляции (LPVOID*) &pLangCodePage, // сюда функция вернет нам указатель на начало интересующих нас данных &cpSz) ) // а сюда - размер этих данных { // перебираем все кодовые страницы for (int cpIdx = 0; cpIdx < (int)(cpSz/sizeof(struct LANGANDCODEPAGE)); cpIdx++ ) { // перебираем имена параметров for (int paramIdx = 0; paramIdx < sizeof(paramNames)/sizeof(char*); paramIdx++) { // формируем имя параметра ( \StringFileInfo\кодовая_страница\имя_параметра ) sprintf(paramNameBuf, "\\StringFileInfo\\%04x%04x\\%s", pLangCodePage[cpIdx].wLanguage, // ну, или можно сделать фильтр для pLangCodePage[cpIdx].wCodePage, // какой-то отдельной кодовой страницы paramNames[paramIdx]); // получаем значение параметра if ( VerQueryValueA(infoBuffer, (LPCSTR)paramNameBuf, (LPVOID*)&paramValue, &paramSz)) { //res = (char*) realloc(res, sizeof(char) * (strlen(res) + strlen(paramValue) + 2)); sprintf(res, "%s;%s", res, paramValue); } else { //res = (char*) realloc(res, sizeof(char) * (strlen(res) + 2)); sprintf(res, "%s;", res); } } } } else sprintf(res, "%s;;;;;;;;;;;;;;;;;;;;;;", res); } free(infoBuffer); free(paramNameBuf); } else sprintf(res, "%s;;;;;;;;;;;;;;;;;;;;;;", res); return res; } DWORD find_LdrpCallInitRoutine(HMODULE ImageBase) { DWORD XXX = NULL; DWORD CodeBase; DWORD CodeSize; DWORD NtHeader; DWORD m_dwProtection; BOOL Found = FALSE; // Возьмем начало секции кода и ее размер из PE-заголовка NtHeader = *(DWORD*)((BYTE*)ImageBase + 0x3C) + (DWORD)ImageBase; CodeBase = *(DWORD*)(NtHeader + 0x2C) + (DWORD)ImageBase; CodeSize = *(DWORD*)(NtHeader + 0x1C); VirtualProtect((BYTE*)CodeBase, CodeSize, PAGE_READONLY, &m_dwProtection); char* message = (char*)malloc(sizeof(char) * 255); wsprintfA(message, "v7_UserDefWorks.dll: NtHeader - 0x%X, CodeBase - 0x%X, CodeSize - 0x%X\r\n", NtHeader, CodeBase, CodeSize); OutputDebugStringA(message); OutputDebugStringA("v7_UserDefWorks.dll: Начинаем поиск адреса LdrpCallInitRoutine в ntdll.dll\r\n"); // и пробежимся по всей секции в поисках начала LdrpCallInitRoutine. //http://kitrap08.blogspot.ru/2011/04/blog-post.html for (BYTE* m_pFunc = (BYTE*)CodeBase; (int)m_pFunc < (CodeBase + CodeSize); m_pFunc++) { if((*(DWORD*)m_pFunc) == 0xFFF48B53) // начало LdrpCallInitRoutine в ntdll.dll { XXX = (DWORD)(m_pFunc - 5); Found=TRUE; break; } } VirtualProtect((BYTE*)CodeBase, CodeSize, m_dwProtection, &m_dwProtection); return XXX; } HICON GetIcon() { HICON hIcon1; // дескриптор значка HINSTANCE hExe; // дескриптор загружаемого .EXE файла HRSRC hResource; // дескриптор FindResource HRSRC hMem; // дескриптор LoadResource LPVOID lpResource; // указатель на данные ресурса int nID; // идентификатор (ID) ресурса hExe = GetModuleHandle(NULL); hResource = FindResource(hExe, MAKEINTRESOURCE(1), MAKEINTRESOURCE(RT_ICON)); hMem = (HRSRC)LoadResource(hExe, hResource); lpResource = LockResource(hMem); hIcon1 = CreateIconFromResourceEx((PBYTE) lpResource, SizeofResource(hExe, hResource), TRUE, 0x00030000, 32, 32, LR_DEFAULTCOLOR); return hIcon1; } void Baloon(PCHAR Message, int init = NULL) { //log(Message); if(init==1) { DskhWnd = GetDesktopWindow(); RtlZeroMemory(&niData,sizeof(NOTIFYICONDATAA)); niData.cbSize = sizeof(NOTIFYICONDATAA); niData.uID = 1; niData.uFlags = NIF_ICON; niData.hIcon =GetIcon(); niData.hWnd = DskhWnd; Shell_NotifyIconA(NIM_DELETE,&niData); Shell_NotifyIconA(NIM_ADD,&niData); } if(init==-1) { Baloon("1C Завершила работу."); Sleep(500); Shell_NotifyIconA(NIM_DELETE,&niData); ZeroMemory(&niData,sizeof(NOTIFYICONDATAA)); return; } // if (PostMessages)pBkEndUI->DoStatusLine(Message); niData.uFlags = NIF_INFO; ZeroMemory(niData.szInfo,strlen(niData.szInfo)); CopyMemory(niData.szInfo,Message,strlen(Message)); Shell_NotifyIconA(NIM_MODIFY,&niData); } PCHAR Get1CBasePath() { DWORD MyHandle = (DWORD)GetModuleHandle(NULL); PCHAR path = (PCHAR)(*(DWORD*)(MyHandle + 0x3EC44) + 0x190); return path; } PCHAR Get1CUserName() { //DWORD MyHandle = (DWORD)GetModuleHandleA("USERDEF.DLL"); DWORD MyHandle = (DWORD)GetModuleHandle(NULL); PCHAR pUserName = (PCHAR) (*(DWORD*)(*(DWORD*)(MyHandle + 0x50C68) + 0x14)+0x140); // PCHAR pUserName = (PCHAR)(*(DWORD*)(MyHandle + 0x3E3F4)); // PCHAR pUserName = (PCHAR)(*(DWORD*)(MyHandle + 0x3E3F4)); return pUserName; } PCHAR Get1CUserFullName() { DWORD MyHandle = (DWORD)GetModuleHandle(NULL); PCHAR path = (PCHAR)(*(DWORD*)(MyHandle + 0x3E3F4)); return path; } bool _stdcall Hook_DllMain(h_dllmain InitRoutine, HINSTANCE DllBAse, DWORD fdwReason, LPVOID lpvReserved) { bool Res; char* message = (char*)malloc(sizeof(char)*1000); LPSTR LibName = (char*)malloc(sizeof(char)*_MAX_PATH); PCHAR info = NULL; GetModuleFileNameA(DllBAse,LibName,sizeof(char)*_MAX_PATH); PathStripPathA(LibName); AnsiUpperBuff(LibName, strlen(LibName)); switch( fdwReason ){ case DLL_PROCESS_ATTACH: wsprintf(message,"Загружена библиотека %s",LibName); break; case DLL_THREAD_ATTACH: wsprintf(message,"Поток подключил библиотеку %s",LibName); break; case DLL_THREAD_DETACH: wsprintf(message,"Поток отключил библиотеку %s",LibName); break; case DLL_PROCESS_DETACH: wsprintf(message,"Выгружена библиотека %s",LibName); break; } ; if(!DLLS.Contains(LibName)) { DLLS.Add(LibName); log(GetDLLInfo(LibName)); } Res = InitRoutine(DllBAse, fdwReason, lpvReserved); Baloon(message); //if (pBkEndUI == NULL) //{ // pBkEndUI = GetBkEndUI(); // pBkEndUI->DoStatusLine(message); //} //else //{ // try // { // OutputDebugStringA("v7_UserDefWorks.dll: Подключаем вывод в окно сообщений"); // wsprintfA(message,"v7_UserDefWorks.dll: Каталог базы: %s", Get1CBasePath()); // pBkEndUI->DoMessageLine(message,mmInformation); // wsprintfA(message,"v7_UserDefWorks.dll: Пользователь: %s", Get1CUserName()); // pBkEndUI->DoMessageLine(message,mmInformation); // } // catch(const std::nullptr_t e) // { // } //} //if ((lstrcmpA(LibName,"USERDEF.DLL")==0)&&(fdwReason==DLL_PROCESS_ATTACH)) //{ // OutputDebugStringA("v7_UserDefWorks.dll: Загружена USERDEF.DLL"); // OutputDebugStringA("v7_UserDefWorks.dll: На этом месте можно устанавливать перехваты процедур"); // OutputDebugStringA("v7_UserDefWorks.dll: Вызываем DllMain USERDEF.DLL"); // Res = InitRoutine(DllBAse,fdwReason,lpvReserved); // //Res = true; // // pDBPath = Get1CUserName(); // OutputDebugStringA("v7_UserDefWorks.dll: Остановимся на 20 сек."); // //Sleep(20000); // //Res = true; // OutputDebugStringA("v7_UserDefWorks.dll: Проинициализирована USERDEF.DLL"); // return Res; //} // wsprintfA(message,"v7_UserDefWorks.dll: %s",message); // OutputDebugStringA(message); //if ((lstrcmpA(LibName,"TxtEdt.DLL")==0) && (fdwReason == DLL_PROCESS_ATTACH)) //{ // Res = InitRoutine(DllBAse,fdwReason,lpvReserved); // pBkEndUI = GetBkEndUI(); // OutputDebugStringA("v7_UserDefWorks.dll: Подключаем вывод в окно сообщений"); // wsprintfA(message,"v7_UserDefWorks.dll: Каталог базы: %s",Get1CBasePath()); // //pBkEndUI->DoMessageLine(message,mmInformation); // pBkEndUI->DoStatusLine(message); // wsprintfA(message,"v7_UserDefWorks.dll: Пользователь: %s",Get1CUserName()); // //pBkEndUI->DoMessageLine(message,mmInformation); // pBkEndUI->DoStatusLine(message); // return Res; //} return Res; } UINT64 Originalbuf = NULL; UINT64 XXX = NULL; void Swap(UINT64* m_pFunc, UINT64 m_SwapBuf) { if (!IsWrapped) { DWORD m_dwProtection; UINT64 buf = *m_pFunc; VirtualProtect(m_pFunc, 8, PAGE_EXECUTE_READWRITE, &m_dwProtection); *m_pFunc = m_SwapBuf; m_SwapBuf = buf; VirtualProtect(m_pFunc, 8, m_dwProtection, &m_dwProtection); FlushInstructionCache(GetModuleHandleA(NULL), m_pFunc, 8); IsWrapped = !IsWrapped; } } void DoWrap(DWORD dwrdMethodOffset, DWORD pNewFunc) { if (!IsWrapped) { UINT64* m_pFunc = reinterpret_cast<UINT64*>(dwrdMethodOffset); if (m_pFunc) { UINT64 m_SwapBuf = (static_cast<UINT64>(pNewFunc - reinterpret_cast<DWORD>(m_pFunc)-5))<<8 | 0xE9; Swap(m_pFunc,m_SwapBuf); Originalbuf = m_SwapBuf; } } }; bool init() { Baloon("", 1); log("Dll;CompanyName;FileDescription;FileVersion;InternalName;LegalCopyright;LegalTradeMarks;OriginalFilename;ProductName;ProductVersion;Comments;Author"); DLLS = list<PCHAR>(); HMODULE HNtdll = GetModuleHandleA("ntdll.dll"); if (HNtdll == NULL) { OutputDebugStringA("v7_UserDefWorks.dll: Не нашли Handle ntdll.dll\r\n"); return false; } OutputDebugStringA("v7_UserDefWorks.dll: Нашли Handle ntdll.dll\r\n"); XXX = find_LdrpCallInitRoutine(HNtdll); char* message = (char*)malloc(sizeof(char)*255); if (XXX != NULL) { wsprintfA(message,"v7_UserDefWorks.dll: Нашли адрес LdrpCallInitRoutine - 0x%X\r\n",XXX); OutputDebugStringA(message); DoWrap(XXX, (DWORD)&Hook_DllMain); OutputDebugStringA("v7_UserDefWorks.dll: Установлен перехват инициализации библиотек\r\n"); return true; } OutputDebugStringA("v7_UserDefWorks.dll: Не нашли адрес LdrpCallInitRoutine.\r\n"); return false; } BOOL APIENTRY DllMain( HMODULE hModule, DWORD ul_reason_for_call, LPVOID lpReserved) { switch (ul_reason_for_call) { case DLL_PROCESS_ATTACH: return init(); case DLL_THREAD_ATTACH: break; case DLL_THREAD_DETACH: break; case DLL_PROCESS_DETACH: Baloon("",-1); OutputDebugStringA("v7_UserDefWorks.dll: Выходим."); Swap((UINT64*)XXX,Originalbuf); break; } return TRUE; }<file_sep>/v7_DllLogger/stdafx.h // stdafx.h : include file for standard system include files, // or project specific include files that are used frequently, but // are changed infrequently // #pragma once #include "targetver.h" #define WIN32_LEAN_AND_MEAN // Exclude rarely-used stuff from Windows headers // Windows Header Files: //#include <windows.h> #include <stdlib.h> #include "wchar.h" #include "shlwapi.h" #include "shellapi.h" #define IMPORT_1C __declspec(dllimport) /* #pragma comment (lib, "libs/basic.lib") */ #pragma comment (lib, "libs/bkend.lib") /* #pragma comment (lib, "libs/blang.lib") #pragma comment (lib, "libs/br32.lib") #pragma comment (lib, "libs/dbeng32.lib") #pragma comment (lib, "libs/editr.lib") #pragma comment (lib, "libs/frame.lib") #pragma comment (lib, "libs/moxel.lib") #pragma comment (lib, "libs/rgproc.lib") #pragma comment (lib, "libs/seven.lib") #pragma comment (lib, "libs/txtedt.lib") #pragma comment (lib, "libs/type32.lib") #pragma comment (lib, "libs/userdef.lib") */ #pragma comment (lib, "version.lib") // TODO: reference additional headers your program requires here
993a241f1c67e5a819c970925fb226e844c465e5
[ "C", "C++" ]
2
C++
artamir/v7_dllLogger
98773a5df940fbc9e6fadf199f8a9f04c5b90182
be9d0fa1f4842c0be852128408ec73c949a7d530
refs/heads/master
<repo_name>TA-Buch/FileStreams<file_sep>/src/FileAppender.java import java.io.*; import java.nio.file.*; import java.util.Collection; /** * Класс внесение строки в начало текстового файла. Вывод на экран в * консоль найденных файлов. */ public class FileAppender { /** * Процедура вносит строку "T E S T" в начало каждого найденного файла с расширением txt * @param fileName - имя файла или его часть * @param searchDirectory - директория для поиска файлов */ public static void appendStringToBeginning (String fileName, String searchDirectory) throws IOException { Collection<Path> listFiles = FilesFinder.find(fileName,"\\.txt$", searchDirectory); for (Path fileSrc: listFiles) { File tempFile = File.createTempFile("temp", ".tmp"); Files.copy(fileSrc, tempFile.toPath(), StandardCopyOption.REPLACE_EXISTING); try (BufferedWriter writer = Files.newBufferedWriter(fileSrc, StandardOpenOption.TRUNCATE_EXISTING); BufferedReader reader = Files.newBufferedReader(tempFile.toPath())) { writer.write("T E S T"); String strCurrentLine; while ((strCurrentLine = reader.readLine()) != null) { writer.write(strCurrentLine); } } finally { tempFile.delete(); } System.out.println(fileSrc); } } }
17058d4dfb8dc3b90e1bcac5d040bdf8caf2dcba
[ "Java" ]
1
Java
TA-Buch/FileStreams
df2838bc5e2ca67770959467745e05a72b2fa007
c0f85f025030324216af87c399fcad7c812e65a3
refs/heads/master
<file_sep>package be.intecbrussel.tools; import org.springframework.security.crypto.bcrypt.BCrypt; // Password cannot be stored in the database as plain text. If the database is compromised, the hacker has all the // passwords of all the users. Therefor we stored a salted hashed password instead. BCrypt is designed to be a slow // hashing algorithm, therefor it is pretty efficient to greatly limit the damage done would our database be compromised. // BCrypt also doesnt require us to store the salt in our database, which adds another layer of convenience and security? public class BCrypter { public static String hashPassword(String password){ // This method applies salted hashing to a password using the BCrypt algorithm return BCrypt.hashpw(password, BCrypt.gensalt()); } public static boolean checkPassword(String plainTextPassword, String hashToCompare) { // This method return whether the entered password corresponds to the entered hash value. return BCrypt.checkpw(plainTextPassword, hashToCompare); } } <file_sep>// Smoot scroll window.scrollBy({ top: -200, left: 0, behavior: 'smooth' }); // Collapsible "Sort" menu var coll = document.getElementsByClassName("collapsible"); var i; for (i = 0; i < coll.length; i++) { coll[i].addEventListener("click", function () { this.classList.toggle("active"); var content = this.nextElementSibling; if (content.style.display === "block") { content.style.display = "none"; } else { content.style.display = "block"; } }); } /////////////////// // Button Back to top /////////////////// mybutton = document.getElementById("myBtn"); // When the user scrolls down 500px from the top of the document, show the button window.onscroll = function () { scrollFunction() }; function scrollFunction() { if (document.body.scrollTop > 500 || document.documentElement.scrollTop > 400) { mybutton.style.display = "block"; } else { mybutton.style.display = "none"; } } // When the user clicks on the button, scroll to the top of the document function topFunction() { document.body.scrollTop = 0; // For Safari document.documentElement.scrollTop = 0; // For Chrome, Firefox, IE and Opera } ///////////////////// ///// Popups ///////////////////// function popUpFunction() { var popup = document.getElementById("myPopup"); popup.classList.toggle("show"); } function alertFunction() { alert("You need to be logged in to do this"); } <file_sep># BlogCentral <h3> 5/12 </h3> <hr> We hebben de opdracht besproken en gebrainstormed.<br> We hebben een database aangemaakt.<br> Ons database werd gemaakt met mysql.<br> We hebben entiteiten en datamodels gecreeerd.<br> Als tool gebruiken we Hibernate, JavaEE.<br> <h3> 9/12 </h3> <hr> We zijn samengekomen om te praten over de taken van de dag.<br> We zijn begonnen servlets te bouwen.<br> We besloten te beginnen met 'register' servlet.<br> We hadden een beetje moeite om het css-bestand te gebruiken voor de jsp-pagina.<br> Na een beetje zoeken vonden we de nodige syntaxis als oplossing.<br> We hebben de link gedefinieerd als href = "$ {pageContext.requestContextPath} / resources ......<br> Uiteindelijk hebben we onze registerservlet met succes getest.<br> We hebben besloten om individueel te studeren voor andere servlets.<br> <h3> 10/12 </h3> <hr> We hebben over servlets van het project gepraten.<br> 'update' en 'login' servlets zijn de volgende taken.<br> We hebben besloten thuis te werken over login servlet.<br> Nieuwe bestand heeft gezet worden voor het gebruik van github in de planning map.<br> <h3> 11/12 </h3> <hr> Zelfstudie.<br> <h3> 12/12 </h3> <hr> We hebben over salted hashing gepraten. Bij 'salted', of 'zouten', wordt willekeurige data toegevoegd aan een hashfunctie. Alsof het 'gezouten' wordt, vandaar de term. We hebben de functie togevoegd (BCrypter.java).<br> We hebben de 'login servlet' pogingen beoordeeld.<br> We hebben tot nu de laatste login servlet geïmplementeerd en getest.<br> We hebben een 'logout' servlet geïmplementeerd en getest.<br> We hebben het deadlineplan opgesteld :<br> Tot het einde van de week zullen we servlets gereed maken.<br> We zullen avatars implementeren en beginnen met de chat-module op maandag.<br> We zullen de chat-module afwerken op dinsdag.<br> We zullen het programma op alle manieren testen op woensdag .<br> We zullen de definitieve versie publiceren, en onze presentatie afwerken .<br> <file_sep>package be.intecbrussel.model.entities; import be.intecbrussel.model.EntityInterface; import javax.persistence.*; import javax.validation.constraints.NotNull; import java.util.ArrayList; import java.util.Arrays; import java.util.List; @Entity public class Comment implements EntityInterface { @Id @GeneratedValue(strategy = GenerationType.IDENTITY) private int id; @ManyToOne(fetch = FetchType.EAGER) @NotNull private Author author; @NotNull private String message; @NotNull private int likeCount; @OneToMany(cascade = CascadeType.ALL, fetch = FetchType.EAGER) private List<Comment> comments; public Comment(Author author, String message) { this.author = author; this.message = message; this.likeCount = 0; this.comments = new ArrayList<>(); } public Comment addComments(Comment... comments){ this.comments.addAll(Arrays.asList(comments)); return this; } public Comment(){ this.likeCount = 0; this.comments = new ArrayList<>(); } public void setAuthor(Author author) { this.author = author; } public List<Comment> getComments() { return comments; } public Object getId() { return id; } // Copies all the attributes from an comment object to this comment object public void cloneFrom(EntityInterface commentt) { Comment comment = (Comment) commentt; this.message = comment.message; this.likeCount = comment.likeCount; comments.add(((Comment) commentt).getComments().get(((Comment) commentt).getComments().size() - 1)); } @Override public String toString() { return "\n Comment{" + "id=" + id + ", author=" + author + ", message='" + message + '\'' + ", likeCount=" + likeCount + ", comments=" + comments + "}\n"; } }<file_sep>package be.intecbrussel.model.entities; import be.intecbrussel.model.EntityInterface; import be.intecbrussel.tools.BCrypter; import javax.persistence.*; import javax.validation.constraints.NotNull; @Entity public class Author implements EntityInterface { @Id private String username; @NotNull private String password; @NotNull private String firstName; @NotNull private String lastName; @NotNull private String email; private String street; private int houseNumber; private String city; private int zipCode; public Author(@NotNull String username, @NotNull String password, @NotNull String firstName, @NotNull String lastName, @NotNull String email, String street, int houseNumber, String city, int zipCode) { this.username = username; this.password = <PASSWORD>; this.firstName = firstName; this.lastName = lastName; this.email = email; this.street = street; this.houseNumber = houseNumber; this.city = city; this.zipCode = zipCode; } public Author(String username, @NotNull String password, @NotNull String firstName, @NotNull String lastName, @NotNull String email) { this.username = username; this.password = <PASSWORD>; this.firstName = firstName; this.lastName = lastName; this.email = email; } public String getPassword() { return password; } public void setPassword(String password) { this.password = password; } public void setStreet(String street) { this.street = street; } public void setHouseNumber(int houseNumber) { this.houseNumber = houseNumber; } public void setCity(String city) { this.city = city; } public void setZipCode(int zipCode) { this.zipCode = zipCode; } public Author() { } public String getUsername() { return username; } // Copies all the attributes from an author object to this author object @Override public void cloneFrom(EntityInterface authorr){ Author author = (Author) authorr; this.username = author.username; this.password = <PASSWORD>.<PASSWORD>; this.firstName = author.firstName; this.lastName = author.lastName; this.email = author.email; this.street = author.street; this.houseNumber = author.houseNumber; this.city = author.city; this.zipCode = author.zipCode; } @Override public String toString() { return "\nAuthor{" + "username='" + username + '\'' + ", password='" + <PASSWORD> + '\'' + ", firstName='" + firstName + '\'' + ", lastName='" + lastName + '\'' + ", email='" + email + '\'' + ", street='" + street + '\'' + ", houseNumber=" + houseNumber + ", city='" + city + '\'' + ", zipCode=" + zipCode + "}\n"; } @Override public Object getId() { return username; } public boolean checkPW(String plainTextPassword){ return BCrypter.checkPassword(plainTextPassword, password); } } <file_sep>package be.intecbrussel.tools; import be.intecbrussel.data.mappers.AuthorMapper; import be.intecbrussel.data.mappers.VisitorMapper; import be.intecbrussel.exceptions.AuthorNotLoggedInException; import be.intecbrussel.model.entities.Author; import javax.servlet.ServletContextEvent; import javax.servlet.http.HttpSession; public class SessionController { public static void addNewPageToSessionHistory(HttpSession session, String servletName, String query) { String currentPage = (String) session.getAttribute("currentPage"); String urlWithParams = (query == null || query.isEmpty()) ? servletName : servletName.concat("?").concat(query); if (currentPage == null) { session.setAttribute("lastPage", "home"); session.setAttribute("currentPage", urlWithParams); } else if (servletName.equals("login") || servletName.equals("register") || servletName.equals("logout") || servletName.equals("sendcommentonpost") || servletName.equals("sendcommentoncomment")|| servletName.equals("deletecomment")) session.setAttribute("lastPage", currentPage); else { session.setAttribute("lastPage", session.getAttribute("currentPage")); session.setAttribute("currentPage", urlWithParams); } System.out.println("Last Page -> " + session.getAttribute("lastPage")); System.out.println("Current Page -> " + session.getAttribute("currentPage")); } public static Boolean isLoggedIn(HttpSession session) { Object o = session.getAttribute("isLoggedIn"); if (o == null) o = false; return (Boolean) o; } public static void logsIn(HttpSession session, Author author) { session.setAttribute("isLoggedIn", true); session.setAttribute("Author", author); } public static Author getAuthor(HttpSession session) throws AuthorNotLoggedInException { if (isLoggedIn(session)) { return (Author) session.getAttribute("Author"); } else { throw new AuthorNotLoggedInException(); } } public static Boolean isInvalidCredentialsFlagSet(HttpSession session) { Object o = session.getAttribute("invalidCredentials"); if (o == null) o = false; return (Boolean) o; } public static void setInvalidCredentialsFlag(HttpSession session) { session.setAttribute("invalidCredentials", true); } public static void removeInvalidCredentialsFlag(HttpSession session) { session.setAttribute("invalidCredentials", false); } public static String getLastPage(HttpSession session) { String lastPage = (String) session.getAttribute("lastPage"); if (lastPage == null) lastPage = "home"; return lastPage; } public static void updateTotalRegisters(HttpSession session){ AuthorMapper am = new AuthorMapper(); int i = am.getAmountOfAuthors(); session.getServletContext().setAttribute("totalCount", i); } public static void updateTotalRegisters(ServletContextEvent sce){ AuthorMapper am = new AuthorMapper(); int i = am.getAmountOfAuthors(); sce.getServletContext().setAttribute("totalCount", i); } public static void addAVisitor(HttpSession session) { VisitorMapper vm = new VisitorMapper(); int count = vm.amountOfVisitors(); count = count + 1; vm.updateVisitor(count); session.getServletContext().setAttribute("totalVisits", count); } public static void updateTotalVisits(ServletContextEvent sce) { VisitorMapper vm = new VisitorMapper(); int count = vm.amountOfVisitors(); sce.getServletContext().setAttribute("totalVisits", count); } } <file_sep>package be.intecbrussel.servlet.get; import be.intecbrussel.data.GenericMapper; import be.intecbrussel.data.mappers.AuthorMapper; import be.intecbrussel.data.mappers.BlogMapper; import be.intecbrussel.exceptions.AuthorNotFoundException; import be.intecbrussel.model.entities.Author; import be.intecbrussel.model.entities.Blog; import be.intecbrussel.tools.SessionController; import javax.servlet.ServletException; import javax.servlet.annotation.WebServlet; import javax.servlet.http.HttpServlet; import javax.servlet.http.HttpServletRequest; import javax.servlet.http.HttpServletResponse; import javax.servlet.http.HttpSession; import java.io.IOException; import java.util.List; @WebServlet(name = "author", value = "/author") public class AuthorServlet extends HttpServlet { @Override protected void doGet(HttpServletRequest req, HttpServletResponse resp) throws ServletException, IOException { HttpSession session = req.getSession(); SessionController.addNewPageToSessionHistory(session, this.getServletName(), req.getQueryString()); BlogMapper bm = new BlogMapper(); GenericMapper<Author> am = new AuthorMapper(); String username = req.getParameter("username"); try { Author authorFromPage = am.getObject(new Author(), username); List<Blog> list = bm.getAllBlogsFromAuthor(authorFromPage); req.setAttribute("blogs", list); req.getRequestDispatcher("resources/1-Front-End/author/author.jsp").forward(req, resp); } catch (AuthorNotFoundException e) { resp.sendRedirect("home"); } } } <file_sep>package be.intecbrussel.model; public interface EntityInterface { Object getId(); void cloneFrom(EntityInterface object); } <file_sep>package be.intecbrussel.servlet.post; import be.intecbrussel.data.GenericMapper; import be.intecbrussel.model.entities.Author; import be.intecbrussel.tools.BCrypter; import be.intecbrussel.tools.SessionController; import javax.servlet.annotation.WebServlet; import javax.servlet.http.HttpServlet; import javax.servlet.http.HttpServletRequest; import javax.servlet.http.HttpServletResponse; import javax.servlet.http.HttpSession; import java.io.IOException; @WebServlet(value = "/registerpost") public class RegisterPostServlet extends HttpServlet { @Override protected void doPost(HttpServletRequest req, HttpServletResponse resp) throws IOException { HttpSession session = req.getSession(); // Get all parameters from the register form String firstName = req.getParameter("first-name"); String lastName = req.getParameter("last-name"); String userName = req.getParameter("user-name"); String email = req.getParameter("email"); String street = req.getParameter("street"); String houseNr = req.getParameter("house-number"); String city = req.getParameter("city"); String zipcode = req.getParameter("zip"); // Instead of storing the password in plain text, we hash it with a powerful algorithm String password = BCrypter.hashPassword(req.getParameter("password")); // Create an new Author using a constructor with all the required fields Author author = new Author(userName, password, firstName, lastName, email); // Check every non required element and add them to the author if it's not an empty String // (prevents NumberFormatException for houseNr and Zipcode due to parsing a empty String if not checked if (!street.equals("")) author.setStreet(street); if (!houseNr.equals("")) author.setHouseNumber(Integer.parseInt(houseNr)); if (!city.equals("")) author.setCity(city); if (!zipcode.equals("")) author.setZipCode(Integer.parseInt(zipcode)); // Create an instance of the genericmapper user as the class GenericMapper<Author> dao = new GenericMapper<>(); // Add the user to the database using the genericmapper object author = dao.addObject(author); SessionController.updateTotalRegisters(session); // Logs in the user SessionController.logsIn(session, author); // Sends the user back to his last visited page resp.sendRedirect(SessionController.getLastPage(session)); } } <file_sep>package be.intecbrussel.data.mappers; import be.intecbrussel.data.EntityManagerFactoryProvider; import be.intecbrussel.data.GenericMapper; import be.intecbrussel.model.entities.Author; import be.intecbrussel.model.entities.Blog; import javax.persistence.EntityManager; import javax.persistence.EntityTransaction; import javax.persistence.TypedQuery; import java.util.List; public class BlogMapper extends GenericMapper { public List<Blog> getBlogsByTags(String tags) { EntityManager em = EntityManagerFactoryProvider.getEM(); EntityTransaction et = em.getTransaction(); et.begin(); TypedQuery<Blog> query = em.createQuery("SELECT b FROM Blog b WHERE b.title LIKE :tags OR b.message LIKE :tags", Blog.class); query.setParameter("tags", "%"+tags+"%"); List<Blog> list = query.getResultList(); em.close(); return list; } public List<Blog> getAllBlogsFromAuthor(Author author){ EntityManager em = EntityManagerFactoryProvider.getEM(); EntityTransaction transaction = em.getTransaction(); List<Blog> list; transaction.begin(); TypedQuery<Blog> query = em.createQuery("SELECT b FROM Blog b WHERE author_username LIKE :username", Blog.class); query.setParameter("username", author.getUsername()); list = query.getResultList(); em.close(); return list; } } <file_sep>package be.intecbrussel.data.mappers; import be.intecbrussel.data.EntityManagerFactoryProvider; import be.intecbrussel.data.GenericMapper; import be.intecbrussel.model.entities.Author; import be.intecbrussel.model.entities.Comment; import javax.persistence.EntityManager; import javax.persistence.EntityTransaction; import javax.persistence.TypedQuery; import java.sql.Connection; import java.sql.DriverManager; import java.sql.PreparedStatement; import java.sql.SQLException; import java.util.List; public class CommentMapper extends GenericMapper { public List<Comment> getCommentsFromTags(String tags){ EntityManager em = EntityManagerFactoryProvider.getEM(); EntityTransaction et = em.getTransaction(); et.begin(); TypedQuery<Comment> query = em.createQuery("SELECT c FROM Comment c WHERE c.message LIKE :tags", Comment.class); query.setParameter("tags", "%"+tags+"%"); List<Comment> list = query.getResultList(); em.close(); return list; } public void addCommentToBlog(Integer blogID, String authorName, String commentToAdd) throws ClassNotFoundException, SQLException { EntityManager em = EntityManagerFactoryProvider.getEM(); EntityTransaction et = em.getTransaction(); et.begin(); Comment com = new Comment(em.find(Author.class, authorName), commentToAdd); com = em.merge(com); addConnectionViaJDBC_BC(blogID, com.getId()); et.commit(); em.close(); } private void addConnectionViaJDBC_BC(Integer blogID, Object id) throws ClassNotFoundException, SQLException { Class.forName("com.mysql.jdbc.Driver"); try (Connection conn = DriverManager.getConnection("jdbc:mysql://localhost:3306/blogcentral?serverTimezone=UTC", "intecpotato", "grp")){ PreparedStatement ps = conn.prepareStatement("INSERT INTO Blog_Comment VALUES (?, ?)"); ps.setInt(1, blogID); ps.setInt(2, (Integer) id); ps.execute(); } } public void addCommentToComment(Integer commentID, String authorName, String commentToAdd) throws ClassNotFoundException { EntityManager em = EntityManagerFactoryProvider.getEM(); EntityTransaction et = em.getTransaction(); et.begin(); Comment com = new Comment(em.find(Author.class, authorName), commentToAdd); com = em.merge(com); addConnectionViaJDBC_CC(commentID, com.getId()); et.commit(); em.close(); } private void addConnectionViaJDBC_CC(Integer commentID, Object id) throws ClassNotFoundException { Class.forName("com.mysql.jdbc.Driver"); try (Connection conn = DriverManager.getConnection("jdbc:mysql://localhost:3306/blogcentral?serverTimezone=UTC", "intecpotato", "grp")){ PreparedStatement ps = conn.prepareStatement("INSERT INTO Comment_Comment VALUES (?, ?)"); ps.setInt(1, commentID); ps.setInt(2, (Integer) id); ps.execute(); } catch (SQLException e) { e.printStackTrace(); } } } <file_sep>package be.intecbrussel.model.entities; import be.intecbrussel.model.EntityInterface; import javax.persistence.*; import javax.validation.constraints.NotNull; import java.util.ArrayList; import java.util.Arrays; import java.util.List; @Entity public class Blog implements EntityInterface { @Id @GeneratedValue(strategy = GenerationType.IDENTITY) private int id; @ManyToOne(fetch = FetchType.EAGER) @NotNull private Author author; @OneToMany(cascade = CascadeType.ALL, fetch = FetchType.EAGER) private List<Comment> comments; @NotNull private int likeCount; @NotNull private String message; private String title; public Blog(Author author, String title, String message) { this.author = author; this.title = title; this.likeCount = 0; this.message = message; this.comments = new ArrayList<>(); } public Blog() { this.comments = new ArrayList<>(); this.likeCount = 0; } public Object getId() { return id; } public List<Comment> getComments() { return comments; } public void addComments(Comment... comments){ this.comments.addAll(Arrays.asList(comments)); } // Copies all the attributes from an blog object to this blog object public void cloneFrom(EntityInterface blogg) { Blog blog = (Blog) blogg; if (blog.getComments().size() != this.comments.size()) { Comment comment = blog.getComments().get(((Blog) blogg).getComments().size() - 1); comment.setAuthor(author); comments.add(comment); } this.likeCount = blog.likeCount; this.message = blog.message; } @Override public String toString() { return "\nBlog{" + "id=" + id + ", author=" + author + ", comments=" + comments + ", likeCount=" + likeCount + ", message='" + message + '\'' + "}\n"; } } <file_sep>var password = document.getElementById("password"), confirm_password = document.getElementById("confirm_password"); var isValid = false function validatePassword() { console.log("ok") if (password.value != confirm_password.value) { console.log("in if") confirm_password.setCustomValidity("Passwords Don't Match"); isValid = false; } else { console.log("in else") confirm_password.setCustomValidity(''); isValid = true; } } var removeChars = () => { // Extract the validity parameter var userNameValid = document.getElementById("username").validity.valid var firstNameValid = document.getElementById("firstname").validity.valid var lastNameValid = document.getElementById("lastname").validity.valid var emailValid = document.getElementById("email").validity.valid var passwordValid = document.getElementById("password").validity.valid var confirm_passwordValid = document.getElementById("confirm_password").validity.valid if (userNameValid && firstNameValid && lastNameValid && emailValid && passwordValid && confirm_passwordValid) { // all good } else { confirm_password.value = ""; password.value = ""; } } password.onchange = validatePassword; confirm_password.onkeyup = validatePassword;<file_sep><?xml version="1.0" encoding="UTF-8"?> <project xmlns="http://maven.apache.org/POM/4.0.0" xmlns:xsi="http://www.w3.org/2001/XMLSchema-instance" xsi:schemaLocation="http://maven.apache.org/POM/4.0.0 http://maven.apache.org/xsd/maven-4.0.0.xsd"> <modelVersion>4.0.0</modelVersion> <groupId>be.intecbrussel</groupId> <artifactId>BlogCentral</artifactId> <version>1.0-SNAPSHOT</version> <packaging>war</packaging> <properties> <maven.compiler.source>11</maven.compiler.source> <maven.compiler.target>11</maven.compiler.target> </properties> <build> <finalName>BlogCentral</finalName> <plugins> <plugin> <groupId>org.codehaus.cargo</groupId> <artifactId>cargo-maven2-plugin</artifactId> <version>1.7.7</version> <configuration> <container> <containerId>tomee8x</containerId> <type>installed</type> <home>${env.CATALINA_HOME}</home> </container> <configuration> <type>existing</type> <home>${env.CATALINA_HOME}</home> </configuration> </configuration> </plugin> </plugins> </build> <dependencies> <!-- https://mvnrepository.com/artifact/javax/javaee-api --> <dependency> <groupId>javax</groupId> <artifactId>javaee-api</artifactId> <version>8.0.1</version> <scope>provided</scope> </dependency> <!-- https://mvnrepository.com/artifact/mysql/mysql-connector-java --> <dependency> <groupId>mysql</groupId> <artifactId>mysql-connector-java</artifactId> <version>8.0.18</version> </dependency> <!-- https://mvnrepository.com/artifact/org.hibernate/hibernate-core --> <dependency> <groupId>org.hibernate</groupId> <artifactId>hibernate-core</artifactId> <version>5.4.9.Final</version> </dependency> <!-- https://mvnrepository.com/artifact/org.springframework.security/spring-security-core --> <dependency> <groupId>org.springframework.security</groupId> <artifactId>spring-security-core</artifactId> <version>5.2.1.RELEASE</version> </dependency> <!-- https://mvnrepository.com/artifact/org.jsoup/jsoup --> <dependency> <groupId>org.jsoup</groupId> <artifactId>jsoup</artifactId> <version>1.12.1</version> </dependency> <!-- https://mvnrepository.com/artifact/org.apache.commons/commons-text --> <dependency> <groupId>org.apache.commons</groupId> <artifactId>commons-text</artifactId> <version>1.8</version> </dependency> <!-- https://mvnrepository.com/artifact/javax.servlet.jsp.jstl/jstl-api --> <dependency> <groupId>javax.servlet</groupId> <artifactId>servlet-api</artifactId> <version>2.5</version> </dependency> <dependency> <groupId>javax.servlet.jsp.jstl</groupId> <artifactId>javax.servlet.jsp.jstl-api</artifactId> <version>1.2.1</version> </dependency> <dependency> <groupId>taglibs</groupId> <artifactId>standard</artifactId> <version>1.1.2</version> </dependency> <!-- https://mvnrepository.com/artifact/org.mariadb.jdbc/mariadb-java-client --> <dependency> <groupId>org.mariadb.jdbc</groupId> <artifactId>mariadb-java-client</artifactId> <version>2.5.2</version> </dependency> </dependencies> </project><file_sep>package be.intecbrussel.data; import javax.persistence.EntityManager; import javax.persistence.EntityManagerFactory; import javax.persistence.Persistence; public class EntityManagerFactoryProvider { // Create an entity manager factory with the persistence unit set to our database private static final EntityManagerFactory entityManagerFactory = Persistence.createEntityManagerFactory("datasourceLocal"); // Returns an entity manager using the above factory public static EntityManager getEM() { return entityManagerFactory.createEntityManager(); } }
c7c1a591c1dee7db1c194074fe919665509b3f0f
[ "JavaScript", "Java", "Maven POM", "Markdown" ]
15
Java
IzunaTan/BlogCentral
829c06920a6bc305e286d9b691c843785910b83b
81601d7845caca567371b58ca0e9653d61bbb89c
refs/heads/master
<file_sep>package main import ( "time" ) func collector(result <-chan Bid) []Bid { var bids []Bid done := make(chan bool) go runTimer(done) for { select { case bid := <-result: bids = append(bids, bid) // if bids are complete if len(bids) == len(Bidders) { return bids } case <-done: return bids } } } func runTimer(done chan<- bool) { timer := time.NewTimer(200 * time.Millisecond) <-timer.C // fmt.Println("timer expired") done <- true } <file_sep>package main import ( "fmt" "net/http" "github.com/gorilla/mux" "github.com/urfave/negroni" ) func main() { fmt.Println("Let's place some bids") // port := ":" + os.Args[1] r := GetRouter() // Basic middlewares n := negroni.Classic() n.UseHandler(r) err := http.ListenAndServe(":80", n) if err != nil { fmt.Println(fmt.Sprintf("%v", err)) } } // IndexHandler : Index route handler func IndexHandler(w http.ResponseWriter, r *http.Request) { resMap := make(map[string]interface{}) resp, _ := MakeJSONResponse("I am a bidder, sup dude!", resMap, true) SendJSONHttpResponse(w, resp, http.StatusOK) } func registerRoutes(router *mux.Router) { router.Methods("GET").Path("/").HandlerFunc(IndexHandler) router.Methods("POST").Path("/adrequest").HandlerFunc(AdRequestHandler) } func GetRouter() *mux.Router { r := mux.NewRouter() registerRoutes(r) return r } <file_sep>package main import ( "encoding/json" "math/rand" "net/http" "time" "github.com/rs/xid" ) type adRequestPostBody struct { AdPlacementID string `json:"ad_placement_id"` } // AdObject : struct to wrap a AdObject type AdObject struct { AdID string `json:"ad_id"` BidPrice float64 `json:"bid_price"` } func AdRequestHandler(w http.ResponseWriter, r *http.Request) { decoder := json.NewDecoder(r.Body) var t adRequestPostBody err := decoder.Decode(&t) respMap := make(map[string]interface{}) if err != nil { respMap["error"] = "corrupt post body" resp, _ := MakeJSONResponse("corrupt post body", respMap, false) SendJSONHttpResponse(w, resp, http.StatusBadRequest) return } dice := rand.Intn(100) random := rand.NewSource(time.Now().UnixNano()) randObj := rand.New(random) time.Sleep(time.Millisecond * time.Duration(randObj.Intn(250))) if dice > 50 { resp, _ := json.Marshal(AdObject{ AdID: generateUniqueIDforAd(), BidPrice: randObj.Float64() * 100, }) SendJSONHttpResponse(w, resp, http.StatusOK) } else { SendJSONHttpResponse(w, nil, http.StatusNoContent) } } func generateUniqueIDforAd() string { x := xid.New() return x.String() } <file_sep>package main import ( "bytes" "encoding/json" "fmt" "net/http" "net/url" "time" ) type Bid struct { Bidder string `json:"bidder"` BidPrice float64 `json:"bid_price"` AdID string `json:"ad_id"` } type AdObject struct { AdID string `json:"ad_id"` BidPrice float64 `json:"bid_price"` } type adRequestPostBody struct { AdPlacementID string `json:"ad_placement_id"` } func placeAdRequest(bidder string, adPlacementID string, result chan<- Bid) { timeout := time.Duration(200 * time.Millisecond) client := http.Client{ Timeout: timeout, } postBody := adRequestPostBody{AdPlacementID: adPlacementID} marshalledBody, _ := json.Marshal(postBody) payload := bytes.NewReader(marshalledBody) resp, err := client.Post("http://"+bidder+"/adrequest", "application/json", payload) if err != nil { errObj := err.(*url.Error) if errObj.Timeout() { fmt.Println(fmt.Sprintf("%s bidder was shorted", bidder)) } else { fmt.Println(err) } return } // No bid case if resp.StatusCode == http.StatusNoContent { result <- Bid{} return } decoder := json.NewDecoder(resp.Body) var adObj AdObject err = decoder.Decode(&adObj) if err != nil { return } bid := Bid{ Bidder: bidder, BidPrice: adObj.BidPrice, AdID: adObj.AdID, } result <- bid } <file_sep>GOCMD=go GOBUILD=$(GOCMD) build GOCLEAN=$(GOCMD) clean GOTEST=$(GOCMD) test GOGET=$(GOCMD) get BINARY_NAME=auctioner BINARY_UNIX=$(BINARY_NAME) all: test build build: $(GOBUILD) -o $(BINARY_NAME) -v test: $(GOTEST) -cover -v ./... clean: $(GOCLEAN) rm -f $(BINARY_NAME) rm -f $(BINARY_UNIX) run: $(GOBUILD) -o $(BINARY_NAME) -v ./... ./$(BINARY_NAME) build-linux: CGO_ENABLED=0 GOOS=linux GOARCH=amd64 $(GOBUILD) -a -installsuffix cgo -o $(BINARY_UNIX) -v <file_sep># Bidder *Bidder service* ## Dependencies: * [gorilla/mux](https://github.com/gorilla/mux) * [negroni](https://github.com/urfave/negroni) * [xid](https://github.com/rs/xid) ### Steps to build * #### compile * Linux ``` make build-linux ``` * current-platform ``` make build ``` * #### test ``` make test ``` *** Output would be a compiled binary with name **bidder** which is powering the docker image. <file_sep># Bidders & Auctioneer *Basic http web services written in golang running on docker* ### Steps to run * #### Build binaries ``` cd Auctioner/ make build-linux ``` ``` cd Bidder/ make build-linux ``` * #### Build service images ``` docker-compose -f service-build.yml build ``` * #### Up the services ``` docker-compose up ``` ### Auctioner Exposed API's * /adplacement ``` POST /adplacement HTTP/1.1 Host: <HOST>:<PORT> Content-Type: application/json cache-control: no-cache { "ad_placement_id": <AD_PLACEMENT_ID> }------WebKitFormBoundary7MA4YWxkTrZu0gW-- ``` ### Bidder Exposed API's * /adrequest ``` POST /adrequest HTTP/1.1 Host: <HOST>:<PORT> Content-Type: application/json cache-control: no-cache { "ad_placement_id": <AD_PLACEMENT_ID> }------WebKitFormBoundary7MA4YWxkTrZu0gW-- ``` *** The docker images are built on **scratch** they don't contain any linux libs to make the image sizes small. The binary of all services contains liked libs, so the images just contain the executable. The bidders name according to the service name are there in .env example: BIDDERS=bidder1,bidder2,bidder3,bidder4 to add a bidder add a bidder service in docker-compose.yml and in .env to register it as a bidder<file_sep>package main import ( "fmt" "net/http" "net/http/httptest" "net/url" "strings" "testing" "time" ) func TestIndex(t *testing.T) { ts := httptest.NewServer(GetRouter()) defer ts.Close() res, err := http.Get(ts.URL + "/") if err != nil { t.Fail() } else { if res.StatusCode != http.StatusOK { t.Fail() } } } func TestAdPlacementRequest(t *testing.T) { ts := httptest.NewServer(GetRouter()) defer ts.Close() payload := strings.NewReader(fmt.Sprintf("{\n\t\"ad_placement_id\": \"%s\"\n}", "testing")) timeout := time.Duration(210 * time.Millisecond) client := http.Client{ Timeout: timeout, } res, err := client.Post(ts.URL+"/adplacement", "application/json", payload) if err != nil { errObj := err.(*url.Error) if errObj.Timeout() { fmt.Println("Timedout") } t.Fail() } else { if res.StatusCode != http.StatusOK { t.Fail() } buf := make([]byte, res.ContentLength) _, err = res.Body.Read(buf) if err != nil { fmt.Println(err.Error()) if err.Error() != "EOF" { t.Fail() } } } } func TestAdPlacementRequestCorrupt(t *testing.T) { ts := httptest.NewServer(GetRouter()) defer ts.Close() payload := strings.NewReader("") timeout := time.Duration(210 * time.Millisecond) client := http.Client{ Timeout: timeout, } res, err := client.Post(ts.URL+"/adplacement", "application/json", payload) if err == nil { if res.StatusCode == http.StatusOK { t.Fail() } } } <file_sep>FROM scratch ADD auctioner / CMD ["/auctioner", "8080"]<file_sep>package main import ( "fmt" "net/http" "os" "strings" "github.com/gorilla/mux" "github.com/urfave/negroni" ) func main() { fmt.Println("I am a greedy Auctioner, let's roll") Bidders = strings.Split(os.Getenv("BIDDERS"), ",") // port := ":" + os.Args[1] // Basic middlewares r := GetRouter() n := negroni.Classic() n.UseHandler(r) http.ListenAndServe(":80", n) } // IndexHandler : Index route handler func IndexHandler(w http.ResponseWriter, r *http.Request) { resMap := make(map[string]interface{}) resp, _ := MakeJSONResponse("I am the auctioner, sup dude!", resMap, true) SendJSONHttpResponse(w, resp, http.StatusOK) } func registerRoutes(router *mux.Router) { router.Methods("GET").Path("/").HandlerFunc(IndexHandler) router.Methods("POST").Path("/adplacement").HandlerFunc(AdPlacementHandler) } func GetRouter() *mux.Router { r := mux.NewRouter() registerRoutes(r) return r } <file_sep>package main import ( "fmt" "net/http" "net/http/httptest" "strings" "testing" ) func TestIndex(t *testing.T) { ts := httptest.NewServer(GetRouter()) defer ts.Close() res, err := http.Get(ts.URL + "/") if err != nil { t.Fail() } else { if res.StatusCode != http.StatusOK { t.Fail() } } } func TestAdRequest(t *testing.T) { ts := httptest.NewServer(GetRouter()) defer ts.Close() payload := strings.NewReader(fmt.Sprintf("{\n\t\"ad_placement_id\": \"%s\"\n}", "testing")) resp, err := http.Post(ts.URL+"/adrequest", "application/json", payload) if err != nil { t.Fail() } else { if resp.StatusCode != http.StatusOK { if resp.StatusCode != http.StatusNoContent { t.Fail() } } } } func TestAdRequestCorrupt(t *testing.T) { ts := httptest.NewServer(GetRouter()) defer ts.Close() payload := strings.NewReader("") resp, err := http.Post(ts.URL+"/adrequest", "application/json", payload) if err != nil { t.Fail() } else { if resp.StatusCode == http.StatusOK { t.Fail() } if resp.StatusCode == http.StatusNoContent { t.Fail() } } } <file_sep>FROM scratch ADD bidder / CMD ["/bidder", "8080"]<file_sep>package main import ( "encoding/json" "net/http" "sort" ) type adPlacementPostBody struct { AdPlacementID string `json:"ad_placement_id"` } // var Bidders = []string{"http://bidder1", "http://bidder2"} var Bidders []string func AdPlacementHandler(w http.ResponseWriter, r *http.Request) { respMap := make(map[string]interface{}) decoder := json.NewDecoder(r.Body) var t adPlacementPostBody err := decoder.Decode(&t) if err != nil { respMap["error"] = "corrupt post body" resp, _ := MakeJSONResponse("corrupt post body", respMap, false) SendJSONHttpResponse(w, resp, http.StatusBadRequest) return } // Make channel buffered according to number of bidders result := make(chan Bid, len(Bidders)) // Dispatch requests to all bidders for _, bidder := range Bidders { go placeAdRequest(bidder, t.AdPlacementID, result) } bids := collector(result) respMap["winner"] = processWinner(bids) resp, _ := MakeJSONResponse("Winner", respMap, true) SendJSONHttpResponse(w, resp, http.StatusOK) } func processWinner(bids []Bid) *Bid { bids = filter(bids, func(bid Bid) bool { if bid.BidPrice == 0.0 && bid.AdID == "" { return false } return true }) sort.Slice(bids, func(i, j int) bool { return bids[i].BidPrice > bids[j].BidPrice }) if len(bids) > 0 { return &bids[0] } return nil } func filter(vs []Bid, f func(Bid) bool) []Bid { bids := make([]Bid, 0) for _, v := range vs { if f(v) { bids = append(bids, v) } } return bids }
f816e1a17f01676fded9f6fa431daac28d64420f
[ "Makefile", "Go", "Dockerfile", "Markdown" ]
13
Go
SiddhantAgarwal/BidderAndAuctioneers
2d53c920785c0da6dc03709f2913764768b40273
f27e483631c77c3e830d6d255de9827b4e513653
refs/heads/main
<repo_name>thaominh97/travel-app<file_sep>/src/components/Header/index.jsx import React, { memo } from 'react' import Navigation from './Top_Nav' import DecoreImg from '../Container/DecoreImg/decoreImg' //import Navbar from './Navbar/Navbar' function Header() { return ( <div> <DecoreImg/> {/* <Navbar/> */} <Navigation/> </div> ) } export default memo(Header) <file_sep>/src/fonts/fonts.jsx import './fonts/vollkorn/Vollkorn-Italic-VariableFont_wght.ttf' <file_sep>/src/components/Container/DecoreImg/decoreImg.jsx import React from 'react' import '../DecoreImg/decoreImg.css' function decoreImg() { return ( <div className="decore"/> ) } export default decoreImg <file_sep>/src/store/index.jsx import { configureStore } from '@reduxjs/toolkit' import modalReducer from './redux/modalReducer' import tokenReducer from './redux/tokenReducer' export default configureStore({ reducer: { modal: modalReducer, token: tokenReducer }, })<file_sep>/src/components/Container/Book_a_trip/Book_a_trip.jsx import React, { memo } from 'react' import './Book_a_trip.css' import Group6 from '../../../assets/img/Group6.png' import Group7 from '../../../assets/img/Group7.png' import Group8 from '../../../assets/img/Group8.png' import Rectangle17 from '../../../assets/img/Rectangle 17.jpg' import Rectangle4 from '../../../assets/img/Rectangle4.png' import Heart from '../../../assets/img/heart.png' import Leaf from '../../../assets/img/LEAF.png' import Mapicon from '../../../assets/img/map icon.png' import sendIcon1 from '../../../assets/img/send1.png' import Building from '../../../assets/img/building.png' import Line2 from '../../../assets/img/line 2.png' function Book_a_trip() { return ( <div className="trip"> <div className="trip1"> <h6>Easy and Fast</h6> <h2> Book Your Next Trip<br /> In 3 Easy Steps </h2> </div> <div className="trip2"> <ul className="trip2-list"> <li className="trip2-list_item"> <img src={Group6} alt="line-symbol" className="symbol-list" /> <div className="describe-list"> <p className="p-style">Choose Destination</p> <p> Lorem ipsum dolor sit amet, consectetur adipiscing elit. Urna, tortor tempus. </p> </div> </li> <li className="trip2-list_item"> <img src={Group7} alt="action-symbol" className="symbol-list" /> <div className="describe-list"> <p className="p-style">Make Payment</p> <p> Lorem ipsum dolor sit amet, consectetur adipiscing elit. Urna, tortor tempus. </p> </div> </li> <li className="trip2-list_item"> <img src={Group8} alt="car-symbol" className="symbol-list" /> <div className="describe-list"> <p className="p-style">Reach Airport on Selected Date</p> <p> Lorem ipsum dolor sit amet, consectetur adipiscing elit. Urna, tortor tempus. </p> </div> </li> </ul> </div> <div className="trip3"> <div className="trip3-describe1"> <img src={Rectangle17} alt="trip img" className="trip3-img" /> <p className="p-style2">Trip To Greece</p> <div className="trip3-describe1-infor1"> <p>14-29 June</p> <div className="line" /> <p>by <NAME></p> </div> <div> <img src={Leaf} alt="leaf-icon" className="trip3-describe1-icon" /> <img src={Mapicon} alt="map icon" className="trip3-describe1-icon" /> <img src={sendIcon1} alt="send-icon" className="trip3-describe1-icon" /> </div> <div className="trip3-describe1-infor2"> <img src={Building} alt="building" style={{ marginRight: "20px" }} /> <p>24 people going</p> <img src={Heart} alt="heart icon" className="trip3-img-heart" /> </div> </div> <div className="trip4" > <img src={Rectangle4} alt="rome" style={{ marginRight: "20px", height: "50px" }} /> <div className="trip4-describe"> <p>Ongoing</p> <p className="p-style2">Trip to rome</p> <p style={{ display: "flex", flexDirection: "row", alignItems: "center", margin: "10px 5px 0 5px", }} > 40% <p className="p-style2" style={{ fontSize: "16px", margin:"-3px 0 0 5px" }}>completed</p> </p> <img src={Line2} alt="line-percent" style={{ marginTop: "-10px" }} /> </div> </div> <div className="background" /> </div> </div> ) } export default memo(Book_a_trip) <file_sep>/src/components/Container/Container.jsx import React, { memo } from 'react' import './Container.css' import Content from './Content/Content' import Category from './Category/Category' import Destinations from './Destinations/Destinations' import BookTrip from './Book_a_trip/Book_a_trip' import TesSections from './Tes_sections/Tes_sections' import Logos from './Logos/Logos' import Subscribe from './Subscribe/Subscribe' function Container() { return ( <div className="container"> <Content/> <Category/> <Destinations/> <BookTrip/> <TesSections/> <Logos/> <Subscribe/> </div> ) } export default memo(Container) <file_sep>/src/components/Footer/Footer.jsx import React from 'react' import './Footer.css' import '../../assets/fontawesome-free/js/all' import Apple from '../../assets/img/apple.png' import GooglePlay from '../../assets/img/google-play.png' function Footer() { return ( <div className="footer"> <div className="footer-main"> <div className="footer-items main-item"> <h5>Jadoo.</h5> <p style={{ fontSize: "13px" }}>Book your trip in minute, get full<br /> Control for much longer. </p> </div> <div className="footer-items"> <p className="p-style1">Company</p> <ul className="list-items p-style"> <li>About</li> <li>Careers</li> <li>Mobile</li> </ul> </div> <div className="footer-items"> <p className="p-style1">Contact</p> <ul className="list-items p-style"> <li>Help/FAQ</li> <li>Press</li> <li>Affilates</li> </ul> </div> <div className="footer-items"> <p className="p-style1">More</p> <ul className="list-items p-style"> <li>Airlinefees</li> <li>Airline</li> <li>Low fare tips</li> </ul> </div> <div className="footer-items p-style"> <div className="socical-media"> <i className="fab fa-facebook-square socical-media-icon" /> <i className="fab fa-instagram-square socical-media-icon " /> <i className="fab fa-twitter-square socical-media-icon " /> </div> <p style={{ fontSize: "20px" }}>Discover our app</p> <div className="footer-items-app"> <button className="button-item"> <img src={GooglePlay} alt="google-play icon" className="google-play-icon" /> <span> GET IT ON<br /> Google Play </span> </button> <button className="button-item"> <img src={Apple} alt="apple icon" className="apple-icon" /> <span> Avalible on the<br /> Apple Store </span> </button> </div> </div> </div> <p style={{ fontSize: "14px", marginTop: "40px", paddingBottom: "20px" }} >All rights <EMAIL></p> </div> ) } export default Footer <file_sep>/src/store/redux/modalReducer.jsx import { createSlice } from '@reduxjs/toolkit' const modalSlice = createSlice({ name: 'modal', initialState: false, reducers: { openModal: (state) => { // Redux Toolkit allows us to write "mutating" logic in reducers. It // doesn't actually mutate the state because it uses the Immer library, // which detects changes to a "draft state" and produces a brand new // immutable state based off those changes return true }, hideModal: (state) => { return false } }, }) // Action creators are generated for each case reducer function export const { openModal, hideModal } = modalSlice.actions export default modalSlice.reducer<file_sep>/src/Views/Login/userInfor.jsx import React, { useState, useEffect } from 'react' import { API, Api_config } from '../../components/Header/Logic/api'; function UserInfor() { const [user, setUsers] = useState([]); useEffect(() => { async function apiapi(){ const res = await fetch(`${API}${Api_config.users}/3` // ,{ // headers : { // Authorization: `Bearer ${token}` // } // } ); const json = await res.json(); console.log(json.data) setUsers(json.data) } apiapi() }, []); return ( <div key={user.id}> <p>{user.first_name}</p> </div> ) } export default UserInfor <file_sep>/src/Views/RouterNav.jsx import React, { memo } from 'react' import { Switch, Route, Redirect } from "react-router-dom"; import { HomeScreen } from "./Home/Home" import { BookingsScreen } from "./Bookings/Bookings" import { FlightsScreen } from "./Flights/Flights" import { DestinationScreen } from "./Destination/Destination" import { HotelsScreen } from "./Hotels/Hotels" import { RegisterScreen} from './Register/Register' const RouterNav = () => { return ( <Switch> <Route exact path="/" render={() => { return ( <Redirect to="/" /> ) }} component={HomeScreen} /> <Route exact path="/bookings" component={BookingsScreen} /> <Route exact path="/flights" component={FlightsScreen} /> <Route exact path="/hotels" component={HotelsScreen} /> <Route exact path="/destination" component={DestinationScreen} /> <Route exact path="/register" component={RegisterScreen} /> </Switch> ) } export default memo(RouterNav)<file_sep>/src/Views/Register/RegisterAPI.jsx import { API, Api_config } from '../../components/Header/Logic/api' function RegisterAPI(body,callback) { const requestOptions = { method: 'POST', body: JSON.stringify(body), redirect: 'follow', headers : new Headers({ 'Content-Type': 'application/json', 'Accept': 'application/json', }) }; fetch(`${API}${Api_config.register}`, requestOptions) .then(response => response.json()) .then(result => { if(callback && result){ callback(result) } }) .catch(error => console.log('error', error)) } export default RegisterAPI <file_sep>/src/components/Container/Logos/Logos.jsx import React, { memo } from 'react' import './Logos.css' import Axon from '../../../assets/img/logo1.png' import Jetstart from '../../../assets/img/logo2.png' import Expedia from '../../../assets/img/logo3.png' import Qantas from '../../../assets/img/logo4.png' import Alitalia from '../../../assets/img/logo5.png' function Logos() { return ( <div className="logos"> <img src={Axon} alt="Axon" className="logos-item item1"/> <img src={Jetstart} alt="Jetstart" className="logos-item item2" /> <img src={Expedia} alt="Expedia " className="logos-item item3" /> <img src={Qantas} alt="Qantas" className="logos-item item4" /> <img src={Alitalia} alt="Alitalia" className="logos-item item5"/> </div> ) } export default memo(Logos) <file_sep>/src/Views/Login/Login.jsx import React, { memo } from 'react' import { useDispatch } from 'react-redux' import { hideModal } from '../../store/redux/modalReducer' import { Formik, Form, Field, ErrorMessage } from "formik"; import * as Yup from "yup"; import '../Login/login.css' const loginSchema = Yup.object().shape({ password: Yup.string() .min(5, "Password must be 5 characters long.") .max(50, "Password must be 50 characters short!") .required("Password is required"), email: Yup.string().email("Invalid email").required("Required") }); const Login = ({ onSubmit }) => { const dispatch = useDispatch(); return ( <div className="login"> <i title="Close" className="fas fa-window-close" onClick={() => dispatch(hideModal())} /> <Formik className="login-data" initialValues={{ email: "", password: "" }} validationSchema={loginSchema} onSubmit={(values, { resetForm }) => { setTimeout(() => { console.log("Logging in", values); alert(`Login is complete: ${ values.email}`) resetForm(); }, 500); onSubmit(values) }} > {({ isSubmitting }) => { return ( <> <Form action="#" className="login__form"> <Field type="email" name="email" value="<EMAIL>" placeholder="E-mail" className="email" /> <ErrorMessage name="email" /> <Field type="password" name="password" value="<PASSWORD>" placeholder="<PASSWORD>" className="password" /> <ErrorMessage name="password" className="error-mes" /> <button type="submit" disabled={isSubmitting} className="login-btn"> LOG IN </button> </Form> <div className="login__help"> <a href="#" className="help-a">HELP</a> </div> </> ); }} </Formik> </div> ) } export const LoginScreen = memo(Login) <file_sep>/src/components/Container/Tes_sections/Tes_sections.jsx import React, { memo } from 'react' import './Tes_sections.css' import { FontAwesomeIcon } from '@fortawesome/react-fontawesome' import { library } from '@fortawesome/fontawesome-svg-core' import { faAngleDown } from '@fortawesome/free-solid-svg-icons' import { fas } from '@fortawesome/free-solid-svg-icons' import PersonImg from '../../../assets/img/Image.png' library.add(fas, faAngleDown); function Tes_sections() { const randomColor1 = () =>{ var color1 = '#181E4B'; var color2 = '#BCB7C2'; document.getElementById("button1").style.color = color1; document.getElementById("button2").style.color = color2; } const randomColor2 = () =>{ var color1 = '#BCB7C2'; var color2 = '#181E4B'; document.getElementById("button1").style.color = color1; document.getElementById("button2").style.color = color2; } return ( <div className="tes-sections"> <div className="tes-left"> <h6>TESTIMONIALS</h6> <h2> What People Say About Us. </h2> <button><span className="button-indicate" /></button> </div> <div className="tes-right"> <div className="infor-staff" > <img src={PersonImg} alt="Person img" className="img-person" /> <div className="infor-person"> <p>“On the Windows talking painted pasture yet its express parties use. Sure last upon he same as knew next. Of believed or diverted no.” </p> <p className="p-style"><NAME></p> <p>Lahore, Pakistan</p> </div> </div> <div className="infor-manager"> <p>“On the Windows talking painted pasture yet its express parties use. Sure last upon he same as knew next. Of believed or diverted no.” </p> <p className="p-style"><NAME></p> <p>CEO of Red Button</p> </div> </div> <div className="pagination"> <button id="button1" onClick={randomColor1} className="pagination-button" > <FontAwesomeIcon icon="angle-up" className="angle-up"/> </button> <button id="button2" onClick={randomColor2} className="pagination-button" > <FontAwesomeIcon icon="angle-down" className="angle-down" /> </button> </div> </div> ) } export default memo(Tes_sections) <file_sep>/src/store/redux/tokenReducer.jsx import { createSlice } from '@reduxjs/toolkit' const tokenSlice = createSlice({ name: 'token', initialState: { token:'', email:'' }, reducers: { isToken: (state, {payload}) => { localStorage.setItem("token", payload) state.token = payload }, clearToken : (state) =>{ localStorage.clear() state.token = '' } }, }); export const {isToken} = tokenSlice.actions export default tokenSlice.reducer<file_sep>/src/components/Header/Top_Nav/index.jsx import React, { memo, useEffect } from 'react' import { useDispatch } from 'react-redux' import { openModal } from '../../../store/redux/modalReducer' import { Link, useHistory } from 'react-router-dom' import { FontAwesomeIcon } from '@fortawesome/react-fontawesome' import { library } from '@fortawesome/fontawesome-svg-core' import { faAngleDown } from '@fortawesome/free-solid-svg-icons' import { fas } from '@fortawesome/free-solid-svg-icons' import './top_nav.css' import Logo from '../../../assets/img/Logo.png' import * as FaIcons from 'react-icons/fa'; import * as AiIcons from 'react-icons/ai'; import { IconContext } from 'react-icons'; import UserInfor from '../../../Views/Login/userInfor' //import clearToken from '../../../store/redux/tokenReducer' library.add(fas, faAngleDown); function Navigation() { const dispatch = useDispatch(); const history = useHistory(); const [sidebar, setSidebar] = React.useState(false); const [token, setToken] = React.useState(''); console.log(token) useEffect(() => { let _token = localStorage.getItem('token') return _token ? setToken(_token) : ''; }, []) function logOut() { //dispatch(clearToken()) localStorage.clear() history.push('/') window.location.reload() } useEffect(() => { //call api // setUsers() }, [token]) const showSidebar = () => setSidebar(!sidebar); const SidebarData = [ { title: 'Home', path: '/', icon: <AiIcons.AiFillHome />, cName: 'nav-text' }, { title: 'Destination', path: '/destination', icon: <FaIcons.FaMapMarkedAlt />, cName: 'nav-text' }, { title: 'Hotels', path: '/hotels', icon: <FaIcons.FaHotel />, cName: 'nav-text' }, { title: 'Flights', path: '/flights', icon: <FaIcons.FaPlane />, cName: 'nav-text' }, { title: 'Bookings', path: '/bookings', icon: <FaIcons.FaCalendarCheck />, cName: 'nav-text' }, token ? { isUser : true, title: 'user', path: '/login', icon: <FaIcons.FaSignInAlt />, cName: 'nav-text', onClick: () => { dispatch(openModal()) } } :{ title: 'Login', path: '/login', icon: <FaIcons.FaSignInAlt />, cName: 'nav-text', onClick: () => { dispatch(openModal()) } } ]; return ( <div className="topnav" id="TopNav"> <Link to="/" className="logo"><img src={Logo} alt="Logo" /></Link> <ul className="nav-list"> {SidebarData.map((item, index) =>{ if(item.isUser){ // user return <UserInfor/> }else{ return (<li key={index} className="nav-item font-ggsans-regular" onClick={() => item?.onClick ? item.onClick() : " "} > <Link to={item.path}>{item.title}</Link> </li>) } } ).slice(1)} {token ? <button className="nav-item__button font-ggsans-regular" onSubmit={() => window.location.reload()} onClick={logOut} >Log out</button> : <button className="nav-item__button nav-item font-ggsans-regular" ><Link to="/register">Register</Link></button>} <button className="nav-item__button-icon font-ggsans-regular"> EN <FontAwesomeIcon icon="angle-down" style={{ marginLeft: "2px" }} /> </button> </ul> <div href="#menu-burger" className="menu-burger" > <IconContext.Provider value={{ color: '#212832' }}> <div className='navbar'> <Link to='#' className='menu-bars'> <FaIcons.FaBars onClick={showSidebar} /> </Link> </div> <nav className={sidebar ? 'nav-menu active' : 'nav-menu'}> <ul className='nav-menu-items' onClick={showSidebar}> <li className='navbar-toggle'> <Link to='#' className='menu-bars'> <AiIcons.AiOutlineClose /> </Link> </li> {SidebarData.map((item, index) => { return ( <li key={index} className={item.cName} onClick={() => item?.onClick ? item.onClick() : " "}> <Link to={item.path}> {item.icon} <span>{item.title}</span> </Link> </li> ); })} </ul> </nav> </IconContext.Provider> </div> </div> ) } export default memo(Navigation) <file_sep>/src/components/Container/Category/Category.jsx import React, { memo } from 'react' import './category.css' import group from '../../../assets/img/Groupplane.png' import group1 from '../../../assets/img/Group1.png' import group2 from '../../../assets/img/Group2.png' import group4 from '../../../assets/img/Group4.png' import group5 from '../../../assets/img/Group5.png' import group3 from '../../../assets/img/Rectangle 157.png' function Category() { return ( <div className="category"> <h6>CATEGORY</h6> <h2>We Offer Best Services</h2> <img src={group4} className="group4" alt="" /> <div className="category-list"> <div className="category-item"> <img src={group1} alt="Calculated Weather" className="calculated-item" /> <p className="category-title font-ggsans-regular">Calculated Weather</p> <p className="describe"> Built Wicket longer admire do barton vanity itself do in it. </p> </div> <div className="category-item"> <div className="category-item_plane" > <img src={group} alt="plane" style={{ height: "120px", width: "120px" }} /> <div style={{ marginTop: "0" }}> <p className="category-title font-ggsans-regular">Best Flights</p> <p className="describe"> Engrossed listening. Park gate sell they west hard for the. </p> </div> </div> <img src={group3} alt="pink-img" className="pink-img" /> </div> <div className="category-item"> <img src={group2} alt="Local Events" className="event-item" /> <p className="category-title font-ggsans-regular">Local Events</p> <p className="describe"> Barton vanity itself do in it. Preferd to men it engrossed listening. </p> </div> <div className="category-item"> <img src={group5} alt="Customization" className="customization-item" /> <p className="category-title font-ggsans-regular">Customization</p> <p className="describe"> We deliver outsourced aviation services for military customers </p> </div> </div> </div> ) } export default memo(Category) <file_sep>/src/Views/Home/Home.jsx import { memo } from "react"; import Container from '../../components/Container/Container' const Home = () => { return ( <div> <Container/> </div> ); } export const HomeScreen = memo(Home) <file_sep>/src/components/Header/Logic/LoginAPI.jsx import { API, Api_config } from './api' function LoginAPI(body,callback) { const requestOptions = { method: 'POST', body: JSON.stringify(body), redirect: 'follow', headers : new Headers({ 'Content-Type': 'application/json', }) }; fetch(`${API}${Api_config.login}`, requestOptions) .then(response => response.json()) .then(result => { if(callback && result){ callback(result) } }) .catch(error => console.log('error', error)) } export default LoginAPI <file_sep>/src/components/Header/Logic/api.js export const API = 'https://reqres.in/api' export const Api_config = { login : '/login', register: '/register', resource : '/unknown', users : '/users' }<file_sep>/src/Views/Hotels/HotelsAPI.jsx function HotelsAPI(body,callback) { const requestOptions = { method: 'GET', body: JSON.stringify(body), redirect: 'follow', headers : new Headers({ 'Content-Type': 'application/json', }) }; fetch("https://restcountries.eu/rest/v2/all", requestOptions) .then(response => response.json()) .then(result => { if(callback && result){ callback(result) } }) .catch(error => console.log('error', error)) } export default HotelsAPI <file_sep>/src/components/Container/Content/Content.jsx import React from 'react' import { FontAwesomeIcon } from '@fortawesome/react-fontawesome' import { library } from '@fortawesome/fontawesome-svg-core' import { fas } from '@fortawesome/free-solid-svg-icons' import '../Content/Content.css' import Plane1 from '../../../assets/img/Group.png' import Plane2 from '../../../assets/img/plane.png' import Traveller from '../../../assets/img/Traveller.png' import LineDecore from '../../../assets/img/linecolor.png' library.add(fas); function Content() { return ( <div className="content"> <div className="content-left"> <p className="tagline">BEST DESTINATIONS AROUND THE WORLD</p> <h1 className="font-volkhov-bold"> Travel, enjoy and live a new and full life </h1> <p className="desc"> Built Wicket longer admire do barton vanity itself do in it. Preferred to sportsmen it engrossed listening. Park gate sell they west hard for the. </p> <div className="button-icon"> <button className="button1 font-ggsans-regular" >Find out more</button> <div className="play-demo"> <span className="play-circle"><FontAwesomeIcon icon="play-circle" /></span> <p className="play-demo_text">Play Demo</p> </div> </div> </div> <div className="content-img"> <img src={LineDecore} className="line-decore" alt="line-decore"/> <img src={Traveller} className="traveller" alt="traveller" /> <img src={Plane1} className="plane1" alt="plane" /> <img src={Plane2} className="plane2" alt="plane" /> </div> </div> ) } export default Content
b994620ba4fad21320a1fc20b0327eb0380918b8
[ "JavaScript" ]
22
JavaScript
thaominh97/travel-app
e5a97683bf11f0e03befeabfdb76dcd4821c5e01
8e8f10f088c64639ebf6296356bce2599525b416
refs/heads/master
<repo_name>Teja1605/Playground<file_sep>/Prime numbers from 2 to given number using functions/Main.java import java.util.Scanner; class Main{ public void prime(int n) { System.out.println("2"+"\n"+"3"+"\n"+"5"+"\n"+"7"); for(int i=2;i<=n;i++) { int flag=0; for(int j=2;j<n/2;j++) { if(i%j==0) { flag=1; } } if(flag==0) { System.out.println(i); } } } public static void main (String[] args){ // Type your code here Scanner sc=new Scanner(System.in); int n= sc.nextInt(); Main m = new Main(); m.prime(n); } }<file_sep>/Power of a number using functions/Main.java import java.util.*; import java.lang.Math; public class Main{ public int power(int e,int b) { double p=0; double e1=Double.valueOf(e); double b1=Double.valueOf(b); p=Math.pow(b1,e1); return (int)p; } public static void main(String[] args) { Scanner sc= new Scanner(System.in); int b=0,e=0; b=sc.nextInt(); e=sc.nextInt(); Main m= new Main(); int res= m.power(e,b); System.out.println(res); } }<file_sep>/Sum of numbers using function/Main.java import java.util.Scanner; class Main{ int sum(int n) { int s=0; for(int i=1;i<=n;i++) { s=s+i; } return s; } public static void main (String[] args){ // Type your code here Scanner sc=new Scanner(System.in); int n= sc.nextInt(); Main m = new Main(); int res=m.sum(n); System.out.println(res); } }<file_sep>/Sum of the digits of a two-digit number/Main.java import java.util.*; class Main { public static void main (String[] args) { Scanner in=new Scanner(System.in); int n=in.nextInt(); int i,j,k; i=n%10; j=n/10; k=i+j; System.out.println(k); } }<file_sep>/Finding the maximum element's index/Main.java import java.util.Scanner; class Main { public static void main(String args[]) { Scanner in = new Scanner(System.in); int n = in.nextInt(); int[] a = new int[n]; int i; for (i = 0; i < n; i++) { a[i] = in.nextInt(); } odd_sum(a, n); } public static void odd_sum(int a[],int n) { int max=a[0]; int index=0; for(int i=1;i<n;i++) { if (max < a[i]) { max = a[i]; index=i; } } System.out.println(index); } }
5f0a4761ee08bba3978edd96ae502154ec37f902
[ "Java" ]
5
Java
Teja1605/Playground
860e00e9488bd9f3a7ceb9f1e3e1ee075bf212ae
b0573562e3b1b517418b9cba839b0044f7e93ec2
refs/heads/master
<repo_name>PacktPublishing/Publishing-Your-Application-with-React-Native<file_sep>/Section 2/src/Movies/Components/MovieInfo.js /* @flow */ import React from 'react' import { Text, StyleSheet, TouchableOpacity } from 'react-native' import MovieInfoTitle from './MovieInfoTitle' import MovieInfoBody from './MovieInfoBody' type Props = { title: string, body: string } type State = { isOpened: boolean } class MovieInfo extends React.Component<Props, State> { constructor(props: Props) { super(props) this.state = { isOpened: false } } _onPress = () => { this.setState((state: State) => ({ isOpened: !state.isOpened })) } render() { return ( <TouchableOpacity style={styles.container} onPress={this._onPress}> <MovieInfoTitle title={this.props.title} /> <MovieInfoBody body={this.props.body} numberOfLines={this.state.isOpened ? 0 : 3} /> </TouchableOpacity> ) } } const styles = StyleSheet.create({ container: { padding: 15 } }) export default MovieInfo <file_sep>/Section 4/src/Movies/Components/MovieInfoBody.js /* @flow */ import React from 'react' import { Text, StyleSheet } from 'react-native' const styles = StyleSheet.create({}) export default function(props: { body: string, style?: any }) { return ( <Text {...props} style={[styles.body, props.style]}> {props.body} </Text> ) } <file_sep>/Section 2/src/Movies/Components/MovieDetail.js /* @flow */ import React from 'react' import { ScrollView, StyleSheet } from 'react-native' import MoviePoster from './MoviePoster' import MovieTitle from './MovieTitle' import MovieYear from './MovieYear' import MoviePlot from './MoviePlot' class MovieDetail extends React.Component<{}> { static navigationOptions = ({ navigation, screenProps }) => ({ title: navigation.state.params.title }) render() { return ( <ScrollView style={styles.container}> <MoviePoster source={this.props.navigation.state.params.image} /> <MovieTitle title={this.props.navigation.state.params.title} /> <MovieYear year={this.props.navigation.state.params.year} /> <MoviePlot plot={this.props.navigation.state.params.plot} /> </ScrollView> ) } } const styles = StyleSheet.create({ container: { flex: 1, padding: 10 } }) export default MovieDetail <file_sep>/Section 3/src/Movies/Actions/GetMoviesActions.js /* @flow */ const getMovies: Function = (): Object => ({ type: 'GET_MOVIES', payload: {} }); const getMoviesSuccess: Function = (response: Object): Object => ({ type: 'GET_MOVIES_SUCCESS', payload: { movies: response } }); const getMoviesError: Function = (error: Error): Object => ({ type: 'GET_MOVIES_ERROR', payload: { errorMessage: error.message }, error: true }); const getMoviesDismiss: Function = (): Object => ({ type: 'GET_MOVIES_DISMISS', payload: {} }); export { getMovies, getMoviesSuccess, getMoviesError, getMoviesDismiss }; <file_sep>/Section 4/src/Movies/Navigators/MoviesNavigator.js /* @flow */ import { StackNavigator } from 'react-navigation'; import MoviesList from '../Components/MoviesList'; import MovieDetail from '../Components/MovieDetail'; const RootNavigator = StackNavigator({ MoviesList: { screen: MoviesList, navigationOptions: { headerTitle: 'Movies', headerTitleStyle: { fontFamily: 'Avenir Next' } } }, MovieDetail: { screen: MovieDetail, navigationOptions: { headerTitleStyle: { fontFamily: 'Avenir Next' } } } }); export default RootNavigator; <file_sep>/README.md # Publishing-Your-Application-with-React-Native Publishing Your Application with React Native [video], published by Packt # Publishing Your Application with React Native [Video] This is the code repository for [Publishing Your Application with React Native [Video]](https://www.packtpub.com/application-development/publishing-your-application-react-native-video?utm_source=github&utm_medium=repository&utm_campaign=9781788474498), published by [Packt](https://www.packtpub.com/?utm_source=github). It contains all the supporting project files necessary to work through the video course from start to finish. ## About the Video Course React has taken the web development world by storm, and it is only natural that its unique architecture and third-party support ecosystem should be applied to native application development. Using JavaScript, you can build a truly native application that renders native UI components and accesses native device functionality. In this video, we start with a look at state management and how to keep your code usable by other developers, how to build for your ideal user, how to create animations that pop, and how to publish your apps to the App Store. With the core UI built, we can take off our designer hats and focus on creating code that is clean and easy to reuse. By the end of the course, you will have created your own application using React Native and learned to publish your app in the App Store and PlayStore. The code bundle for this video course is available at - https://github.com/PacktPublishing/Publishing-Your-Application-with-React-Native <H2>What You Will Learn</H2> <DIV class=book-info-will-learn-text> <UL> <LI>Set up a React Native environment on your device <LI>Work with API calls to fetch data <LI>Add navigation to your app <LI>Build UX components for your React Native app <LI>Perform animations in your applications using the animation APIs <LI>Test your component with Jest snapshot testing <LI>Test and deploy your application for a production-ready environment</LI></UL></DIV> ## Instructions and Navigation ### Assumed Knowledge To fully benefit from the coverage included in this course, you will need:<br/> This course is for JavaScript developers who know the basics of React Native and how to use it to create apps and now want to learn state management, API calls, animations, and how to publish apps. In short, this video course is for JavaScript developers who want to explore React Native in greater depth. ### Technical Requirements This course has the following software requirements:<br/> JavaScript, React Native ## Related Products * [Building Your Application with React Native [Video]](https://www.packtpub.com/application-development/building-your-application-react-native-video?utm_source=github&utm_medium=repository&utm_campaign=9781788395922) * [Learning React with Redux and Flux [Video]](https://www.packtpub.com/web-development/learning-react-redux-and-flux-video?utm_source=github&utm_medium=repository&utm_campaign=9781787285996) * [ReactJS and Flux: Learn By Building 10 Projects [Video]](https://www.packtpub.com/web-development/reactjs-and-flux-learn-building-10-projects-video?utm_source=github&utm_medium=repository&utm_campaign=9781787121362) <file_sep>/Section 2/src/Sagas.js /* @flow */ import { fork, all } from 'redux-saga/effects'; import getMoviesSaga from './Movies/Sagas/GetMoviesSaga'; function* rootSaga() { yield all([fork(getMoviesSaga)]); } export default rootSaga; <file_sep>/Section 3/__tests__/MovieDetail.test.js import 'react-native'; import React from 'react'; import MovieDetail from '../src/Movies/Components/MovieDetail'; // Note: test renderer must be required after react-native. import renderer from 'react-test-renderer'; it('renders correctly', () => { const tree = renderer.create( <MovieDetail navigation={{ state: { params: { title: 'AAAA', year: 2020, plot: 'Blab lab lab alb abla', image: { uri: '' } } } }} /> ); }); <file_sep>/Section 4/src/Movies/Components/MoviePoster.js /* @flow */ import React from 'react' import { Image, LayoutAnimation, TouchableOpacity, StyleSheet, Dimensions } from 'react-native' type Props = { source: any } type State = { zoom: boolean } class MoviePoster extends React.PureComponent<Props, State> { state: State constructor(props: Props) { super(props) this.state = { zoom: false } } _onPress = () => { LayoutAnimation.configureNext(LayoutAnimation.Presets.spring) this.setState((prevState: State) => ({ zoom: !prevState.zoom })) } render() { return ( <TouchableOpacity style={styles.container} onPress={this._onPress}> <Image source={this.props.source} style={this.state.zoom ? styles.zoomed : styles.image} resizeMode='contain' /> </TouchableOpacity> ) } } const styles = StyleSheet.create({ container: { flex: 1 }, image: { height: 200 }, zoomed: { height: Dimensions.get('window').width } }) export default MoviePoster <file_sep>/Section 2/src/Movies/Components/MoviePlot.js /* @flow */ import React from 'react' import { Text, StyleSheet } from 'react-native' type Props = { plot: string } class MoviePlot extends React.PureComponent<Props> { render() { return <Text style={styles.plot}>{this.props.plot}</Text> } } const styles = StyleSheet.create({ plot: { fontFamily: 'Avenir Next', color: '#333', paddingHorizontal: 5, paddingVertical: 10, paddingBottom: 20 } }) export default MoviePlot <file_sep>/Section 2/android/settings.gradle rootProject.name = 'demo31' include ':app' <file_sep>/Section 4/src/API.js /* @flow */ import APIWrapper from './APIWrapper'; import APIURL from './APIURL'; const api: APIWrapper = new APIWrapper(APIURL); export default api; <file_sep>/Section 1/src/Movies/Reducers/MoviesReducer.js /* @flow */ import { handleActions } from 'redux-actions'; const initialState = { movies: [] }; function movies(state = initialState, action) { switch (action.type) { case 'GET_MOVIES': return { movies: action.payload.movies }; default: return state; } } const reduxActionsMoviesReducer = handleActions( { GET_MOVIES: (state, action) => ({ movies: action.payload.movies }) }, initialState ); export { movies, reduxActionsMoviesReducer }; <file_sep>/Section 4/src/Movies/Components/MovieInfo.js /* @flow */ import React from 'react' import { Animated, Text, StyleSheet, TouchableOpacity } from 'react-native' import MovieInfoTitle from './MovieInfoTitle' type Props = { title?: string, body: string } type State = { isOpened: boolean } class MovieInfo extends React.PureComponent<Props, State> { _opacity: Animated.Value _translateY: Animated.Value constructor(props: Props) { super(props) this.state = { isOpened: false } this._opacity = new Animated.Value(0) this._translateY = new Animated.Value(50) } componentDidMount() { Animated.parallel([ Animated.timing(this._opacity, { toValue: 1, delay: 800, duration: 900, useNativeDriver: true }), Animated.timing(this._translateY, { toValue: 0, delay: 800, duration: 900, useNativeDriver: true }) ]).start() } _onPress = () => { this.setState((state: State) => ({ isOpened: !state.isOpened })) } render() { return ( <Animated.View style={{ opacity: this._opacity, transform: [{ translateY: this._translateY }] }}> <TouchableOpacity style={styles.container} onPress={this._onPress}> {this.props.title ? <MovieInfoTitle title={this.props.title} /> : null} <Text style={styles.body} numberOfLines={this.state.isOpened ? 0 : 3}> {this.props.body} </Text> </TouchableOpacity> </Animated.View> ) } } const styles = StyleSheet.create({ container: { paddingHorizontal: 5, paddingVertical: 10, paddingBottom: 20 }, body: { flex: 1, fontFamily: 'Avenir Next', color: '#999' } }) export default MovieInfo <file_sep>/Section 1/src/Movies/Components/MovieCell.pressed.js /* @flow */ import React from 'react' import { TouchableOpacity, Alert, View, Text, Image, StyleSheet } from 'react-native' type Props = { image: any, title: string, year: number } type State = void class MovieCell extends React.Component<Props, State> { _onPress = () => { Alert.alert('Cell pressed', `Movie ${this.props.title}`) } render() { return ( <TouchableOpacity style={styles.container} onPress={this._onPress}> <Image style={styles.movieImage} source={this.props.image} /> <View style={styles.textContainer}> <Text style={styles.title}>{this.props.title}</Text> <Text style={styles.year}>{this.props.year}</Text> </View> <Image style={styles.disclosure} source={require('./img/disc.png')} /> </TouchableOpacity> ) } } const styles = StyleSheet.create({ container: { height: 80, flexDirection: 'row', alignItems: 'center', backgroundColor: 'white', borderTopWidth: 1, borderBottomWidth: 1, borderColor: 'lightgrey' }, movieImage: { margin: 15, width: 45, height: 60 }, textContainer: { flex: 1 }, title: { fontFamily: 'Avenir Next', fontWeight: '500', fontSize: 16, color: '#333' }, year: { fontFamily: 'Avenir Next', fontWeight: '300', fontSize: 14, color: '#999' }, disclosure: { margin: 15, width: 15, height: 28 } }) export default MovieCell <file_sep>/Section 4/Additional Files/android/settings.gradle rootProject.name = 'demo' include ':app' <file_sep>/Section 3/src/Movies/Components/MovieYear.js /* @flow */ import React from 'react' import { Text, StyleSheet } from 'react-native' type Props = { year: number } class MovieYear extends React.PureComponent<Props> { render() { return <Text style={styles.year}>{this.props.year}</Text> } } const styles = StyleSheet.create({ year: { fontFamily: 'Avenir Next', fontSize: 18, color: '#999', paddingHorizontal: 5 } }) export default MovieYear <file_sep>/Section 4/Additional Files/App.js /* @flow */ import React, { Component } from 'react' import { Platform, StyleSheet, View, UIManager, LayoutAnimation, TouchableOpacity } from 'react-native' UIManager.setLayoutAnimationEnabledExperimental && UIManager.setLayoutAnimationEnabledExperimental(true) export default class App extends Component<{}, { toggle: boolean }> { constructor(props: {}) { super(props) this.state = { toggle: false } } _onPress = () => this.setState(prevState => ({ toggle: !prevState.toggle })) render() { LayoutAnimation.configureNext(LayoutAnimation.Presets.spring) return ( <View style={styles.container}> <TouchableOpacity activeOpacity={1} onPress={this._onPress} style={[styles.top, { flex: this.state.toggle ? 1 : 3 }]} /> <TouchableOpacity activeOpacity={1} onPress={this._onPress} style={[styles.bottom, { flex: this.state.toggle ? 3 : 1 }]} /> </View> ) } } const styles = StyleSheet.create({ container: { flex: 1, backgroundColor: '#F5FCFF' }, top: { backgroundColor: 'green' }, bottom: { backgroundColor: 'yellow' } }) <file_sep>/Section 1/src/MoviesApp.js /* @flow */ import React, { Component } from 'react'; import { StyleSheet, FlatList, View } from 'react-native'; import { connect } from 'react-redux'; import { getMovies } from './Movies/Actions/GetMoviesActions'; import MovieCell from './Movies/Components/MovieCell'; import MovieInfo from './Movies/Components/MovieInfo'; class MoviesApp extends Component<{}> { componentDidMount() { this.props.dispatch(getMovies()); } _keyExtractor = (item, index) => index; _renderItem = ({ item }) => { return ( <MovieCell image={{ uri: item.image }} title={item.title} year={item.year} /> ); }; render() { return ( <View style={styles.container}> <FlatList data={this.props.movies.movies} renderItem={this._renderItem} keyExtractor={this._keyExtractor} /> </View> ); } } const styles = StyleSheet.create({ container: { flex: 1, paddingTop: 25, backgroundColor: '#F5FCFF' } }); export default connect(state => ({ movies: state.movies }))(MoviesApp); <file_sep>/Section 3/src/APIWrapper.js /* @flow */ class APIWrapper { _apiURL: string; constructor(apiURL: string) { this._apiURL = apiURL; } get(url, params) { // Assignment, handle params return fetch(`${this._apiURL}${url}`, { method: 'GET' }).then(this._parseResponse); } post(url, params) {} // Assignment? _parseResponse(response: Response) { // THIS ONLY FOR ERROR if (!response.ok) { return Promise.reject(new Error(`Error code ${response.status}`)); // Assignment, parse error from API } return response.json(); } // _parseError(reason: any) { // throw new Error(reason); // } } export default APIWrapper; <file_sep>/Section 2/src/Store.js /* @flow */ import { createStore, applyMiddleware } from 'redux'; import createSagaMiddleware from 'redux-saga'; import combinedReducers from './Reducers'; import rootSaga from './Sagas'; const sagaMiddleware = createSagaMiddleware(); const store = createStore(combinedReducers, applyMiddleware(sagaMiddleware)); // Run the saga sagaMiddleware.run(rootSaga); export default store; <file_sep>/Section 4/src/APIURL.js /* @flow */ const APIURL: string = 'http://private-399150-pbmoviesapp.apiary-mock.com'; export default APIURL; <file_sep>/Section 2/src/Movies/Components/MoviePoster.js /* @flow */ import React from 'react' import { Image, StyleSheet } from 'react-native' type Props = { source: any } class MoviePoster extends React.PureComponent<Props> { render() { return ( <Image source={this.props.source} style={styles.container} resizeMode="contain" /> ) } } const styles = StyleSheet.create({ container: { height: 200 } }) export default MoviePoster <file_sep>/Section 4/__tests__/MovieCell.test.js import 'react-native' import React from 'react' import MovieCell from '../src/Movies/Components/MovieCell' // Note: test renderer must be required after react-native. import renderer from 'react-test-renderer' it('renders correctly', () => { const tree = renderer .create( <MovieCell image={require('../src/Movies/Components/img/disc.png')} title="Testing" year={2020} plot="Bla bla blabla bla bla" onPress={() => null} /> ) .toJSON() expect(tree).toMatchSnapshot() }) <file_sep>/Section 2/src/Movies/Components/MovieTitle.js /* @flow */ import React from 'react' import { Text, StyleSheet } from 'react-native' type Props = { title: string } class MovieTitle extends React.PureComponent<Props> { render() { return <Text style={styles.title}>{this.props.title}</Text> } } const styles = StyleSheet.create({ title: { fontFamily: 'Avenir Next', color: '#333', paddingTop: 20, paddingBottom: 10, paddingHorizontal: 5, fontWeight: 'bold', fontSize: 24 } }) export default MovieTitle
47ff04f06c0545ab8ed993853262adea765ddafa
[ "JavaScript", "Markdown", "Gradle" ]
25
JavaScript
PacktPublishing/Publishing-Your-Application-with-React-Native
85481822df6ae339ebe8da13de8730ba4cb6b131
16ca66a818fb266f4ef27fd147302887a220755d
refs/heads/master
<file_sep>var five = require('johnny-five'); var board = new five.Board(); board.on('ready', function() { var green = new five.Led(9); var red = new five.Led(10); var blue = new five.Led(11); red.pulse({ easing: "linear", duration: 7500, cuePoints: [0, 0.27, 0.33, 0.6, 0.67, 0.93, 1], keyFrames: [255, 127, 0, 0, 0, 0, 255], metronomic: false, }); blue.pulse({ easing: "linear", duration: 7500, cuePoints: [0, 0.27, 0.33, 0.6, 0.67, 0.93, 1], keyFrames: [0, 0, 255, 127, 0, 0, 0], metronomic: false, }); green.pulse({ easing: "linear", duration: 7500, cuePoints: [0, 0.27, 0.33, 0.6, 0.67, 0.93, 1], keyFrames: [0, 0, 0, 0, 255, 127, 0], metronomic: false, }); });
d517a913ddb5d964c731cc2dc8fc25612daaf91d
[ "JavaScript" ]
1
JavaScript
LucianCole/PodPi
7747c84ad11f9519c89de6fdf27bc6ba895b9931
bb76bd3544b3f032c8afcf3a6e49784bad46fa1d
refs/heads/master
<file_sep>package main /* * skey.go * Handle the server's key * By <NAME> * Created 20160122 * Last Modified 20160122 */ import ( "crypto/rand" "crypto/rsa" "crypto/x509" "encoding/pem" "io/ioutil" "os" "golang.org/x/crypto/ssh" ) /* serverKey gets or makes a server key, possibly reading it from pkf */ func serverKey(pkf string) (ssh.Signer, error) { /* Try to open the private key file */ privateKeyFile, err := os.OpenFile(pkf, os.O_RDWR|os.O_CREATE, 0600) if nil != err { return nil, err } defer privateKeyFile.Close() /* Read the file's contents */ pkb, err := ioutil.ReadAll(privateKeyFile) if nil != err { return nil, err } /* If the file was empty, make a key, write the file */ if 0 == len(pkb) { pkb, err = makeKeyInFile(privateKeyFile) if nil != err { return nil, err } } else { verbose("Read SSH key file %v", pkf) } /* Parse the key */ pk, err := ssh.ParsePrivateKey(pkb) if nil != err { return nil, err } return pk, nil } /* makeKeyInFile makes a private SSH key and writes it to the file f, and * returns what it wrote to the file. */ func makeKeyInFile(f *os.File) ([]byte, error) { /* Below code mooched from * http://stackoverflow.com/questions/21151714/go-generate-an-ssh-public-key */ privateKey, err := rsa.GenerateKey(rand.Reader, 4096) if err != nil { return nil, err } privateKeyPEM := &pem.Block{ Type: "RSA PRIVATE KEY", Bytes: x509.MarshalPKCS1PrivateKey(privateKey), } /* Encode the key */ pkb := pem.EncodeToMemory(privateKeyPEM) /* Try to write it to the file */ if _, err := f.Write(pkb); nil != err { return nil, err } verbose("Made SSH key and wrote it to %v", f.Name()) /* Return the bytes */ return pkb, nil } <file_sep>package main /* * handle.go * Handle an SSH connection * By <NAME> * Created 20160514 * Last Modified 20160605 */ import ( "io" "log" "net" "os" "path/filepath" "time" "golang.org/x/crypto/ssh" ) const ( LOGFORMAT = "2006-01-02T15.04.05.999999999Z0700" LOGNAME = "log" ) /* handle handles an incoming connection */ func handle( c net.Conn, sconfig *ssh.ServerConfig, saddr string, cconfig *ssh.ClientConfig, logDir string, hideBanners bool, ) { defer c.Close() log.Printf("Address:%v New Connection", c.RemoteAddr()) /* Try to turn it into an SSH connection */ sc, achans, areqs, err := ssh.NewServerConn(c, sconfig) if nil != err { /* Done unless we're supposed to report banner-grabbing */ if hideBanners { return } /* EOF means the client gave up */ if io.EOF == err { log.Printf( "Address:%v Pre-Auth Disconnect", c.RemoteAddr(), ) } else { log.Printf( "Address:%v Pre-Auth Error:%q", c.RemoteAddr(), err, ) } return } defer sc.Close() /* Get a logger */ lg, ln, ld, lf, err := connectionLogger(sc, logDir) if nil != err { log.Printf( "Address:%v Unable to cerate log: %v", c.RemoteAddr(), err, ) return } defer lf.Close() log.Printf("Address:%v Log:%q", c.RemoteAddr(), ln) lg.Printf("Start of log") /* Connect to the real server */ client, cchans, creqs, err := clientDial(saddr, cconfig) if nil != err { log.Printf("Unable to connect to %v: %v", saddr, err) return } defer client.Close() lg.Printf("Connected to upstream server %v@%v", cconfig.User, saddr) /* Handle requests and channels */ go handleReqs(areqs, client, lg, "attacker->server") go handleReqs(creqs, sc, lg, "server->attacker") go handleChans(achans, client, ld, lg, "attacker->server") go handleChans(cchans, sc, ld, lg, "server->attacker") /* Wait for SSH session to end */ wc := make(chan struct{}, 2) go waitChan(sc, wc) go waitChan(client, wc) <-wc log.Printf("Address:%v Finished", c.RemoteAddr()) } /* connectionLogger opens a log file for the authenticated connection in the given logDir. It returns the logger itself, as well as the name of the logfile and the session directory. Should look like logdir/address/sessiontime/log The returned *os.File must be closed when it's no longer needed to prevent memory/fd leakage. */ func connectionLogger( sc *ssh.ServerConn, logDir string, ) (lg *log.Logger, name, dir string, file *os.File, err error) { /* Each host gets its own directory */ addrDir, _, err := net.SplitHostPort(sc.RemoteAddr().String()) if nil != err { log.Printf( "Address:%v Unable to split host from port: %v", sc.RemoteAddr().String(), err, ) addrDir = sc.RemoteAddr().String() + "err" } /* Each authenticated session does, as well */ sessionDir := filepath.Join( logDir, addrDir, time.Now().Format(LOGFORMAT), ) if err := os.MkdirAll(sessionDir, 0700); nil != err { return nil, "", "", nil, err } /* Open the main logfile */ logName := filepath.Join(sessionDir, LOGNAME) lf, err := os.OpenFile( logName, os.O_WRONLY|os.O_APPEND|os.O_CREATE|os.O_EXCL, 0600, ) if nil != err { return nil, "", "", nil, err } /* Logify it. */ return log.New( //lf, io.MultiWriter(lf, os.Stderr), /* DEBUG */ "", log.LstdFlags|log.Lmicroseconds, ), logName, sessionDir, lf, nil } /* waitChan puts an empty struct in wc when c's Wait method returns. */ func waitChan(c ssh.Conn, wc chan<- struct{}) { c.Wait() wc <- struct{}{} } <file_sep>package main /* * client.go * SSH client to connect upstream * By <NAME> * Created 20160515 * Last Modified 20160517 */ import ( "bytes" "fmt" "log" "net" "time" "golang.org/x/crypto/ssh" ) const TIMEOUT = time.Minute /* clientDial dials the real server and makes an SSH client */ func clientDial( addr string, conf *ssh.ClientConfig, ) (ssh.Conn, <-chan ssh.NewChannel, <-chan *ssh.Request, error) { /* Connect to the server */ c, err := net.Dial("tcp", addr) if nil != err { return nil, nil, nil, err } return ssh.NewClientConn(c, addr, conf) //sc,chans,reqs,err := //func NewClientConn(c net.Conn, addr string, config *ClientConfig) ///* Connect to server */ //c, err := ssh.Dial("tcp", addr, conf) //if nil != err { // return nil, err //} //return c, nil } /* clientConfig makes an SSH client config which uses the given username and key */ func makeClientConfig(user, key, fingerprint string) *ssh.ClientConfig { /* Get SSH key */ k, g, err := getKey(key) if nil != err { log.Fatalf("Unable to get client key: %v", err) } if g { log.Printf("Generated client key in %v", key) log.Printf( "Public Key: %s", bytes.TrimSpace(ssh.MarshalAuthorizedKey(k.PublicKey())), ) } else { log.Printf("Loaded client key from %v", key) } /* Config to return */ cc := &ssh.ClientConfig{ User: user, Auth: []ssh.AuthMethod{ ssh.PublicKeys(k), }, Timeout: TIMEOUT, } /* Check key against provided fingerprint */ cc.HostKeyCallback = func( hostname string, remote net.Addr, key ssh.PublicKey, ) error { if fingerprint != ssh.FingerprintSHA256(key) && fingerprint != ssh.FingerprintLegacyMD5(key) { return fmt.Errorf( "Server host key fingerprint %v incorrect", ssh.FingerprintSHA256(key), ) } return nil } return cc } <file_sep>package main /* * sconfig.go * Server Config * By <NAME> * Created 20160122 * Last Modified 20160122 */ import ( "bufio" "crypto/md5" "fmt" "log" "math/rand" "os" "sort" "strings" "unicode" "golang.org/x/crypto/ssh" ) var ( /* Users with no particular passwords */ allowedUsers map[string]bool /* Passwords allowed for everybody */ allowedPasswords map[string]bool /* Passwords allowed per-user */ allowedUserPasswords map[string]map[string]bool /* Probability any password will be accepted */ allowedRandProb float64 /* Version black/whitelists */ verBlackList []string verWhiteList []string /* Save allowed (random) passwords */ saveAllowedPasswords bool /* Name to report as the victim name */ ourName string /* List of known version strings */ allowedVersions map[string]bool ) /* makeConfig makes an SSH server config */ func makeConfig( verWL string, verBL string, noAuth bool, userList string, passList string, passFile string, passProb float64, noSavePass bool, verstr string, keyFile string, ) *ssh.ServerConfig { /* Handle password file */ var err error allowedUsers, allowedPasswords, err = parsePassFile(passFile) if nil != err { log.Fatalf( "Unable to parse per-user passwords from %v: %v", passFile, err, ) } /* Allowed users */ u := strings.Split(userList, ",") if !(1 == len(u) && "" == u[0]) { for _, v := range u { allowedUsers[v] = true } } /* Split password list */ p := strings.Split(passList, ",") if !(1 == len(p) && "" == p[0]) { for _, v := range p { allowedPasswords[v] = true } } /* Report on what we have so far */ if 0 != len(allowedUsers) { verbose("Allowed users: %q", mapKeys(allowedUsers)) } if 0 != len(allowedPasswords) { verbose("Allowed passwords: %q", mapKeys(allowedPasswords)) } if 0 != len(allowedUserPasswords) { verbose( "Allowed per-user passwords: %v", mapMapString(allowedUserPasswords), ) } /* TODO: Ensure the version black/whitelists don't block everything */ /* Parse black/whitelists */ if "" != verWL { verWhiteList = strings.Split(verWL, ",") } else { verWhiteList = []string{} } if 0 != len(verWhiteList) { verbose("Version whitelist: %q", verWhiteList) } if "" != verBL { verBlackList = strings.Split(verBL, ",") } else { verBlackList = []string{} } if 0 != len(verBlackList) { verbose("Version blacklist: %q", verBlackList) } /* Make sure the password probability is in range */ if 0 > passProb { log.Fatalf("Password probability must not be negative") } if 1 < passProb { log.Fatalf("Password probability must not be greater than 1") } allowedRandProb = passProb if 0 != allowedRandProb { verbose( "Unexpected passwords will be accepted with a "+ "probability of %v", allowedRandProb, ) } /* Whether or not to save allowed random passwords */ saveAllowedPasswords = !noSavePass if !saveAllowedPasswords { verbose("Not saving randomly-accepted passwords") } /* Config struct to return */ conf := &ssh.ServerConfig{ NoClientAuth: noAuth, PasswordCallback: func( conn ssh.ConnMetadata, password []byte, ) (*ssh.Permissions, error) { return decidePassword(conn, password, "password") }, KeyboardInteractiveCallback: func( conn ssh.ConnMetadata, client ssh.KeyboardInteractiveChallenge, ) (*ssh.Permissions, error) { /* Ask for a password */ a, err := client( conn.User(), "", []string{fmt.Sprintf( "%v's password: ", conn.User(), )}, []bool{false}, ) if nil != err { log.Printf( "%v InteractiveError:%q", ci(conn), err.Error(), ) return nil, err } /* No answer? */ if 0 == len(a) { log.Printf( "%v NoAuthAnswer", ci(conn), ) return nil, fmt.Errorf("Nothing") } /* Decide the usual way */ return decidePassword( conn, []byte(a[0]), "keyboard-interactive", ) }, /* Log but don't allow public keys */ PublicKeyCallback: func( conn ssh.ConnMetadata, key ssh.PublicKey, ) (*ssh.Permissions, error) { log.Printf( "%v Key(%v):%02X", ci(conn), key.Type(), md5.Sum(key.Marshal()), ) return nil, fmt.Errorf("invalid key") }, /* Log connections with no auth */ AuthLogCallback: func( conn ssh.ConnMetadata, method string, err error) { /* only care about authless connects */ if "none" != method { return } if nil != err { log.Printf("%v NoAuthFail", ci(conn)) return } log.Printf("%v NoAuthFail", ci(conn)) }, /* Version string for the server */ ServerVersion: verstr, } /* Add the server key to the config */ k, err := serverKey(keyFile) if nil != err { log.Fatalf( "Unable to read key from or make key in %v: %v", keyFile, err, ) } conf.AddHostKey(k) return conf /* TODO: Make sure there's a way to log in. len(u) != 0 || len(aup) != 0, such */ } /* parsePassFile parses a user:password file and returs per-user passwords and globally-allowed passwords and globally-allowed usernames. */ func parsePassFile(fn string) ( users map[string]bool, passes map[string]bool, err error, ) { users = map[string]bool{} passes = map[string]bool{} /* If there's no file, give up */ if "" == fn { return } /* Open the password file */ f, err := os.Open(fn) if nil != err { return nil, nil, err } defer f.Close() /* Parse each line */ scanner := bufio.NewScanner(f) for scanner.Scan() { line := scanner.Text() /* Don't bother with empty lines or comments */ /* TODO: Document that comments are ok */ if 0 == len(line) || strings.HasPrefix(strings.TrimLeftFunc( line, unicode.IsSpace, ), "#") { continue } /* Split the username and password */ parts := strings.SplitN(scanner.Text(), ":", 2) /* Empty line */ if 0 == len(parts) { continue } /* If we only got one bit or the username's blank, it's a password */ found := true if 1 == len(parts) { /* Single password on a line */ passes[parts[0]] = true } else if "" == parts[0] { /* :password */ passes[parts[1]] = true } else if "" == parts[1] { /* username: */ users[parts[0]] = true } else { /* username:password */ found = false } if found { continue } /* Append the password to the list of the user's passwords */ saveUserPass(parts[0], parts[1]) } if err := scanner.Err(); err != nil { return nil, nil, err } return } /* decidePassword decides whether the connection attempt is allowed and logs the attempt with the auth type (password, keyboard-interactive). */ func decidePassword( conn ssh.ConnMetadata, password []byte, authType string, ) (*ssh.Permissions, error) { /* Check if the version string is on the whitelist */ /* Check if the version string is on the blacklist */ /* TODO: Finish these */ u := conn.User() /* Username */ p := string(password) /* Password */ ua := false /* User allowed */ pa := false /* Password allowed */ /* Make sure the client's version is allowed */ if !versionAllowed(string(conn.ClientVersion())) { log.Printf("%v VersionFail", ci(conn)) return nil, fmt.Errorf("version") } /* Check if the username is allowed */ if _, ok := allowedUsers[u]; ok { ua = true } /* Check if the password is allowed for all users */ if _, ok := allowedPasswords[p]; ok { pa = true } /* Check if there's a user-specific password if he's not allowed yet */ if !ua || !pa { if ps, ok := allowedUserPasswords[u]; ok { if _, ok := ps[p]; ok { ua = true pa = true } } } /* If there's a random chance, apply it and save the password */ if !ua || !pa && 0 != allowedRandProb { if rand.Float64() < allowedRandProb { /* If we're here, we win */ ua = true pa = true /* Save if we're meant to */ if saveAllowedPasswords { saveUserPass(u, p) verbose("Saved allowed creds: %q / %q", u, p) } } } /* If the user's allowed, log it, give up */ if ua && pa { log.Printf("%v Type:%v PasswordOK:%q", ci(conn), authType, p) return nil, nil } /* If not, :( */ log.Printf("%v Type:%v PasswordFail:%q", ci(conn), authType, p) return nil, fmt.Errorf("no") } /* mapMapString nicely stringifies a map[string]map[string]bool */ func mapMapString(m map[string]map[string]bool) string { /* Output string */ s := "" /* Make a sorted list of keys */ us := make([]string, len(m)) i := 0 for u, _ := range m { us[i] = u i++ } sort.Strings(us) /* Make a nice list of second-map keys */ for _, u := range us { s += u + ":" pa := make([]string, len(m[u])) i = 0 for p, _ := range m[u] { pa[i] = p i++ } s += fmt.Sprintf("%q ", pa) } return strings.TrimSpace(s) } /* mapKeys returns the keys of map m as a sorted []string */ func mapKeys(m map[string]bool) []string { a := make([]string, len(m)) i := 0 for k, _ := range m { a[i] = k i++ } sort.Strings(a) return a } /* saveUserPass saves the user-specific password p for user u */ func saveUserPass(u, p string) { if nil == allowedUserPasswords { allowedUserPasswords = map[string]map[string]bool{} } if _, ok := allowedUserPasswords[u]; !ok { allowedUserPasswords[u] = map[string]bool{} } allowedUserPasswords[u][p] = true } /* ci returns a string containing info from an ssh.ConnMetadata */ func ci(m ssh.ConnMetadata) string { return fmt.Sprintf( "Address:%v Target:%v Version:%q User:%q", m.RemoteAddr(), victimName(m), m.ClientVersion(), m.User(), ) } /* victimName returns the name of the victim (honeypot) */ func victimName(c ssh.ConnMetadata) string { /* Used a cached value */ if "" != ourName { return ourName } /* Try the hostname first */ h, err := os.Hostname() if nil != err { verbose("Unable to determine hostname: %v", err) /* Failing that, use the local address */ return c.LocalAddr().String() } ourName = h return ourName } /* versionAllowed returns true if the given version string is allowed */ func versionAllowed(v string) bool { /* Make sure we have a map */ if nil == allowedVersions { allowedVersions = map[string]bool{} } /* If we have a cached answer, return it */ if a, ok := allowedVersions[v]; ok { return a } /* Assume it's not allowed */ allowed := false /* If there's no whitelist, assume it's allowed */ if 0 == len(verWhiteList) { allowed = true } /* Check the whitelist */ for _, vp := range verWhiteList { if matchOrHasPrefix(v, vp) { allowed = true break } } /* If we're not allowed after the whitelist check, we're not allowed. * Cache it and give up. */ if !allowed { allowedVersions[v] = false return false } /* Check the blacklist to make sure we're allowed */ for _, vp := range verBlackList { if matchOrHasPrefix(v, vp) { allowed = false break } } /* Final answer, cache it */ allowedVersions[v] = allowed return allowed } /* matchOrIsPrefix checks if pat is the same as s, or if pat ends in *, if s * starts with pat. */ func matchOrHasPrefix(s, pat string) bool { /* String equality is easy */ if !strings.HasSuffix(pat, "*") { return s == pat } /* If it's a prefix, remove the trailing * and check it */ patr := []rune(pat) /* Make it a slice of runes */ patr = patr[:len(patr)-1] /* Remove the last on, the * */ pat = string(patr) /* Back to a string */ return strings.HasPrefix(s, pat) } <file_sep>package main /* * key.go * Get or make a key * By <NAME> * Created 20160515 * Last Modified 20160515 */ import ( "crypto/rand" "crypto/rsa" "crypto/x509" "encoding/pem" "io/ioutil" "golang.org/x/crypto/ssh" ) /* getKey either gets or makes an SSH key from/in the file named f. generated will be true if the key was generated during the call. */ func getKey(f string) (key ssh.Signer, generated bool, err error) { /* Try to read the key the easy way */ b, err := ioutil.ReadFile(f) if nil == err { k, err := ssh.ParsePrivateKey(b) return k, false, err } /* Try to make a key */ /* Code stolen from http://stackoverflow.com/questions/21151714/go-generate-an-ssh-public-key */ privateKey, err := rsa.GenerateKey(rand.Reader, 2014) if err != nil { return nil, false, err } privateKeyDer := x509.MarshalPKCS1PrivateKey(privateKey) privateKeyBlock := pem.Block{ Type: "RSA PRIVATE KEY", Headers: nil, Bytes: privateKeyDer, } privateKeyPem := pem.EncodeToMemory(&privateKeyBlock) /* Write key to the file */ if err := ioutil.WriteFile(f, privateKeyPem, 400); nil != err { return nil, false, err } /* Make a public key, write to file */ pkb := privateKey.PublicKey pub, err := ssh.NewPublicKey(&pkb) if nil != err { return nil, false, err } if err := ioutil.WriteFile( f+".pub", ssh.MarshalAuthorizedKey(pub), 0644, ); nil != err { return nil, false, err } /* Load it in useable form */ k, err := ssh.ParsePrivateKey(privateKeyPem) return k, true, err } <file_sep>package main /* * request.go * Handles allowed requests * By <NAME> * Created 20160122 * Last Modified 20160122 */ import ( "log" "time" "golang.org/x/crypto/ssh" ) /* Sleep a bit before these requests to "avoid" race conditions. Lousy, but it should work. Pull request, anybody? */ var delayedReqs = map[string]time.Duration{ /* Workaround for requests getting there faster than channels */ "<EMAIL>": 10 * time.Second, "shell": 3 * time.Second, } /* handleChannelRequests handles proxying requests read from reqs to the SSH channel c. info is used for logging. */ func handleChannelRequests( reqs <-chan *ssh.Request, c ssh.Channel, info string, ) { for r := range reqs { go handleRequest( r, func( /* Ugh, a closure */ name string, wantReply bool, payload []byte, ) (bool, []byte, error) { b, e := c.SendRequest(name, wantReply, payload) return b, nil, e }, func() error { return c.Close() }, /* Another? */ info, ) } } /* handleConnRequests handles proxying requests read from reqs to the SSH connection sc. info is used for logging */ func handleConnRequests( reqs <-chan *ssh.Request, c ssh.Conn, info string, ) { for r := range reqs { go handleRequest( r, func( name string, wantReply bool, payload []byte, ) (bool, []byte, error) { return c.SendRequest(name, wantReply, payload) }, func() error { return c.Close() }, info, ) } } /* handleRequest handles proxying a request r via sr, which should be a closure which sends the request passed to it on a channel or SSH connection. If the request can't be proxied, cl will be called to close whatever sr sends r on. info is used for logging. */ func handleRequest( r *ssh.Request, sr func( name string, wantReply bool, payload []byte, ) (bool, []byte, error), cl func() error, info string) { /* If this is the wrong sort of request, respond no */ if s, ok := delayedReqs[r.Type]; ok { log.Printf( "%v Type:%v Delay:%v", info, r.Type, s, ) time.Sleep(s) } logRequest(r, info) /* Ask the other side */ ok, data, err := sr(r.Type, r.WantReply, r.Payload) if nil != err { log.Printf( "%v Unable to receive reply for %v request: %v", info, r.Type, err, ) cl() return } logRequestResponse(r, ok, data, info) /* Proxy back */ if err := r.Reply(ok, nil); nil != err { log.Printf( "%v Unable to reply to %v request: %v", info, r.Type, err, ) cl() } } /* logRequest logs an incoming request */ func logRequest(r *ssh.Request, info string) { log.Printf( "%v Request Type:%q Payload:%q WantReply:%v", info, r.Type, r.Payload, r.WantReply, ) } /* logRequestResponse logs the response for a request. */ func logRequestResponse(r *ssh.Request, ok bool, data []byte, info string) { log.Printf( "%v Response Type:%q Payload:%q OK:%v ResData:%q", info, r.Type, r.Payload, ok, data, ) } <file_sep>package main /* * request.go * Handle ssh requests * By <NAME> * Created 20160517 * Last Modified 20160702 */ import ( "crypto/subtle" "fmt" "log" "golang.org/x/crypto/ssh" ) /* Requestable is anything with a SendRequest */ type Requestable interface { SendRequest( name string, wantReply bool, payload []byte, ) (bool, []byte, error) } /* handleReqs logs each received request and proxies it to the server. */ /* handleReqs handles the requests which come in on reqs and proxies them to rable. All of this is logged to lg, prefixed with desc, which should indicate the direction (e.g. attacker->server) of the request. */ func handleReqs( reqs <-chan *ssh.Request, rable Requestable, lg *log.Logger, direction string, ) { /* Read requests until there's no more */ for r := range reqs { handleRequest(r, rable, lg, direction) } } /* handleRequest handles a single request, which is proxied to rable and logged via lg. */ func handleRequest( r *ssh.Request, rable Requestable, lg *log.Logger, direction string, ) { rl := fmt.Sprintf( "Type:%q WantReply:%v Payload:%q Direction:%q", r.Type, r.WantReply, r.Payload, direction, ) /* Ignore certain requests, because we're bad people */ if IGNORENMS { for _, ir := range IGNOREREQUESTS { if 1 == subtle.ConstantTimeCompare( []byte(r.Type), []byte(ir), ) { lg.Printf("Ignoring Request %s", rl) return } } } /* Proxy to server */ ok, data, err := rable.SendRequest(r.Type, r.WantReply, r.Payload) if nil != err { lg.Printf("Unable to proxy request %s Error:%v", rl, err) return } /* TODO: Pass to server */ if err := r.Reply(ok, data); nil != err { lg.Printf("Unable to respond to request %s Error:%v", rl, err) return } lg.Printf("Request %s Ok:%v Response:%q", rl, ok, data) } <file_sep>package main /* * sshhipot.go * Hi-interaction ssh honeypot * By <NAME> * Created 20160514 * Last Modified 20160605 */ import ( "flag" "fmt" "log" "net" "os" "strings" ) func main() { /* Network addresses */ var laddr = flag.String( "l", ":2222", "Listen `address`", ) var noAuthOk = flag.Bool( "A", false, "Allow clients to connect without authentication", ) var serverVersion = flag.String( "v", "SSH-2.0-OpenSSH_7.2", "Server `version` to present to clients", /* TODO: Get from real server */ ) var password = flag.String( "p", "hunter2", "Allowed `password`", ) var passList = flag.String( "pf", "", "Password `file` with one password per line", ) var passProb = flag.Float64( "pp", .05, "Accept any password with this `probability`", ) var kicHost = flag.String( "H", "localhost", "Keyboard-Interactive challenge `hostname`", ) var keyName = flag.String( "k", "shp_id_rsa", "SSH RSA `key`, which will be created if it does not exist", ) /* Logging */ var logDir = flag.String( "d", "conns", "Per-connection log `directory`", ) var hideBanners = flag.Bool( "B", false, "Don't log connections with no authentication attempts (banners).", ) /* Client */ var cUser = flag.String( "cu", "root", "Upstream `username`", ) var cKey = flag.String( "ck", "id_rsa", "RSA `key` to use as a client, "+ "which will be created if it does not exist", ) var saddr = flag.String( "cs", "192.168.0.2:22", "Real server `address`", ) var fingerprint = flag.String( "sf", "", "Real server host key `fingerprint`", ) /* Local server config */ flag.Usage = func() { fmt.Fprintf( os.Stderr, `Usage: %v [options] Options: `, os.Args[0], ) flag.PrintDefaults() } flag.Parse() /* Log better */ log.SetFlags(log.LstdFlags | log.Lmicroseconds) log.SetOutput(os.Stdout) /* TODO: Log target server */ /* Make a server config */ sc := makeServerConfig( *noAuthOk, *serverVersion, *password, *passList, *passProb, *kicHost, *keyName, ) /* Make a client config */ cc := makeClientConfig(*cUser, *cKey, *fingerprint) /* Listen for clients */ l, err := net.Listen("tcp", addSSHPort(*laddr)) if nil != err { log.Fatalf("Unable to listen on %v: %v", *laddr, err) } log.Printf("Listening on %v", l.Addr()) /* Accept clients, handle */ for { c, err := l.Accept() if nil != err { log.Fatalf("Unable to accept client: %v", err) } go handle(c, sc, *saddr, cc, *logDir, *hideBanners) } } /* addSSHPort adds the default SSH port to an address if it has no port. */ func addSSHPort(addr string) string { /* Make sure we have a port */ _, _, err := net.SplitHostPort(addr) if nil != err { if !strings.HasPrefix(err.Error(), "missing port in address") { log.Fatalf( "Unable to check for port in %q: %v", addr, err, ) } addr = net.JoinHostPort(addr, "ssh") } return addr } /* TODO: Log to stdout or logfile */ <file_sep>#!/bin/sh # # autopush.sh # Automatically push a file in this repo # By <NAME> # Created 20160119 # Last Modified 20160119 set -e if [[ -z $1 ]]; then /bin/echo "Usage: $0 file" >2 exit 1 fi cd $(/usr/bin/dirname $0) /usr/local/bin/git commit --quiet --message "Autopush" $1 /usr/local/bin/git push --quiet <file_sep>package main /* * handle.go * Handle incoming clients * By <NAME> * Created 20160122 * Last Modified 20160122 */ import ( "log" "net" "golang.org/x/crypto/ssh" ) /* handle handles an incoming client */ func handle(c net.Conn, conf *ssh.ServerConfig) { /* Log the connection, close it when we're done */ log.Printf("%v Connect", c.RemoteAddr()) defer log.Printf("%v Disconnect", c.RemoteAddr()) /* Make into an SSH connection */ cc, cchans, creqs, err := ssh.NewServerConn(c, conf) if nil != err { log.Printf("%v err: %v", c.RemoteAddr(), err) c.Close() return } /* Dial the victim */ vc, vchans, vreqs, elogmsg := dialVictim(cc.User()) if "" != elogmsg { log.Printf("%v", elogmsg) cc.Close() return } defer vc.Close() /* Shut down the client connection when this one goes */ go func(v, c ssh.Conn) { err := c.Wait() log.Printf("%v victim shut down: %v", ci(cc), err) v.Close() }(vc, cc) /* Logging info */ info := ci(cc) /* Spawn handlers for channels and requests */ go handleNewChannels(vchans, cc, info+" ChanDirection:Victim->Client") go handleNewChannels(cchans, vc, info+" ChanDirection:Client->Victim") go handleConnRequests(vreqs, cc, info+" ReqDirection:Victim->Client") go handleConnRequests(creqs, vc, info+" ReqDirection:Client->Victim") _ = vreqs _ = creqs /* Wait until the connection's shut down */ err = cc.Wait() log.Printf("%v shut down: %v", ci(cc), err) } <file_sep>package main /* * channel.go * Handle channel opens * By <NAME> * Created 20160517 * Last Modified 20160518 */ import ( "bytes" "fmt" "io" "log" "os" "path/filepath" "time" "golang.org/x/crypto/ssh" ) const BUFLEN = 1024 /* Channel wraps an ssh.Channel so we can have a consistent SendRequest */ type Channel struct { oc ssh.Channel } /* SendRequest emulates ssh.Conn's SendRequest */ func (c Channel) SendRequest( name string, wantReply bool, payload []byte, ) (bool, []byte, error) { ok, err := c.oc.SendRequest(name, wantReply, payload) return ok, []byte{}, err } /* handleChans logs each channel request, which will be proxied to the client. */ func handleChans( chans <-chan ssh.NewChannel, client ssh.Conn, ldir string, lg *log.Logger, direction string, ) { /* Read channel requests until there's no more */ for cr := range chans { go handleChan(cr, client, ldir, lg, direction) } } /* handleChan handles a single channel request from sc, proxying it to the client. General logging messages will be written to lg, and channel-specific data and messages will be written to a new file in ldir. */ func handleChan( nc ssh.NewChannel, client ssh.Conn, ldir string, lg *log.Logger, direction string, ) { /* Log the channel request */ crl := fmt.Sprintf( "Type:%q Data:%q Direction:%q", nc.ChannelType(), nc.ExtraData(), direction, ) /* Pass to server */ cc, creqs, err := client.OpenChannel( nc.ChannelType(), nc.ExtraData(), ) if nil != err { go rejectChannel(err, crl, nc, lg) return } defer cc.Close() /* Make channel to attacker, defer close */ ac, areqs, err := nc.Accept() if nil != err { lg.Printf( "Unable to accept channel request of type %q: %v", nc.ChannelType(), err, ) return } defer ac.Close() /* Channel worked, make a logger for it */ clg, lf, clgn, err := logChannel(ldir, nc) if nil != err { lg.Printf( "Unable to open log file for channel of type %q:%v", nc.ChannelType(), err, ) return } defer lf.Close() clg.Printf("Start of log") /* Proxy requests on channels */ go handleReqs(areqs, Channel{oc: cc}, clg, "attacker->server") go handleReqs(creqs, Channel{oc: ac}, clg, "server->attacker") /* Log the channel */ lg.Printf("Channel %s Log:%q", crl, clgn) /* Proxy comms */ wg := make(chan int, 4) go ProxyChannel( ac, cc, clg, "server->attacker", wg, 1, ) go ProxyChannel( cc, ac, clg, "attacker->server", wg, 1, ) go ProxyChannel( cc.Stderr(), ac.Stderr(), clg, "attacker-(err)->server", wg, 0, ) go ProxyChannel( ac.Stderr(), cc.Stderr(), clg, "server-(err)->attacker", wg, 0, ) sum := 0 for i := range wg { sum += i if 2 <= sum { break } } /* TODO: Proxy comms */ } /* logChannel returns a logger which can be used to log channel activities to a file in the directory ldir. The logger as well as the filename are returned. */ func logChannel( ldir string, nc ssh.NewChannel, ) (*log.Logger, *os.File, string, error) { /* Log file is named after the channel time and type */ logName := filepath.Join( ldir, time.Now().Format(LOGFORMAT)+"-"+nc.ChannelType(), ) /* Open the file */ lf, err := os.OpenFile( logName, os.O_WRONLY|os.O_APPEND|os.O_CREATE|os.O_EXCL, 0600, ) if nil != err { return nil, nil, "", err } return log.New( //lf, io.MultiWriter(lf, os.Stderr), /* DEBUG */ "", log.LstdFlags|log.Lmicroseconds, ), lf, logName, nil } /* rejectChannel tells the attacker the channel's been rejected by the real server. It requires the error from the channel request to the real server, the channel request log string, the channel request from the attacker, and the logger for the connection. */ func rejectChannel(nce error, crl string, nc ssh.NewChannel, lg *log.Logger) { /* Values to return to the attacker */ reason := ssh.Prohibited message := nce.Error() /* Try and get the real story */ if oce, ok := nce.(*ssh.OpenChannelError); ok { reason = oce.Reason message = oce.Message } lg.Printf( "Channel Rejection %v Reason:%v Message:%q", crl, reason, message, ) /* Send the rejection */ if err := nc.Reject(reason, message); nil != err { lg.Printf( "Unable to respond to channel request of type %q: %v", nc.ChannelType(), err, ) } } /* ProxyChannel copies data from one channel to another */ func ProxyChannel( w io.Writer, r io.Reader, lg *log.Logger, tag string, wg chan<- int, token int, ) { defer func(c chan<- int, i int) { c <- i }(wg, token) var ( buf = make([]byte, BUFLEN) done = false n int err error ) var lines [][]byte for !done { /* Reset buffer */ buf = buf[:cap(buf)] /* Read a bit */ n, err = r.Read(buf) buf = buf[:n] if nil != err { lg.Printf("[%v] Read Error: %v", tag, err) done = true } /* Don't bother if we didn't get anything */ if 0 == n { continue } /* Send it on */ if _, err = w.Write(buf); nil != err { lg.Printf("[%v] Write Error: %v", tag, err) done = true } if done { continue } /* Log it all */ lines = bytes.SplitAfter(buf, []byte{'\n'}) for i := range lines { lg.Printf("[%v] %q", tag, lines[i]) } } lg.Printf("[%v] Finished", tag) } <file_sep># sshhipot High-interaction MitM SSH honeypot Not working very well at the moment, please contact for more details. irc: MagisterQuis on Freenode <file_sep>SSHHiPot ========= High-interaction SSH honeypot (ok, it's really a logging ssh proxy). Still more or less a work-in-progress. Feel free to `go install` this repository if you'd like to try it. Run it with `-h` to see more options. In particular, logging is kinda rough. One of these days there'll be better documentation, really. The general idea is that sshlowpot runs somewhere between the attacker and the real SSH server such that the attacker logs into the honeypot, and the honeypot logs into the server. Contact ------- At this stage in its development, it's probably easier to find me on Freenode than anything, though reading the source is another option. It's not _that_ painful. I can usually be found as `magisterquis` in `#devious` on freenode. Installation ------------ ```bash go install github.com/magisterquis/sshhipot ``` If you don't have go available, feel free to ask me (or someone who does) for compiled binaries. They can be made for a bunch of different platforms. Config ------ Most of the options should be useable as-is. The ones I expect will need to be configured: Option | Use -------|---- `-ck` | SSH identity file (i.e. `id_rsa`) to use to authenticate to the server. `-cs` | Server's address. Can be loopback, even. `-cu` | Ok, maybe `root` wasn't a great default. `test` is probably better. `-p` | Try `123456` or something more common than [`hunter2`](http://bash.org/?244321). Also see the `-pf` flag. `-sf` | Fingerprint of real server's Host Key (retreivable with `ssh-keyscan hostname 2>/dev/null | ssh-keygen -lf -`) Please note by default the server listens on port 2222. You'll have to use pf or iptables or whatever other firewall to redirect the port. It's probably a really bad idea to run it as root. Don't do that. There is a general log which goes to stdout. More granular logs go in a directory named `conns` by default (`-d` flag). At the moment, the granular logs also go to stderr. Contributions ------------- Yes, please. Windows ------- It's in Go, so, probably? Send me a pull request if it doesn't work. <file_sep>package main /* sshhipot.go * High-interaction SSH MitM honeypot * By <NAME> * Created 20160122 * Last Modified 20160122 */ import ( "flag" "fmt" "log" "net" "os" ) /* Verbose Logging */ var verbose func(string, ...interface{}) func main() { var ( /* Listen Address */ addr = flag.String( "a", "127.0.0.1:22222", "Listen `address`", ) verstr = flag.String( "ver", "SSH-2.0-OpenSSH_6.6.1p1 Ubuntu-2ubuntu2", "SSH server `version` string", ) keyFile = flag.String( "key", "sshhipot.id_rsa", "SSH private key `file`, which will be created if "+ "it does not exist", ) noAuth = flag.Bool( "noauth", false, "Allow clients to connect without authenticating", ) passList = flag.String( "plist", "123456,password,football,qwerty", "Comma-separated list of allowed `passwords`", ) passFile = flag.String( "pfile", "", "Name of `file` with password or username:password "+ "pairs, one per line", ) passProb = flag.Float64( "prob", 0.2, "If set, auth attempts will be successful with the "+ "given `probability` between 0 and 1", ) noSavePass = flag.Bool( "nosave", false, "Don't save passwords randomly accepted when -prob "+ "is set to >0, otherwise allow reuse of "+ "randomly accepted passwords", ) userList = flag.String( "ulist", "root,admin", "Comma-separated list of allowed `users`", ) verWL = flag.String( "vw", "", "If set, only these comma-separated SSH client "+ "`versions` (which may be prefixes ending "+ "in *) will be allowed (whitelisted, lower "+ "precedence than -vb)", ) verBL = flag.String( "vb", "", "If set, clients presenting these SSH client "+ "`versions` (which may be prefixes ending in "+ "*) will not be allowed to authenticate "+ "(blacklisted, higher precedence than -vw)", ) verb = flag.Bool( "v", false, "Enable verbose logging", ) ) flag.Usage = func() { fmt.Fprintf( os.Stderr, `Usage: %v [options] MitM's SSH connections and logs all activity. Options are: `, os.Args[0], ) flag.PrintDefaults() } flag.Parse() /* Add microseconds to logging. */ log.SetFlags(log.LstdFlags | log.Lmicroseconds) /* Enable verbose logging if need be */ if *verb { verbose = log.Printf } else { verbose = func(f string, a ...interface{}) { return } } /* Make the server config */ conf := makeConfig( *verWL, *verBL, *noAuth, *userList, *passList, *passFile, *passProb, *noSavePass, *verstr, *keyFile, ) /* Listen */ l, err := net.Listen("tcp", *addr) if nil != err { log.Fatalf("Unable to listen on %v: %v", *addr, err) } /* Handle clients */ for { c, err := l.Accept() if nil != err { log.Fatalf("Unable to accept clients: %v", err) } go handle(c, conf) } } <file_sep>package main /* * config.go * Make a server config * By <NAME> * Created 20160514 * Last Modified 20160702 */ import ( "bytes" "crypto/sha256" "fmt" "io/ioutil" "log" "math/rand" "golang.org/x/crypto/ssh" ) /* Baked in config. Ugly :( */ const ( // IGNORENMS causes the below messages not to be relayed. IGNORENMS = true ) /* IgnoreRequests are request types to ignore */ var IGNOREREQUESTS = []string{ /* Don't bother sending our host keys, mostly to keep the logs from being cluttered. Remove this if you really expect someone's looking hard for honeypots. */ "<EMAIL>", /* A dirty hack to avoid a race condition in which the no-more-sessions message gets there before the session request. :( */ "<EMAIL>", } func makeServerConfig( noAuthNeeded bool, serverVersion string, password, passList string, passProb float64, hostname string, keyname string, ) *ssh.ServerConfig { /* Get allowed passwords */ passwords, err := getPasswords(password, passList) if nil != err { log.Fatalf("Unable to get allowed passwords: %v", err) } /* Make sure we have a password */ if 0 == len(passwords) { if !noAuthNeeded { log.Fatalf("no passwords from command line or " + "password file and authless connections " + "not allowed", ) } } else { log.Printf("Will accept %v passwords", len(passwords)) } /* Get server key */ key, gen, err := getKey(keyname) if nil != err { log.Fatalf("Error generating/loading key: %v", err) } if gen { log.Printf("Generated key and stored in %v", keyname) } else { log.Printf("Loaded key from %v", keyname) } /* Config to return */ c := &ssh.ServerConfig{ NoClientAuth: noAuthNeeded, ServerVersion: serverVersion, PasswordCallback: passwordCallback(passwords, passProb), KeyboardInteractiveCallback: keyboardInteractiveCallback( passwords, hostname, passProb, ), PublicKeyCallback: publicKeyCallback(), } c.AddHostKey(key) return c } /* passwordCallback makes a callback function which accepts the allowed passwords */ func passwordCallback( passwords map[string]struct{}, passProb float64, ) func(ssh.ConnMetadata, []byte) (*ssh.Permissions, error) { /* Return a function to check for the password */ return func( conn ssh.ConnMetadata, password []byte, ) (*ssh.Permissions, error) { p := string(password) _, ok := passwords[p] if !ok && diceRoll(passProb) { ok = true } logAttempt(conn, "Password", p, ok) if ok { return nil, nil } return nil, fmt.Errorf("Permission denied, please try again.") } } /* getPasswords gets the set of allowed passwords */ func getPasswords(password, passList string) (map[string]struct{}, error) { /* List of allowable passwords */ ps := make(map[string]struct{}) /* Password on command line */ if "" != password { ps[password] = struct{}{} } /* Also, the lines of the file */ if "" != passList { pbytes, err := ioutil.ReadFile(passList) if nil != err { return nil, err } /* Remove a single trailing \n */ if '\n' == pbytes[len(pbytes)-1] { pbytes = pbytes[0 : len(pbytes)-1] } /* Make sure there's something */ if 0 == len(pbytes) { return ps, nil } lines := bytes.Split(pbytes, []byte("\n")) for _, line := range lines { ps[string(line)] = struct{}{} } } return ps, nil } /* keyboardInteractiveCallback returns a keyboard-interactive callback which accepts any of the allowed passwords. */ func keyboardInteractiveCallback( passwords map[string]struct{}, hostname string, passProb float64, ) func( ssh.ConnMetadata, ssh.KeyboardInteractiveChallenge, ) (*ssh.Permissions, error) { return func( conn ssh.ConnMetadata, client ssh.KeyboardInteractiveChallenge, ) (*ssh.Permissions, error) { /* Ask for a password */ as, err := client( "", "", []string{fmt.Sprintf( "%v@%v's password:", conn.User(), hostname, )}, []bool{false}, ) if nil != err { return nil, err } /* Check it */ if 1 != len(as) { logAttempt(conn, "Keyboard", "", false) } else { p := string(as[0]) _, ok := passwords[p] if !ok && diceRoll(passProb) { ok = true } logAttempt(conn, "Keyboard", p, ok) if ok { return nil, nil } } return nil, fmt.Errorf( "Permission denied, please try again.", ) } } /* publicKeyCallback logs that public key auth was attempted. */ func publicKeyCallback() func( ssh.ConnMetadata, ssh.PublicKey, ) (*ssh.Permissions, error) { return func( conn ssh.ConnMetadata, key ssh.PublicKey, ) (*ssh.Permissions, error) { logAttempt(conn, "Key", fmt.Sprintf( "%02X", sha256.Sum256(key.Marshal()), ), false) return nil, fmt.Errorf("Permission denied") } } /* logAttempt logs an authorization attempt. */ func logAttempt(conn ssh.ConnMetadata, method, cred string, suc bool) { log.Printf( "Address:%v Authorization Attempt Version:%q User:%q %v:%q "+ "Successful:%v", conn.RemoteAddr(), string(conn.ClientVersion()), conn.User(), method, cred, suc, ) } /* diceRoll will return true with a probability of prob */ func diceRoll(prob float64) bool { return rand.Float64() < prob } <file_sep>package main /* * channel.go * Handle MitMing channels * By <NAME> * Created 20160122 * Last Modified 20160122 */ import ( "fmt" "io" "log" "os" "golang.org/x/crypto/ssh" ) /* handleNewChannels handles proxying channel requests read from chans to the SSH connection sc. info is used for logging. */ func handleNewChannels( chans <-chan ssh.NewChannel, sc ssh.Conn, info string, ) { for cr := range chans { go handleNewChannel(cr, sc, info) } } /* handleChannel proxies a channel request command or shell to the ssh connection sc. */ func handleNewChannel(cr ssh.NewChannel, sc ssh.Conn, info string) { log.Printf( "%v Type:%q Data:%q NewChannel", info, cr.ChannelType(), cr.ExtraData(), ) /* Make the same request to the other side */ och, oreqs, err := sc.OpenChannel(cr.ChannelType(), cr.ExtraData()) if nil != err { /* If we can't log it, and reject the client */ oe, ok := err.(*ssh.OpenChannelError) var ( reason ssh.RejectionReason message string ) if !ok { log.Printf( "%v Type:%q Data:%q Unable to open channel: "+ "%v", info, cr.ChannelType(), cr.ExtraData(), err, ) reason = ssh.ConnectionFailed message = "Fail" message = err.Error() } else { log.Printf( "%v Type:%q Data:%q Reason:%q Message:%q "+ "Unable to open channel", info, cr.ChannelType(), cr.ExtraData(), oe.Reason.String(), oe.Message, ) reason = oe.Reason message = oe.Message } if err := cr.Reject(reason, message); nil != err { log.Printf( "%v Unable to pass on channel rejecton "+ "request: %v", info, err, ) } return } defer och.Close() /* Accept the channel request from the requestor */ rch, rreqs, err := cr.Accept() if nil != err { log.Printf( "%v Unable to accept request for a channel of type "+ "%q: %v", cr.ChannelType(), info, err, ) return } defer rch.Close() /* Handle passing requests between channels */ hcrinfo := fmt.Sprintf(" %v ChannelType:%q", info, cr.ChannelType()) go handleChannelRequests( rreqs, och, hcrinfo+" ReqDir:AsDirection", ) go handleChannelRequests( oreqs, rch, hcrinfo+" ReqDir:AgainstDirection", ) log.Printf( "%v Type:%q Data:%q Opened", info, cr.ChannelType(), cr.ExtraData(), ) /* For now, print out read data */ done := make(chan struct{}, 4) go copyOut(och, rch, done) go copyOut(rch, och, done) go copyOut(och.Stderr(), rch.Stderr(), done) go copyOut(rch.Stderr(), och.Stderr(), done) /* Wait for a pipe to break */ <-done fmt.Printf("\nDone.\n") } /* copyOut Copies src to dst and to stdout, and nonblockingly sends on done when there's no more left to copy */ func copyOut(dst io.Writer, src io.Reader, done chan<- struct{}) { io.Copy(io.MultiWriter(os.Stdout, dst), src) select { case done <- struct{}{}: default: } } <file_sep>package main /* * victim.go * Create a connection to the victim * By <NAME> * Created 20150122 * Last Modified 20150122 */ import ( "flag" "fmt" "net" "golang.org/x/crypto/ssh" ) var ( vicAddr = flag.String( "c", "192.168.11.7:222", "Real SSH server's `address`", ) vicUser = flag.String( "u", "", "If set, connect to the real SSH server with this `username` "+ "regardless of what the client sent", ) vicPass = flag.String( "p", "<PASSWORD>", "Authenticate to the real SSH server with this `password`", ) ) /* dialVictim dials the victim with the supplied username, which may have been overridden on the command line. */ func dialVictim(user string) ( ssh.Conn, <-chan ssh.NewChannel, <-chan *ssh.Request, string, ) { /* Username to use on the remote end */ u := *vicUser if "" == u { u = user } /* Try to make a connection to the victim */ nc, err := net.Dial("tcp", *vicAddr) if nil != err { return nil, nil, nil, fmt.Sprintf( "Unable to connect to victim %v: %v", *vicAddr, err, ) } c, reqs, chans, err := ssh.NewClientConn(nc, *vicAddr, &ssh.ClientConfig{ User: u, Auth: []ssh.AuthMethod{ssh.Password(*vicPass)}, }) if nil != err { return c, reqs, chans, fmt.Sprintf( "Unable to SSH to victim as %v@%v / %v: %v", u, *vicAddr, *vicPass, err, ) } return c, reqs, chans, "" }
e00734e879a2b6019bbb13bff1d0ac1dc0c9d39b
[ "Markdown", "Go", "Shell" ]
17
Go
shakenetwork/sshhipot
8378317c3fe330eab2bf3f21f1ff6851a3551b64
a045e70467f10e7ccba27d39598fc09c6f5357b9
refs/heads/master
<repo_name>nangs/pdfraster<file_sep>/demo_raster_encoder/bw1_ccitt_strip_data.h unsigned char bw1_ccitt_2521x0279_3_bin[] = { 0x26, 0xa4, 0x0b, 0xff, 0x7f, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfe, 0xbf, 0xfb, 0xff, 0xff, 0xff, 0xd7, 0x7d, 0x77, 0xfd, 0x10, 0x17, 0x0d, 0xf6, 0x83, 0xe8, 0x80, 0xb1, 0xa4, 0x9f, 0x84, 0xd3, 0x31, 0x2e, 0x13, 0x42, 0x0f, 0xc8, 0x09, 0x2a, 0x02, 0xe9, 0xa7, 0xe4, 0x04, 0x81, 0x03, 0x34, 0xaf, 0x40, 0x50, 0x84, 0x3f, 0x20, 0x36, 0xa0, 0xd0, 0x55, 0x86, 0x51, 0x4e, 0x1a, 0x84, 0x98, 0x2c, 0x91, 0x81, 0x94, 0x42, 0x01, 0x75, 0xb7, 0xd4, 0x28, 0x20, 0x7e, 0xda, 0x52, 0x08, 0x38, 0x6b, 0xe9, 0x04, 0x1e, 0xad, 0xa4, 0x1a, 0x6f, 0xf4, 0x82, 0x0f, 0xb6, 0xe9, 0xa6, 0x43, 0xbb, 0xfd, 0x04, 0x10, 0x7a, 0xea, 0xd3, 0xb7, 0xfa, 0x49, 0xf6, 0xda, 0x4d, 0x30, 0x9b, 0xfd, 0x24, 0xf5, 0x7a, 0x69, 0xd9, 0x09, 0x0f, 0xf4, 0x90, 0x7e, 0xda, 0x42, 0xc2, 0x6b, 0xfd, 0x25, 0xee, 0xf7, 0xa6, 0xff, 0x49, 0x3d, 0x5d, 0x22, 0x61, 0x27, 0x6d, 0xfe, 0x92, 0x7d, 0xb6, 0x92, 0x69, 0xa6, 0xff, 0xa4, 0x9e, 0xad, 0xd1, 0xd3, 0x4d, 0x34, 0xef, 0xf4, 0x97, 0xf5, 0xbb, 0x4d, 0x35, 0xfd, 0x05, 0x21, 0x9a, 0x43, 0xd3, 0x6d, 0x20, 0x98, 0x41, 0xa1, 0x69, 0xfe, 0x92, 0x04, 0x0f, 0x21, 0xb1, 0x4e, 0xdd, 0x5e, 0x85, 0xfe, 0x95, 0x06, 0xea, 0xd8, 0xa0, 0x98, 0x43, 0xfd, 0x28, 0x4f, 0xad, 0x7b, 0xfa, 0x49, 0x37, 0xc8, 0x67, 0x1e, 0xed, 0x32, 0x1d, 0xdf, 0xe9, 0x53, 0xeb, 0x6d, 0x3b, 0x5a, 0xfa, 0x4b, 0xf4, 0xed, 0x30, 0x9a, 0x0c, 0x85, 0x72, 0x18, 0x8f, 0xe9, 0x53, 0x7a, 0xdb, 0x4e, 0xd3, 0x4d, 0x36, 0xfe, 0x95, 0x3f, 0xf8, 0xb4, 0xd3, 0x4e, 0xbe, 0x97, 0xf5, 0x6d, 0x34, 0xd3, 0x4e, 0xfc, 0x52, 0xfa, 0xbb, 0x42, 0xd3, 0xba, 0xf0, 0xa9, 0xbb, 0x30, 0x88, 0xf9, 0x74, 0x5c, 0x64, 0x76, 0x47, 0x22, 0x3a, 0xad, 0xa5, 0xd3, 0x7f, 0xf8, 0x88, 0x88, 0x88, 0xb5, 0x6d, 0xc9, 0x4e, 0x83, 0x4d, 0x7e, 0xff, 0xfa, 0x4d, 0x34, 0xff, 0xbf, 0xd2, 0xb6, 0x89, 0x3c, 0x26, 0x9a, 0x61, 0x7e, 0xff, 0xdd, 0xa4, 0xed, 0x34, 0xd7, 0xef, 0xf5, 0xdd, 0x06, 0x9a, 0x11, 0xff, 0xfd, 0x5a, 0xa6, 0x9a, 0xfd, 0xff, 0xba, 0x6a, 0x87, 0xf7, 0xfa, 0xdd, 0xbb, 0xfd, 0xff, 0x5a, 0x6d, 0x32, 0x12, 0x3f, 0x7f, 0xab, 0x69, 0xb4, 0xd3, 0x21, 0xdc, 0x82, 0xe3, 0xff, 0xff, 0xd5, 0xa6, 0x9a, 0x69, 0xfe, 0xff, 0x4b, 0xb6, 0x9a, 0x69, 0xa0, 0xd7, 0xdf, 0x5e, 0xda, 0x62, 0xd3, 0x4d, 0x3f, 0xdd, 0xf2, 0x1b, 0x0a, 0x7a, 0x62, 0x1a, 0x69, 0xfd, 0x90, 0xcb, 0x76, 0xeb, 0x48, 0x5a, 0x74, 0xd3, 0xfd, 0x3f, 0xfa, 0xbb, 0x5f, 0xd3, 0x77, 0xeb, 0x77, 0xa5, 0xf4, 0xde, 0xbd, 0xa6, 0x44, 0xb0, 0x9a, 0x7f, 0xd5, 0xdd, 0x6a, 0x9a, 0x69, 0xd8, 0x5f, 0x84, 0xed, 0xaf, 0x68, 0x82, 0x81, 0xd9, 0xd6, 0x4d, 0x30, 0x9d, 0x7e, 0xde, 0xbe, 0x93, 0xaa, 0x69, 0xd8, 0x5f, 0xa6, 0xe1, 0xa5, 0xaf, 0x69, 0xa6, 0x9a, 0xa5, 0xfd, 0xb6, 0xbd, 0xa4, 0xdb, 0xf6, 0x9f, 0xf6, 0xf0, 0xc2, 0x5a, 0xab, 0x7b, 0x4d, 0x34, 0xd2, 0xfb, 0x6c, 0x18, 0x2f, 0x69, 0x36, 0xc2, 0x69, 0xa6, 0x9a, 0xfa, 0x6d, 0x8a, 0xf4, 0xb1, 0x69, 0xa6, 0x85, 0xea, 0xdb, 0xad, 0x3a, 0x6d, 0xa6, 0x9a, 0x5f, 0xb7, 0xe4, 0x1b, 0xab, 0xab, 0x62, 0xd3, 0x5f, 0xbb, 0x5a, 0x4e, 0x95, 0xb4, 0xd7, 0xd3, 0x6d, 0x7d, 0xab, 0x88, 0xfd, 0xdb, 0x5a, 0x5a, 0x4d, 0xfe, 0xdb, 0x5e, 0xdd, 0x5f, 0xed, 0xb5, 0xfa, 0xb6, 0x55, 0x57, 0xee, 0xc2, 0xd2, 0x8a, 0x6c, 0x8a, 0xf7, 0xfd, 0x86, 0xbd, 0xab, 0x4d, 0x3f, 0xdb, 0x0c, 0x2d, 0x2d, 0xc8, 0xc9, 0x35, 0xfd, 0xc3, 0x0b, 0xe9, 0xb4, 0xd3, 0x4b, 0xe9, 0xb0, 0x60, 0xba, 0x0c, 0x83, 0x10, 0x7d, 0x97, 0xa6, 0x82, 0xf1, 0x12, 0x30, 0x33, 0x04, 0x44, 0x7e, 0x17, 0x90, 0x12, 0x24, 0x07, 0x69, 0x84, 0x3e, 0x22, 0xfe, 0xd7, 0x8f, 0xf5, 0xff, 0xff, 0xff, 0xfe, 0xbf, 0xfb, 0xeb, 0xff, 0xf5, 0xef, 0xaf, 0xef, 0xff, 0xff, 0xaf, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfd, 0x7f, 0xaf, 0xff, 0xef, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xf5, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfe, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfb, 0xf8, 0xaf, 0xff, 0xee, 0xaf, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xaf, 0xea, 0xaa, 0x0b, 0x90, 0x1d, 0x34, 0x19, 0x70, 0x60, 0x9a, 0xa2, 0x02, 0x62, 0x59, 0x72, 0x3c, 0x89, 0xb2, 0xd3, 0x2e, 0x1a, 0xe2, 0x5b, 0x02, 0x80, 0x48, 0x57, 0x26, 0x8e, 0xc9, 0x11, 0xe8, 0xe2, 0x2e, 0x8b, 0xa2, 0xf9, 0x74, 0x47, 0x02, 0x08, 0xe0, 0xc1, 0x70, 0x26, 0x02, 0xa9, 0x6a, 0x01, 0x45, 0xd1, 0x1d, 0x11, 0xc0, 0xaa, 0x0a, 0x60, 0x02, 0x00, 0x20 }; unsigned int bw1_ccitt_2521x0279_3_bin_len = 695; unsigned char bw1_ccitt_2521x1000_0_bin[] = { 0x26, 0xa0, 0x6d, 0x0c, 0xa2, 0xf1, 0x1e, 0x30, 0x0e, 0x47, 0x10, 0x8f, 0x92, 0xec, 0xda, 0x23, 0x48, 0xc6, 0x54, 0xb3, 0xb3, 0x20, 0x59, 0x3b, 0x13, 0x0a, 0x60, 0x32, 0x01, 0xb9, 0x38, 0x21, 0xfc, 0xb6, 0x16, 0x41, 0x24, 0x16, 0xc4, 0x1c, 0x83, 0xb9, 0xb8, 0x99, 0xcd, 0xc6, 0x68, 0x41, 0xc7, 0x3b, 0x95, 0xe5, 0xec, 0xc9, 0x13, 0x81, 0xe0, 0xac, 0x22, 0xf2, 0x19, 0x00, 0xab, 0xc4, 0xea, 0x30, 0xe4, 0x9c, 0x8c, 0x72, 0x1d, 0xa5, 0xc1, 0x3c, 0x81, 0x40, 0xc2, 0x80, 0xcc, 0x39, 0x0a, 0x39, 0x5a, 0x94, 0xd3, 0x53, 0x34, 0xc8, 0x14, 0x39, 0x15, 0xb5, 0x99, 0x06, 0xa6, 0xa1, 0x29, 0xd4, 0xe3, 0xc8, 0x18, 0x6a, 0xaa, 0x10, 0x56, 0x6d, 0x17, 0xc2, 0x2d, 0x53, 0x40, 0xd2, 0xe0, 0x87, 0x85, 0xfd, 0x02, 0x38, 0xfa, 0x7f, 0x1e, 0x9e, 0x81, 0x14, 0x3f, 0xde, 0x85, 0xff, 0x08, 0xa1, 0xf5, 0xf5, 0xff, 0xe3, 0xd7, 0xbf, 0xd7, 0xfa, 0xd3, 0xfd, 0x7b, 0xff, 0xfd, 0x7f, 0xff, 0x5f, 0xef, 0xff, 0xff, 0xff, 0x5f, 0xff, 0xff, 0xeb, 0xf5, 0xdf, 0x5f, 0xff, 0xfe, 0xff, 0xff, 0x5f, 0xff, 0xff, 0xd7, 0x7f, 0xd2, 0xfe, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xaf, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfd, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xae, 0xfa, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xdf, 0xff, 0xf9, 0x01, 0x52, 0xe1, 0x95, 0xe4, 0x05, 0x13, 0x83, 0x72, 0x54, 0x1a, 0x7e, 0x40, 0x50, 0x30, 0x6b, 0x23, 0x41, 0xb7, 0xe4, 0x05, 0x28, 0x0d, 0xa0, 0x81, 0xf9, 0x01, 0x4c, 0x06, 0x40, 0x41, 0xf8, 0x40, 0xc1, 0x10, 0xd2, 0x1c, 0x19, 0xdc, 0x27, 0xc8, 0x09, 0x9a, 0x01, 0x60, 0x4a, 0x4c, 0x70, 0xc2, 0x7d, 0x02, 0x20, 0xc1, 0xca, 0x1c, 0xa8, 0x2c, 0x73, 0x0e, 0x18, 0x21, 0xc3, 0x2b, 0x41, 0xfd, 0x44, 0x4f, 0xf1, 0x10, 0x72, 0xc7, 0x07, 0xe1, 0x10, 0xe4, 0xc1, 0x31, 0x64, 0x11, 0x0e, 0x47, 0x5e, 0x14, 0x97, 0xf4, 0x48, 0x70, 0xee, 0x3f, 0x08, 0x87, 0x08, 0x08, 0x30, 0xb0, 0xd2, 0x60, 0xa0, 0xc3, 0xf0, 0xb0, 0xe9, 0x08, 0x87, 0xc1, 0xfa, 0x22, 0x09, 0x65, 0x43, 0xca, 0x70, 0xbe, 0x14, 0x10, 0x21, 0x88, 0x6b, 0x7e, 0x82, 0xd1, 0x43, 0x90, 0x3c, 0x33, 0x07, 0x2c, 0x77, 0x90, 0x61, 0x3c, 0x2a, 0x51, 0x2c, 0x72, 0x31, 0xfd, 0xff, 0xa2, 0x21, 0x5a, 0x45, 0x0e, 0xc8, 0xe0, 0x78, 0x3f, 0x0d, 0x49, 0x31, 0x7d, 0x48, 0xa2, 0xe2, 0x22, 0x2f, 0xbf, 0x48, 0xa4, 0x0c, 0x81, 0xc8, 0x20, 0x37, 0xe1, 0x29, 0x03, 0xc4, 0x1c, 0xa4, 0xed, 0x61, 0xf6, 0x99, 0x2e, 0x07, 0x84, 0x12, 0x0c, 0x1b, 0x24, 0x34, 0x50, 0xae, 0x7e, 0x81, 0x48, 0x2f, 0x39, 0x12, 0x0d, 0x52, 0x4c, 0x17, 0xff, 0x52, 0x9c, 0x1c, 0x84, 0x05, 0x40, 0x6c, 0x18, 0x3c, 0x11, 0x70, 0x1b, 0xeb, 0x21, 0x12, 0x30, 0xd9, 0x1a, 0x0a, 0x5d, 0x08, 0x45, 0x0e, 0x08, 0x17, 0xd0, 0x32, 0x80, 0xb6, 0x1b, 0x0c, 0x32, 0xe8, 0x10, 0x26, 0x2f, 0xd0, 0x44, 0x75, 0x04, 0x98, 0x38, 0x7f, 0x08, 0xa1, 0xca, 0x77, 0xeb, 0x9f, 0x08, 0x98, 0x6c, 0x18, 0x8f, 0x8b, 0xf4, 0xe1, 0x26, 0xd8, 0x69, 0x24, 0xff, 0x23, 0xa2, 0xe1, 0x11, 0x11, 0xd8, 0x6d, 0x8e, 0xfd, 0x78, 0x51, 0xb6, 0x18, 0xbf, 0x41, 0x45, 0x26, 0xef, 0xe8, 0x19, 0x1c, 0x69, 0x86, 0xc3, 0x7f, 0x10, 0x91, 0x0c, 0xb8, 0x6d, 0xdf, 0xa4, 0x93, 0x6d, 0x87, 0xf4, 0xa9, 0xc3, 0xb7, 0xe8, 0x24, 0x45, 0x1d, 0x06, 0xec, 0x37, 0xf5, 0xd3, 0x6d, 0xdf, 0xaa, 0x14, 0xe1, 0xc3, 0xfc, 0x24, 0x9b, 0xbb, 0xf4, 0x92, 0x77, 0x7f, 0xe9, 0xb6, 0xc3, 0x7e, 0x96, 0xdb, 0xdf, 0xa4, 0x82, 0x7b, 0x7f, 0xa4, 0x41, 0x87, 0xdb, 0xb7, 0xe9, 0x45, 0x3b, 0x6f, 0xf5, 0xb7, 0xef, 0xaa, 0x5b, 0x6d, 0xf7, 0x54, 0xdb, 0xbf, 0x4a, 0xae, 0xdd, 0xf7, 0x54, 0xde, 0xfd, 0x25, 0x24, 0x3f, 0x6d, 0xbe, 0xf4, 0x92, 0x7f, 0xfa, 0x89, 0x14, 0x7d, 0xef, 0xeb, 0x08, 0x2d, 0x3b, 0xff, 0x48, 0x10, 0x24, 0x87, 0xb6, 0xdf, 0xf6, 0x93, 0x7f, 0xe9, 0x47, 0xbb, 0x7f, 0xa4, 0xdd, 0xff, 0x5f, 0xff, 0xee, 0xef, 0xeb, 0xff, 0xfa, 0x57, 0x77, 0xf5, 0xb2, 0x19, 0x65, 0x9f, 0xfa, 0xa7, 0x7f, 0x5c, 0x12, 0xef, 0xf5, 0x5b, 0x7f, 0xad, 0xa7, 0xfb, 0xe9, 0xaf, 0xff, 0x0d, 0x7f, 0xfb, 0x5f, 0xf5, 0xb5, 0xbf, 0xfb, 0x4f, 0x6f, 0xae, 0xff, 0xfe, 0xd7, 0x5f, 0xd0, 0x6b, 0xbf, 0xd5, 0xab, 0xff, 0x90, 0x71, 0xed, 0x57, 0xfb, 0xe1, 0xaf, 0xfe, 0x36, 0xaf, 0xfd, 0x47, 0xff, 0xff, 0xaa, 0xe9, 0xfb, 0xf2, 0xb7, 0xc8, 0x51, 0xda, 0xfd, 0xba, 0x7d, 0x7f, 0xe9, 0xc7, 0xfc, 0x85, 0x1f, 0x68, 0x3e, 0xbe, 0x96, 0x46, 0x3e, 0xf5, 0xfb, 0x23, 0x84, 0xf4, 0xfb, 0xf6, 0x38, 0xd3, 0x5f, 0xf9, 0x0e, 0xf4, 0xff, 0xf9, 0x14, 0x71, 0x68, 0x3e, 0xbf, 0x84, 0x16, 0x53, 0xd3, 0xff, 0xb6, 0xe3, 0x4f, 0xfd, 0xe2, 0x71, 0xf0, 0xd2, 0x5f, 0x5f, 0x4d, 0xdf, 0xdf, 0xd3, 0x55, 0xf5, 0x60, 0x81, 0x0b, 0x4b, 0xa7, 0xdb, 0xf4, 0x0a, 0x97, 0xf8, 0xf5, 0xd7, 0xbb, 0x20, 0xa0, 0xdf, 0xfd, 0xdf, 0xeb, 0xfd, 0xb5, 0x5f, 0xbb, 0xeb, 0x7f, 0xef, 0xff, 0x6d, 0xd5, 0x25, 0xdb, 0xee, 0x97, 0xfb, 0xff, 0xb6, 0xdd, 0xb5, 0x4b, 0xfb, 0xff, 0xef, 0xb4, 0xbf, 0x76, 0xdd, 0x52, 0xfb, 0xee, 0x97, 0xcb, 0x55, 0x4f, 0x6d, 0xbd, 0x6b, 0xfe, 0xdb, 0x55, 0xf1, 0xd9, 0x18, 0xe5, 0x8f, 0xba, 0x5f, 0x61, 0xfd, 0xba, 0xd7, 0xec, 0x52, 0x77, 0x49, 0x7b, 0x71, 0xb6, 0xab, 0xf6, 0xdb, 0x69, 0x25, 0xed, 0xdd, 0xa4, 0xbe, 0xdb, 0x6d, 0xe9, 0x7d, 0xb7, 0x61, 0x25, 0xf2, 0xd5, 0x17, 0xdb, 0xb6, 0xfa, 0xf7, 0xb6, 0xed, 0x20, 0x97, 0x8b, 0x6d, 0xb6, 0xbf, 0xdb, 0x6d, 0x84, 0x82, 0x5e, 0xdd, 0xda, 0x49, 0x7b, 0x6c, 0x83, 0x03, 0xb6, 0x1e, 0x17, 0xef, 0xb6, 0xc2, 0x22, 0x0e, 0x91, 0x10, 0x75, 0xe1, 0x86, 0xf0, 0xd8, 0xa4, 0x96, 0x97, 0xb6, 0x2e, 0x28, 0x20, 0x82, 0xd7, 0xb0, 0xd9, 0x1b, 0xb6, 0x96, 0x3f, 0xb8, 0x91, 0x07, 0x6e, 0x11, 0x13, 0x97, 0xb0, 0xc3, 0x64, 0x70, 0xac, 0x83, 0x68, 0xe8, 0x28, 0x45, 0x0e, 0xbd, 0x90, 0x5c, 0x72, 0x87, 0x2e, 0x01, 0xf0, 0xde, 0x81, 0x10, 0x93, 0xd7, 0xb0, 0x82, 0xf0, 0x44, 0x77, 0x0c, 0x31, 0x0d, 0x8a, 0x05, 0x1a, 0xf6, 0xd2, 0xb2, 0x3e, 0x18, 0x72, 0x18, 0x1c, 0x36, 0x82, 0x21, 0x43, 0x2a, 0x17, 0xb0, 0xb4, 0x10, 0x57, 0x83, 0x69, 0x14, 0x39, 0x87, 0x06, 0xd0, 0x2e, 0x11, 0xe1, 0x7b, 0x5f, 0x8a, 0x29, 0xc1, 0xb7, 0x86, 0x1d, 0x82, 0x20, 0x95, 0xc3, 0x5e, 0xf8, 0x88, 0xc8, 0x68, 0x26, 0x21, 0x11, 0xd0, 0x44, 0x36, 0x24, 0x20, 0x6f, 0x85, 0x3d, 0x98, 0x75, 0xec, 0x84, 0x4e, 0x0c, 0x34, 0x99, 0x1c, 0x0b, 0xa1, 0x12, 0x18, 0x06, 0x10, 0x42, 0x17, 0x87, 0xd8, 0x88, 0xc6, 0xbd, 0x90, 0xa2, 0x13, 0x21, 0x90, 0xcc, 0x2e, 0xdf, 0x64, 0x23, 0xeb, 0xd8, 0x64, 0x18, 0xa1, 0x89, 0x0c, 0xe3, 0x90, 0x3c, 0x0c, 0x0a, 0xaf, 0x78, 0x4f, 0x75, 0xe1, 0x90, 0xe9, 0xdb, 0x12, 0x07, 0x86, 0xc7, 0x08, 0x8e, 0x82, 0x0b, 0xa7, 0x94, 0x39, 0x43, 0xc3, 0x20, 0xde, 0x0c, 0xf4, 0x92, 0x85, 0xe1, 0x86, 0x5d, 0x0f, 0x86, 0xdb, 0x82, 0xf2, 0x06, 0x2b, 0xe1, 0xef, 0x16, 0x29, 0x10, 0xd4, 0x1c, 0x82, 0xb3, 0xe1, 0x7b, 0x12, 0x48, 0x31, 0x58, 0xa4, 0x08, 0x10, 0x65, 0x58, 0x5f, 0x0d, 0x42, 0x23, 0xa0, 0xc8, 0x68, 0x81, 0xa0, 0x45, 0xd4, 0x2e, 0xd9, 0x43, 0x93, 0x77, 0xec, 0x48, 0xc7, 0x23, 0x1f, 0x19, 0x1d, 0x11, 0x81, 0x7c, 0x58, 0xc4, 0x41, 0xb2, 0x39, 0x48, 0x66, 0x46, 0x09, 0x28, 0x5e, 0x19, 0x9c, 0x22, 0x3a, 0x23, 0xa0, 0xc4, 0xa1, 0xc4, 0x10, 0x6a, 0x18, 0x93, 0x82, 0xfe, 0x1f, 0x8c, 0x18, 0x48, 0x10, 0x3a, 0x04, 0x5d, 0x1f, 0x50, 0x5e, 0x23, 0x91, 0xd0, 0x62, 0x10, 0x62, 0x22, 0x21, 0x7b, 0x49, 0x1d, 0xf0, 0x36, 0x83, 0x05, 0xe2, 0x20, 0xc1, 0x03, 0x05, 0xe4, 0x05, 0x53, 0x83, 0x72, 0x56, 0x0d, 0x1e, 0x25, 0x49, 0x11, 0xc1, 0x8f, 0x11, 0xff, 0xff, 0xff, 0xff, 0xff, 0xf2, 0x9b, 0x08, 0xbf, 0xf1, 0xff, 0xff, 0xf2, 0x02, 0xcb, 0x68, 0x8e, 0x05, 0xc8, 0xeb, 0xc8, 0x0a, 0x93, 0x44, 0x34, 0x76, 0x18, 0x35, 0x97, 0x5e, 0x40, 0x4d, 0x00, 0xe4, 0x71, 0x91, 0xc1, 0x72, 0x2a, 0x07, 0x86, 0xb8, 0x21, 0x64, 0x75, 0xe8, 0x45, 0xa2, 0x07, 0x82, 0xb0, 0x28, 0x87, 0xf7, 0x06, 0x08, 0x1f, 0x86, 0xa4, 0x19, 0x87, 0x20, 0x40, 0xe4, 0x87, 0x2c, 0x72, 0x87, 0x0c, 0x22, 0x06, 0x1c, 0xa1, 0xda, 0xf2, 0x37, 0x28, 0x72, 0x87, 0x29, 0xca, 0x1c, 0xab, 0x38, 0xe5, 0x41, 0xc7, 0x28, 0x7a, 0x26, 0x39, 0x50, 0x50, 0x42, 0x15, 0x4f, 0x28, 0x76, 0x13, 0x18, 0x3f, 0xa1, 0x11, 0x11, 0x11, 0x11, 0xb4, 0x84, 0x51, 0x6e, 0x10, 0x89, 0x98, 0x24, 0x83, 0x18, 0x54, 0xca, 0xc3, 0xd9, 0x56, 0xdf, 0x76, 0xdf, 0xce, 0xe0, 0x20, 0x48, 0x59, 0x5c, 0x55, 0x95, 0x0f, 0xfa, 0x49, 0x6c, 0x30, 0xc2, 0x21, 0x85, 0x05, 0x0e, 0x16, 0x32, 0x9d, 0xff, 0x69, 0xf8, 0x36, 0xad, 0x24, 0x6d, 0x02, 0x05, 0xa7, 0xed, 0xb7, 0x5e, 0x8c, 0x3b, 0x90, 0xe2, 0x8b, 0x48, 0x32, 0x87, 0x7f, 0x6a, 0xe9, 0x6f, 0xad, 0x88, 0x82, 0x49, 0xfd, 0x3a, 0x4f, 0x43, 0x68, 0x84, 0x16, 0x08, 0xc2, 0x0f, 0x3c, 0x3f, 0x6f, 0x4c, 0x25, 0x86, 0xd4, 0x8d, 0xc1, 0xa0, 0x99, 0x1f, 0x4f, 0xfe, 0xbd, 0xe1, 0x0a, 0x04, 0x8a, 0x86, 0x1b, 0xee, 0xdb, 0xfb, 0x94, 0x3b, 0x51, 0x23, 0xf0, 0x65, 0xf0, 0x8a, 0x1d, 0x7d, 0x69, 0x52, 0xb6, 0x82, 0x0c, 0xe3, 0x82, 0x23, 0xa0, 0xad, 0xf4, 0xdb, 0x7a, 0xb4, 0xf8, 0x22, 0xb9, 0x22, 0x9d, 0x04, 0x61, 0xca, 0x1d, 0xfd, 0xfa, 0x49, 0xa2, 0x87, 0xf8, 0x41, 0x70, 0xc3, 0x8b, 0xf8, 0x7e, 0xae, 0xbb, 0x52, 0x26, 0x85, 0x21, 0x84, 0x47, 0x78, 0x22, 0x9f, 0xfb, 0xad, 0x36, 0xe8, 0x22, 0x0c, 0x3a, 0x43, 0x60, 0x9a, 0x49, 0xfd, 0xde, 0x95, 0x70, 0x88, 0xea, 0x32, 0x3a, 0x3c, 0x9d, 0x04, 0x28, 0xa1, 0xdf, 0xdd, 0x25, 0xef, 0xf1, 0x0f, 0x0a, 0x19, 0xc7, 0x0a, 0x26, 0x1f, 0xed, 0x37, 0xe9, 0xa6, 0xa3, 0x61, 0x4c, 0x20, 0xc3, 0x78, 0x82, 0x0b, 0xfd, 0xda, 0xa4, 0xd1, 0x03, 0x10, 0x8e, 0xc8, 0xe8, 0x8f, 0x87, 0xc2, 0x60, 0x81, 0x24, 0x81, 0x24, 0x8a, 0x1c, 0x47, 0xdb, 0xbb, 0x5a, 0xa1, 0x11, 0x6e, 0xf2, 0x31, 0xca, 0xc0, 0xc7, 0x23, 0xf0, 0x63, 0xdb, 0xf7, 0xf4, 0xf6, 0x9a, 0x0a, 0x84, 0x1d, 0x43, 0x38, 0xe0, 0x81, 0x43, 0x5d, 0x7a, 0xa7, 0x70, 0xc3, 0xc3, 0x76, 0xc3, 0x48, 0x19, 0x74, 0x8c, 0x3b, 0xfd, 0xbe, 0xb4, 0x42, 0x0e, 0x50, 0xf0, 0x94, 0x2f, 0x08, 0xab, 0xc2, 0x05, 0xc2, 0x28, 0x7f, 0xdd, 0xe9, 0x7c, 0x9e, 0xae, 0xf8, 0x6f, 0xfb, 0x1c, 0x7e, 0xf7, 0xaa, 0x5b, 0x74, 0xac, 0x84, 0x9b, 0x49, 0x02, 0x04, 0x23, 0xfb, 0xea, 0x9d, 0xe9, 0xb7, 0x83, 0x23, 0xe8, 0x36, 0x19, 0x1c, 0x36, 0x7b, 0x4d, 0xa7, 0xf4, 0xea, 0xac, 0x59, 0x1c, 0x29, 0x1c, 0x0c, 0x7b, 0x75, 0x49, 0x27, 0x77, 0x4e, 0xc4, 0x7f, 0x77, 0xee, 0xf4, 0xde, 0x1f, 0xdd, 0xba, 0xad, 0x53, 0x49, 0xe4, 0x36, 0x9c, 0xa7, 0x05, 0xfe, 0xaa, 0xaa, 0x95, 0xa0, 0xc8, 0xd8, 0x18, 0x11, 0xfb, 0xae, 0xa9, 0xc1, 0x69, 0xef, 0xee, 0xf5, 0xb8, 0x65, 0xd1, 0x1d, 0xa4, 0x8a, 0x1f, 0xa2, 0xa6, 0x57, 0x14, 0x3b, 0x23, 0xaf, 0x76, 0xeb, 0xa8, 0x88, 0xa8, 0xaf, 0x1e, 0x50, 0xe2, 0x0f, 0xfa, 0x5e, 0xe1, 0x37, 0x0c, 0x49, 0xd4, 0x59, 0x1d, 0x11, 0xc2, 0xf4, 0xf7, 0xa4, 0xf0, 0x88, 0x18, 0xac, 0x83, 0x8e, 0x58, 0xe5, 0x0e, 0x58, 0xe5, 0x0e, 0x57, 0x14, 0x74, 0x8a, 0x1c, 0x24, 0xc8, 0xe1, 0xfe, 0xf5, 0xad, 0x96, 0x38, 0x44, 0x46, 0x61, 0x11, 0xd0, 0x2c, 0x71, 0x11, 0x19, 0x1c, 0x82, 0x0b, 0x1c, 0x31, 0x28, 0x77, 0xfd, 0xd5, 0xa8, 0x86, 0x50, 0xe6, 0x74, 0x7c, 0x52, 0xea, 0x1c, 0x74, 0xc4, 0x44, 0x64, 0x70, 0xb7, 0xfb, 0xf5, 0x42, 0x22, 0x11, 0x31, 0xc2, 0x09, 0x02, 0x34, 0x0a, 0xe4, 0x18, 0x1c, 0x44, 0x3e, 0xdb, 0xd2, 0x5b, 0x20, 0x68, 0x8f, 0xbd, 0x61, 0xc1, 0xd1, 0x43, 0xa7, 0x94, 0x38, 0x7e, 0xed, 0xfb, 0x45, 0x42, 0x05, 0x0c, 0xc9, 0x3c, 0x6d, 0x37, 0xd2, 0x75, 0xad, 0xc4, 0x20, 0x41, 0x0b, 0x50, 0x45, 0xd4, 0xa1, 0xdf, 0xbd, 0xd5, 0x24, 0x74, 0xcb, 0xb1, 0x17, 0x61, 0xf2, 0x9f, 0xf7, 0x7d, 0x36, 0x79, 0x7e, 0xe1, 0x04, 0x3a, 0x28, 0x73, 0x8e, 0x50, 0xe5, 0x8e, 0xff, 0x75, 0xd4, 0x8e, 0x41, 0x04, 0x11, 0xd5, 0x53, 0x0c, 0x7a, 0x18, 0x2f, 0xb7, 0xe8, 0x25, 0x1f, 0xd3, 0x82, 0x04, 0x22, 0x90, 0x47, 0x1c, 0xa1, 0xcb, 0x87, 0xef, 0xef, 0x23, 0xb4, 0x47, 0x62, 0x12, 0x63, 0x10, 0x82, 0xe0, 0x81, 0x16, 0x3b, 0xea, 0xdb, 0xd2, 0xfd, 0xa7, 0x11, 0x86, 0x0f, 0x33, 0x9a, 0x1f, 0xdd, 0xad, 0xe2, 0x2c, 0x20, 0xc8, 0x60, 0x80, 0x81, 0x5d, 0x02, 0x04, 0x4d, 0xc8, 0x20, 0xff, 0x7a, 0x4a, 0x9a, 0x3b, 0x1d, 0x05, 0x71, 0x0d, 0x04, 0x0a, 0x84, 0xff, 0x28, 0x72, 0x87, 0xb5, 0xfd, 0x91, 0xda, 0xe1, 0x08, 0x40, 0xc2, 0x23, 0xa1, 0x11, 0x1f, 0x0d, 0x04, 0x50, 0xef, 0xdd, 0x8d, 0x2d, 0x04, 0xd9, 0x1f, 0x23, 0xa1, 0x86, 0xe3, 0x7e, 0x9d, 0x02, 0x38, 0xf4, 0x9c, 0x31, 0x12, 0x31, 0xca, 0x1c, 0xa4, 0x94, 0x54, 0x06, 0x1a, 0xf7, 0x69, 0x8d, 0xd9, 0x43, 0xb0, 0xc4, 0x62, 0x20, 0xc3, 0xbe, 0xf6, 0xd2, 0x4c, 0x98, 0xc8, 0xe8, 0x5b, 0x65, 0x0e, 0x43, 0x60, 0xd0, 0x2f, 0xdb, 0x57, 0x6a, 0x21, 0x91, 0xd3, 0x64, 0x49, 0x02, 0x04, 0x96, 0x29, 0xf5, 0x6d, 0x14, 0xe9, 0x2d, 0x0b, 0x6c, 0x93, 0x44, 0x7d, 0x08, 0x89, 0x0c, 0xd0, 0x2f, 0x6d, 0x7b, 0xa7, 0x6e, 0x74, 0x0d, 0x42, 0xe8, 0x8e, 0x0c, 0x3f, 0x56, 0xff, 0x4f, 0x6a, 0x20, 0xc8, 0x10, 0x4f, 0xf7, 0x43, 0x56, 0x83, 0x0d, 0xe0, 0xff, 0xbf, 0xb4, 0xcb, 0x86, 0xf2, 0x28, 0xe4, 0x87, 0x38, 0xe6, 0x44, 0x1f, 0xff, 0x0b, 0x7b, 0x6d, 0xb8, 0x88, 0xa8, 0x7f, 0xdf, 0xa4, 0xbf, 0x84, 0xe1, 0xaf, 0xdb, 0xa5, 0x6f, 0x6c, 0x37, 0xb6, 0xff, 0xa6, 0xe1, 0xfd, 0xdb, 0xd5, 0xff, 0x71, 0x4b, 0xf4, 0xfd, 0xbf, 0xdc, 0x2a, 0xec, 0x36, 0x9d, 0xb4, 0xbf, 0xe9, 0xfe, 0xd6, 0xed, 0x7e, 0xef, 0xdb, 0x6d, 0xdd, 0x20, 0xff, 0xd7, 0xb5, 0x28, 0x76, 0xdc, 0x1e, 0x12, 0xf7, 0xaf, 0xb7, 0x49, 0x86, 0x47, 0x41, 0x05, 0xfd, 0xad, 0x77, 0xb6, 0xc4, 0x57, 0xf7, 0xa7, 0xb6, 0xdd, 0xba, 0x5e, 0xd2, 0x4d, 0x7d, 0xec, 0xa1, 0xd7, 0xf7, 0xae, 0xdb, 0xd8, 0xb0, 0x97, 0xed, 0x27, 0xda, 0xb7, 0x06, 0x77, 0x28, 0x4f, 0xee, 0xff, 0x6e, 0xe2, 0x2d, 0x3f, 0xaf, 0xb6, 0xdd, 0x84, 0xbd, 0xea, 0xfb, 0xee, 0xfe, 0xd2, 0x5b, 0x77, 0x6e, 0x17, 0xdd, 0xd5, 0x77, 0xaf, 0xba, 0x4d, 0xed, 0xee, 0x92, 0xe5, 0xb0, 0x0c, 0x67, 0x6a, 0xa1, 0x99, 0xf5, 0xdb, 0x6d, 0xd3, 0xe5, 0x9a, 0x36, 0x0f, 0xc1, 0xb6, 0x95, 0xee, 0xdd, 0xa5, 0xe5, 0x98, 0xa1, 0x99, 0x85, 0x2e, 0x08, 0x08, 0x32, 0x52, 0x19, 0x7d, 0x96, 0xe2, 0x63, 0xb6, 0xd7, 0xbd, 0xb5, 0x5c, 0xb3, 0xa9, 0x0a, 0x10, 0x68, 0x48, 0x30, 0xac, 0x38, 0x3d, 0x07, 0xd2, 0x4e, 0xef, 0x6d, 0xa4, 0xff, 0x50, 0xd0, 0x70, 0xc9, 0xb2, 0x0b, 0xbe, 0xe9, 0x53, 0x6d, 0xdb, 0x09, 0x7b, 0xac, 0x34, 0xe1, 0x95, 0xd5, 0x07, 0xf7, 0xba, 0xbf, 0xec, 0x1a, 0x5f, 0x7d, 0x84, 0xe1, 0xf7, 0xb2, 0x3a, 0xdf, 0x7f, 0xb6, 0xdd, 0xa5, 0xfd, 0x5c, 0x85, 0xa3, 0xbf, 0x7c, 0x1b, 0xda, 0x4b, 0xab, 0xb0, 0xd8, 0x20, 0xbd, 0xd7, 0x40, 0x83, 0xc8, 0xb5, 0x3e, 0x87, 0x6f, 0xbf, 0xdc, 0x36, 0xc1, 0x85, 0x5e, 0xf9, 0x14, 0x63, 0x48, 0x37, 0x83, 0x7e, 0xa1, 0xf6, 0xfe, 0xdd, 0x30, 0xc3, 0x23, 0xa0, 0x41, 0x3f, 0xd6, 0x1b, 0xa7, 0xc3, 0xfb, 0xb7, 0xaa, 0x59, 0x1d, 0x11, 0xd1, 0xb4, 0x6d, 0x17, 0x44, 0x74, 0x6d, 0x55, 0x91, 0xf2, 0x3a, 0x23, 0xa2, 0xe8, 0x8e, 0x88, 0xf9, 0x1d, 0x91, 0xd1, 0x1f, 0x23, 0xa0, 0x45, 0x0e, 0x98, 0xb2, 0x3e, 0x09, 0x7b, 0xae, 0xe9, 0x37, 0xb7, 0xdf, 0xec, 0x86, 0x71, 0xe8, 0x44, 0x44, 0x44, 0x46, 0xc4, 0x44, 0x44, 0x44, 0x44, 0x44, 0x58, 0x62, 0x45, 0x1c, 0xab, 0x2b, 0x8a, 0x70, 0x5f, 0x7e, 0xf5, 0xef, 0xea, 0xd9, 0x90, 0x2e, 0x44, 0x84, 0x22, 0x82, 0xe4, 0x40, 0x76, 0x2a, 0xf0, 0xc4, 0x44, 0x42, 0xfe, 0xbb, 0xdf, 0x6f, 0xc9, 0x6b, 0x77, 0x25, 0xc3, 0x90, 0x30, 0xe7, 0x73, 0x08, 0x48, 0x0e, 0x54, 0x02, 0xe6, 0xb2, 0x04, 0x0c, 0xa0, 0x34, 0x02, 0x07, 0x6d, 0x58, 0x65, 0x0e, 0x41, 0xb4, 0x70, 0xba, 0x75, 0xdf, 0xf7, 0x2b, 0xd6, 0x59, 0x02, 0xcd, 0x41, 0xf2, 0x2e, 0x0e, 0x44, 0x83, 0xae, 0x08, 0x30, 0x40, 0xce, 0x84, 0x46, 0x0c, 0x9c, 0x82, 0x0c, 0x20, 0xd0, 0x7a, 0x0f, 0x4e, 0xb6, 0x40, 0xb8, 0xf1, 0x0c, 0x86, 0x98, 0xe1, 0x0f, 0xdf, 0xfd, 0xf6, 0x4b, 0x88, 0x45, 0x06, 0x75, 0x14, 0x98, 0x04, 0x22, 0x41, 0xc8, 0x40, 0x72, 0x40, 0x67, 0x3c, 0x47, 0x86, 0x08, 0x19, 0x40, 0x67, 0x3c, 0x30, 0x81, 0x9a, 0x86, 0x10, 0x7d, 0x84, 0x1a, 0x6b, 0xa8, 0x4d, 0x30, 0x9e, 0x13, 0xc2, 0x60, 0xca, 0xb2, 0xac, 0xa7, 0x28, 0x72, 0x87, 0x38, 0xe5, 0x59, 0x43, 0x95, 0xb2, 0xc2, 0xb6, 0x39, 0x31, 0xc8, 0x11, 0x23, 0x2e, 0xf5, 0xff, 0xb8, 0x20, 0x66, 0xb2, 0x04, 0x18, 0x20, 0x60, 0x81, 0x9a, 0xc8, 0x20, 0xc1, 0x07, 0xe1, 0x42, 0x0f, 0xc2, 0x78, 0x4d, 0xdd, 0x30, 0x9f, 0xe9, 0xa6, 0x9e, 0x9e, 0x98, 0x88, 0x88, 0x88, 0x88, 0x88, 0x9e, 0xbe, 0xd7, 0xf7, 0xf0, 0x83, 0xc2, 0x0c, 0x26, 0x83, 0xc2, 0x68, 0x3e, 0xd5, 0x3f, 0x41, 0xe9, 0xfa, 0x0d, 0x07, 0xfa, 0x61, 0x34, 0xf4, 0xfb, 0x1f, 0xeb, 0xf1, 0xf4, 0x1e, 0x9a, 0x0c, 0x27, 0xa6, 0x9f, 0x4a, 0x9f, 0xa7, 0xa6, 0xba, 0x6b, 0xf1, 0x1a, 0x21, 0x79, 0xc4, 0x89, 0x72, 0x81, 0x48, 0xe9, 0x11, 0x0e, 0xdf, 0xff, 0x7b, 0x69, 0xe9, 0xaa, 0x7a, 0x69, 0xf1, 0xaf, 0xa7, 0x16, 0xed, 0xa2, 0x16, 0x79, 0x09, 0x37, 0xf2, 0x09, 0x32, 0x18, 0xa3, 0x84, 0x0d, 0xc8, 0x74, 0x37, 0x18, 0x4f, 0xdd, 0x7e, 0xfd, 0x75, 0x4e, 0xe2, 0xd1, 0x0b, 0x9f, 0x44, 0x2f, 0xb6, 0x41, 0xcf, 0x44, 0x2d, 0x32, 0x18, 0xff, 0xa0, 0x83, 0x68, 0x20, 0xdf, 0xc2, 0x69, 0xd0, 0x4f, 0x4f, 0xed, 0xfb, 0xf4, 0xaf, 0xd1, 0x0b, 0xce, 0x24, 0x78, 0x24, 0x5e, 0xa2, 0x12, 0x99, 0x04, 0xa6, 0x08, 0x1b, 0x27, 0x1d, 0x41, 0x03, 0x92, 0x07, 0xc2, 0x0d, 0xc1, 0x07, 0xf8, 0x4d, 0xa4, 0xff, 0x4d, 0x3d, 0x37, 0x4f, 0xa4, 0xfd, 0xeb, 0xd8, 0x7e, 0x81, 0x06, 0xe0, 0x83, 0x04, 0xda, 0x08, 0x37, 0x09, 0xba, 0x0f, 0xc8, 0x70, 0xd3, 0xd6, 0x93, 0xd3, 0x6b, 0xa4, 0xf4, 0xff, 0x55, 0xab, 0xd7, 0xff, 0xb5, 0xd6, 0x0f, 0x7a, 0x0d, 0xd3, 0x4e, 0x93, 0x74, 0xe9, 0x5f, 0x09, 0x2f, 0xe1, 0x37, 0x5b, 0xf4, 0xda, 0x4d, 0xfe, 0xd7, 0x5d, 0x7f, 0xfe, 0xb4, 0x99, 0x06, 0x14, 0xba, 0x4f, 0x54, 0xf4, 0xf4, 0xfb, 0xf5, 0xb7, 0x7a, 0xbd, 0x3f, 0xaf, 0xff, 0x5d, 0xed, 0xff, 0x8f, 0x75, 0xd2, 0x64, 0x34, 0x02, 0x7a, 0xe9, 0xf4, 0x9b, 0xaf, 0xfe, 0xba, 0xea, 0xff, 0xe9, 0xeb, 0xff, 0x74, 0xba, 0xfb, 0x2d, 0x09, 0x47, 0xef, 0xc1, 0x59, 0x05, 0x05, 0x5b, 0x49, 0xbe, 0xbf, 0xfd, 0xae, 0xbe, 0xfd, 0xeb, 0x5f, 0xbf, 0xfe, 0xbf, 0xdf, 0x61, 0xa3, 0xc3, 0xfd, 0x45, 0x32, 0x19, 0x42, 0xdf, 0xeb, 0xe9, 0xeb, 0xb1, 0xe8, 0x7f, 0x4b, 0xf7, 0xf7, 0x48, 0x7e, 0xbf, 0xff, 0x83, 0x40, 0xc8, 0xff, 0x7e, 0x10, 0x61, 0xff, 0xf5, 0x7f, 0xf7, 0xeb, 0xff, 0xeb, 0xaf, 0xff, 0xff, 0xfc, 0x82, 0xed, 0x01, 0x47, 0x1d, 0x91, 0xff, 0x6b, 0x40, 0xdf, 0xd7, 0xed, 0x25, 0x7e, 0xc3, 0xff, 0xfb, 0xaf, 0xeb, 0xff, 0xf8, 0xba, 0xf6, 0x43, 0x3b, 0x41, 0x67, 0xff, 0x50, 0xc1, 0xbf, 0x57, 0xfb, 0xdf, 0xe4, 0x1d, 0x47, 0x22, 0xa1, 0xff, 0x7f, 0x7f, 0xff, 0xfd, 0x7f, 0x60, 0xfa, 0x7e, 0xfd, 0x90, 0x30, 0xcf, 0xd7, 0x7f, 0x5f, 0x5b, 0x20, 0xc0, 0x8e, 0x52, 0x06, 0xcf, 0xff, 0xff, 0xff, 0xff, 0xf6, 0x1f, 0x08, 0x8f, 0xaf, 0xd6, 0xc8, 0x90, 0x2f, 0xf1, 0xff, 0xff, 0x07, 0xe0, 0xbf, 0xff, 0xd7, 0xff, 0xff, 0xf8, 0x61, 0xbe, 0xc5, 0x7b, 0xa9, 0x16, 0xa9, 0x16, 0x04, 0xff, 0xff, 0xf6, 0x0f, 0xc1, 0x7f, 0xff, 0xff, 0xff, 0xff, 0xc1, 0xb8, 0xaf, 0xbf, 0x91, 0x01, 0x03, 0xff, 0x5f, 0xfe, 0x18, 0x7e, 0x16, 0xbf, 0xfd, 0x7f, 0xff, 0xeb, 0xf0, 0x6d, 0x8a, 0xf6, 0xbb, 0x86, 0xf5, 0xef, 0xff, 0xc3, 0x7e, 0x88, 0x68, 0x7d, 0xff, 0xeb, 0xff, 0xef, 0xf2, 0x31, 0x5f, 0x94, 0x80, 0xe5, 0xa0, 0xa5, 0x7e, 0xb7, 0x7f, 0xff, 0xff, 0x06, 0xfd, 0x10, 0x63, 0xff, 0xfe, 0xff, 0xfe, 0xbf, 0xeb, 0x91, 0xa0, 0x83, 0xdf, 0xf7, 0xfa, 0xff, 0xfc, 0x83, 0x05, 0xfe, 0x42, 0x69, 0xff, 0xfd, 0x2f, 0xff, 0xf6, 0xff, 0x0d, 0xfd, 0x2d, 0xcd, 0x07, 0xf5, 0x23, 0x14, 0xff, 0xf8, 0x3f, 0xa0, 0xba, 0xff, 0xff, 0xff, 0xff, 0xfd, 0xfb, 0x7f, 0x7b, 0xeb, 0xff, 0xf7, 0x90, 0x20, 0x9f, 0x5d, 0xfa, 0xff, 0xdf, 0x92, 0xe5, 0xff, 0xff, 0x94, 0x1b, 0xff, 0xff, 0xff, 0xef, 0xe9, 0xc3, 0xfa, 0x5f, 0xf5, 0xea, 0x93, 0xad, 0xae, 0xbf, 0xe4, 0x40, 0xff, 0x4f, 0xf6, 0xbf, 0x7e, 0xbf, 0xf6, 0xbe, 0xff, 0x5d, 0x77, 0xfe, 0xbd, 0x3f, 0xff, 0x57, 0xff, 0xfd, 0xeb, 0xff, 0xa6, 0xff, 0x7a, 0xf3, 0xe3, 0xff, 0x5b, 0xdf, 0xfd, 0x2f, 0xfb, 0xfe, 0xdd, 0x2d, 0xff, 0xff, 0xef, 0xeb, 0x91, 0x05, 0xf5, 0xfa, 0xff, 0xff, 0xe9, 0x7f, 0xda, 0xda, 0x5a, 0xff, 0x7f, 0xf7, 0xfb, 0x5f, 0xb5, 0xd2, 0xd7, 0xfb, 0x5d, 0xff, 0xff, 0xef, 0xfc, 0x24, 0xda, 0x4d, 0xee, 0xbf, 0xeb, 0xae, 0xe9, 0x77, 0xaf, 0xff, 0xbf, 0xff, 0xfb, 0xff, 0x5f, 0x6d, 0x7f, 0x4a, 0xfd, 0x6f, 0xfd, 0xb4, 0xb7, 0xed, 0x7c, 0x7e, 0xda, 0x58, 0x49, 0xd2, 0xfd, 0xb4, 0xbd, 0xff, 0xb5, 0xfd, 0x2f, 0xc1, 0x5d, 0x26, 0xd2, 0xc2, 0xff, 0x0d, 0x75, 0xb6, 0x1a, 0xfa, 0xfb, 0xf4, 0xaf, 0xfe, 0xd7, 0xed, 0x2b, 0xf5, 0xf6, 0x1a, 0xfb, 0x15, 0x0c, 0x2c, 0x30, 0xb0, 0xc2, 0xfe, 0xc3, 0x09, 0x7c, 0x83, 0xe1, 0x04, 0x85, 0xa7, 0xfb, 0x0b, 0x82, 0xda, 0xfd, 0xb6, 0x96, 0xb6, 0xbe, 0xd8, 0x5b, 0xec, 0x25, 0xf4, 0xc1, 0x82, 0x4c, 0x53, 0x1f, 0xec, 0x57, 0xec, 0x57, 0xf7, 0x61, 0xa5, 0x14, 0xc3, 0x09, 0x7d, 0x30, 0xc2, 0x5e, 0xc3, 0x05, 0x64, 0x13, 0xb0, 0x60, 0x81, 0xc8, 0x3e, 0x58, 0xaf, 0xa6, 0x29, 0xa6, 0x41, 0xb8, 0xff, 0xda, 0xdd, 0xda, 0xf5, 0xec, 0x19, 0x98, 0x25, 0x30, 0x60, 0x97, 0xf1, 0xfc, 0x57, 0xb1, 0x22, 0x8e, 0xeb, 0x6b, 0xe1, 0x34, 0xd5, 0x7f, 0xb5, 0xfb, 0x5d, 0xfb, 0x62, 0xa1, 0x31, 0x5f, 0xb5, 0xed, 0x7b, 0x4f, 0xed, 0x7c, 0x26, 0x9a, 0x69, 0xff, 0x6b, 0xdc, 0x35, 0xff, 0x6a, 0xba, 0xf6, 0xbd, 0xaf, 0xad, 0xf6, 0xbe, 0x10, 0x61, 0x06, 0x10, 0x61, 0x7f, 0x41, 0x85, 0xe1, 0xa0, 0xc1, 0x7a, 0xf6, 0xa1, 0x30, 0xaf, 0xb6, 0x17, 0xb4, 0xfb, 0x09, 0xdf, 0x0c, 0x27, 0xe4, 0x0b, 0x8a, 0x84, 0xc2, 0x06, 0x10, 0x88, 0x88, 0x30, 0x42, 0x22, 0x6b, 0x3e, 0xfd, 0xb5, 0x08, 0x35, 0xf4, 0x1a, 0xf0, 0xc2, 0x7a, 0x0d, 0x38, 0x76, 0x83, 0x08, 0x44, 0x41, 0x91, 0x45, 0x4b, 0x6a, 0xa7, 0xfd, 0xc3, 0x0a, 0x40, 0xc0, 0xa0, 0x54, 0xca, 0x0b, 0x04, 0x22, 0x0c, 0x85, 0xdf, 0x92, 0x6c, 0x96, 0x6c, 0xbd, 0x84, 0x04, 0x20, 0xc1, 0x08, 0x88, 0x8f, 0x13, 0xb0, 0x38, 0x78, 0xff, 0xff, 0xd7, 0xff, 0xff, 0xff, 0xff, 0xff, 0xaf, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfc, 0x80, 0xaa, 0x9a, 0x31, 0x91, 0xd9, 0x73, 0x36, 0x14, 0x8e, 0x07, 0x83, 0x57, 0x20, 0x30, 0x17, 0x3c, 0x8b, 0xa2, 0x3a, 0x2e, 0x06, 0x80, 0x4f, 0xcb, 0x1e, 0x8b, 0xb2, 0x3c, 0x47, 0x44, 0x74, 0x47, 0x22, 0x3e, 0x47, 0x45, 0xc0, 0x94, 0x0b, 0xf2, 0xdb, 0x1a, 0x22, 0xe0, 0x6d, 0x05, 0x33, 0x84, 0x61, 0x1e, 0x5c, 0xb5, 0xcb, 0xa3, 0x6c, 0xbe, 0x47, 0x03, 0x68, 0x21, 0xe4, 0x61, 0x08, 0x8f, 0x2d, 0x31, 0x56, 0x47, 0x03, 0x68, 0x43, 0x68, 0x8e, 0x8b, 0xe2, 0x3c, 0xb3, 0xac, 0x81, 0xb0, 0x0b, 0x0b, 0x88, 0x22, 0x3d, 0x10, 0x33, 0x0c, 0xa1, 0xce, 0x39, 0x87, 0x23, 0x1c, 0xcd, 0xb5, 0x3e, 0x40, 0xf0, 0x6c, 0x1c, 0xe3, 0x91, 0x47, 0x2d, 0x81, 0x7c, 0x44, 0x47, 0x5f, 0x61, 0x2d, 0x7c, 0x7f, 0xff, 0xfe, 0x40, 0x48, 0xca, 0xe4, 0x04, 0x0a, 0x47, 0x19, 0x56, 0xca, 0xc9, 0xbf, 0x29, 0x93, 0x41, 0x48, 0xc0, 0x5c, 0xec, 0x28, 0xcd, 0x0c, 0xe1, 0x95, 0x06, 0x9d, 0xde, 0x3c, 0xa6, 0x48, 0x23, 0x42, 0x2e, 0x0c, 0x04, 0x1d, 0x92, 0xa5, 0xdf, 0xfe, 0x75, 0x3f, 0x96, 0xa0, 0x29, 0x99, 0x06, 0xc8, 0x93, 0x7e, 0xc2, 0x0f, 0x08, 0x3f, 0xff, 0xff, 0x96, 0x69, 0x26, 0x08, 0x87, 0xf2, 0x7b, 0x4b, 0x90, 0x8d, 0x6e, 0xaf, 0xff, 0xfe, 0xbf, 0xe5, 0x98, 0x80, 0x60, 0xee, 0x84, 0x10, 0x61, 0x3c, 0xec, 0x61, 0xeb, 0xeb, 0xa2, 0x58, 0xe0, 0x88, 0xeb, 0xf1, 0xf1, 0xff, 0xfe, 0x9f, 0xfe, 0xf5, 0x27, 0x3d, 0x07, 0x93, 0x54, 0xf9, 0x4f, 0x66, 0x1e, 0x6b, 0x35, 0x2e, 0x61, 0x06, 0x7c, 0x65, 0x05, 0xfe, 0xfb, 0xff, 0x7f, 0xdf, 0xf2, 0x9c, 0x89, 0x02, 0x84, 0x19, 0xb6, 0x7d, 0x9b, 0x66, 0x23, 0xc2, 0xf9, 0xb3, 0x04, 0x19, 0x1c, 0xf0, 0x83, 0xcd, 0x98, 0x4c, 0x8e, 0x71, 0x0d, 0x42, 0x0d, 0x0f, 0xfe, 0x88, 0xfb, 0xe3, 0x8d, 0xff, 0xbe, 0x10, 0x61, 0x3b, 0x55, 0x8c, 0x27, 0xfa, 0x1c, 0x5f, 0xa1, 0xb7, 0xa6, 0xbe, 0x4b, 0x62, 0x1d, 0x24, 0xde, 0x4b, 0xc5, 0x21, 0x90, 0xcb, 0x34, 0x19, 0xd6, 0x3a, 0x0a, 0x83, 0x36, 0xcc, 0xc5, 0x34, 0x11, 0xd7, 0xec, 0x74, 0xd3, 0xff, 0x4f, 0xf5, 0xfa, 0x55, 0xd5, 0x7d, 0x5e, 0x68, 0x46, 0xa6, 0x70, 0xca, 0x07, 0x4f, 0x97, 0x19, 0x98, 0x43, 0xec, 0xbb, 0x04, 0x0c, 0x20, 0xc2, 0x06, 0x83, 0x3c, 0xc2, 0x97, 0x34, 0x1a, 0x6a, 0x9a, 0x7d, 0x7c, 0x1e, 0x9a, 0x75, 0xfd, 0xc7, 0xf7, 0xe8, 0x8d, 0xec, 0x8d, 0xe0, 0xc2, 0x92, 0x87, 0x25, 0x1f, 0x9a, 0xc4, 0x33, 0x65, 0xd9, 0x73, 0x23, 0x8c, 0xc0, 0xfc, 0x20, 0xcf, 0x18, 0x4c, 0x26, 0x13, 0xae, 0x2d, 0x06, 0x86, 0x9a, 0x78, 0x4e, 0x3d, 0x3f, 0x09, 0xa7, 0x7e, 0xac, 0x87, 0x18, 0x43, 0x10, 0x4a, 0xf2, 0x79, 0x0c, 0x2f, 0xd1, 0x2b, 0xfa, 0x25, 0x99, 0x2b, 0xf7, 0x41, 0xe1, 0x3e, 0x93, 0xa4, 0xff, 0x41, 0xc7, 0x11, 0x77, 0xa7, 0x11, 0x69, 0xe3, 0x6b, 0xaa, 0x75, 0xfa, 0xfd, 0xa2, 0x31, 0xdb, 0xac, 0x54, 0x1f, 0x4d, 0xff, 0xf2, 0x5c, 0x9b, 0xfa, 0xe9, 0xfe, 0xbf, 0xea, 0xe9, 0xfe, 0xab, 0x7e, 0x9d, 0xa6, 0xbc, 0x94, 0x3e, 0x4a, 0x1c, 0x93, 0xc3, 0x09, 0x12, 0x87, 0xf2, 0x77, 0x0c, 0x16, 0x89, 0x5e, 0x10, 0x7e, 0xa9, 0xbf, 0xc7, 0xfe, 0xbf, 0xf7, 0xff, 0xdf, 0xf8, 0x60, 0x8a, 0x1f, 0xfe, 0xd3, 0x7e, 0x4c, 0x77, 0x72, 0x77, 0xe4, 0xa1, 0xf2, 0x3b, 0xd3, 0xc2, 0xa7, 0x49, 0xfa, 0x79, 0x2e, 0xed, 0xfd, 0x7f, 0xf8, 0x6f, 0xf3, 0x41, 0x3f, 0xe3, 0x93, 0xa7, 0xff, 0xff, 0xef, 0x88, 0xff, 0xc8, 0x62, 0xc9, 0x5b, 0xe4, 0x6e, 0x47, 0x1f, 0xd2, 0xe4, 0xac, 0x95, 0xe9, 0xfa, 0xeb, 0x82, 0xae, 0x9b, 0xd5, 0xba, 0xec, 0x7f, 0x78, 0x62, 0xdf, 0x60, 0xdc, 0x99, 0x03, 0x38, 0x09, 0xfe, 0xbf, 0xff, 0xff, 0xed, 0x7f, 0xfd, 0x27, 0x92, 0xe4, 0xd3, 0xed, 0xd3, 0xf5, 0x5a, 0x5f, 0x58, 0xab, 0x88, 0x5c, 0x7f, 0xf9, 0x09, 0x3f, 0x8c, 0x85, 0x36, 0xfa, 0x52, 0x43, 0x95, 0x73, 0x58, 0xfd, 0x7f, 0xff, 0xff, 0xfa, 0xfa, 0x4f, 0xff, 0xf5, 0xd5, 0x7f, 0xd8, 0xaf, 0xff, 0xf9, 0xf0, 0xe9, 0x14, 0x07, 0xf8, 0xfe, 0x0f, 0xd5, 0x87, 0xf4, 0x2e, 0xfe, 0x88, 0xaf, 0xff, 0x90, 0x4a, 0xf5, 0xff, 0xff, 0xa7, 0x5c, 0x9e, 0x9f, 0xff, 0xff, 0xb7, 0x47, 0xc3, 0xff, 0x16, 0xfe, 0x15, 0xc2, 0xaf, 0xfb, 0x7f, 0xb0, 0xd8, 0xae, 0xcd, 0x9b, 0xec, 0x98, 0x60, 0xbf, 0xf6, 0x4d, 0x46, 0xfd, 0x7f, 0xf5, 0xff, 0xd7, 0xc9, 0x91, 0xbf, 0xfd, 0x8b, 0x0b, 0xff, 0x90, 0xef, 0x55, 0x44, 0x41, 0xef, 0xfe, 0x1b, 0xfc, 0x3f, 0xbf, 0xfd, 0x7f, 0xf9, 0xa2, 0xfe, 0xff, 0xfb, 0x57, 0xf6, 0xce, 0x1d, 0xff, 0x7f, 0xff, 0xa5, 0xff, 0xc2, 0xfc, 0x95, 0xde, 0x4f, 0x3f, 0x27, 0xaf, 0x28, 0x17, 0xdc, 0xf3, 0x28, 0x1f, 0xf6, 0xbe, 0x78, 0xf5, 0xf5, 0xf3, 0x87, 0xfb, 0x0c, 0x2f, 0xfc, 0x7f, 0xda, 0xb0, 0xc2, 0xff, 0xff, 0xf7, 0x92, 0xbf, 0xf2, 0x7b, 0x25, 0x6b, 0xe8, 0x2f, 0x4b, 0xcf, 0x1f, 0x75, 0x83, 0xff, 0x65, 0xd8, 0x6d, 0xfe, 0xd2, 0xe1, 0xad, 0xfc, 0x30, 0xbc, 0x30, 0xbf, 0xc7, 0xfd, 0xbe, 0xf0, 0xe2, 0xa3, 0xff, 0x5f, 0xff, 0x5f, 0xfd, 0xff, 0xeb, 0xfa, 0xee, 0x79, 0xde, 0x60, 0xff, 0xb5, 0xba, 0xaf, 0x63, 0xd8, 0xa8, 0xe0, 0xe3, 0xd8, 0xff, 0x7f, 0xe9, 0xd5, 0x77, 0x7f, 0xff, 0xfe, 0xff, 0xfd, 0x9c, 0x36, 0xc2, 0x5f, 0xaf, 0xac, 0x3a, 0xed, 0x7e, 0xfb, 0xec, 0x25, 0x7f, 0xed, 0x6d, 0x3b, 0xbe, 0xd7, 0xef, 0xfe, 0xed, 0x6e, 0xd3, 0x22, 0x8f, 0xfd, 0xaf, 0xfe, 0xfa, 0xfe, 0xda, 0xb1, 0xfd, 0x85, 0xe3, 0x63, 0x86, 0xc7, 0xec, 0x6c, 0x3d, 0x8a, 0x8d, 0xaf, 0x6b, 0x69, 0x91, 0x47, 0x7b, 0x22, 0x8f, 0xd8, 0x5d, 0x50, 0x64, 0xdf, 0x55, 0x58, 0x33, 0x46, 0x9d, 0xc3, 0x08, 0x34, 0x3f, 0x62, 0x97, 0xff, 0x8f, 0xf8, 0xaa, 0xf6, 0x3d, 0xda, 0xba, 0xfa, 0xf7, 0x6b, 0xdc, 0x30, 0xa8, 0x30, 0x98, 0x42, 0x0c, 0x20, 0xc2, 0x11, 0x0c, 0x10, 0x88, 0x8e, 0x22, 0x22, 0x34, 0x22, 0x22, 0x3f, 0xff, 0xf7, 0xff, 0x76, 0xbf, 0xfa, 0x76, 0xab, 0x6b, 0xda, 0x68, 0x44, 0x44, 0x44, 0x44, 0x44, 0x92, 0x3c, 0x95, 0x1a, 0xfd, 0xaf, 0xff, 0x6f, 0xf6, 0x83, 0x0b, 0xd9, 0x14, 0x7b, 0xb2, 0x37, 0x86, 0x9a, 0x0c, 0x2d, 0xa0, 0xc2, 0x0d, 0x08, 0x60, 0x83, 0x09, 0x34, 0xad, 0x7e, 0xd3, 0x5f, 0xee, 0xc8, 0xdf, 0xd3, 0x86, 0x10, 0x30, 0x84, 0x43, 0x04, 0x22, 0x0c, 0x10, 0x88, 0x88, 0x88, 0x88, 0x8b, 0x1c, 0x7c, 0x43, 0x04, 0x22, 0x22, 0x22, 0x19, 0x4d, 0x35, 0xa4, 0xd7, 0x11, 0x69, 0xae, 0x18, 0x40, 0xc1, 0x71, 0x1f, 0xff, 0xff, 0x90, 0x12, 0x4e, 0x8d, 0xa3, 0x02, 0x17, 0x44, 0x70, 0x33, 0x07, 0xe5, 0x85, 0x94, 0x66, 0x88, 0xe8, 0xb8, 0x1b, 0x41, 0x93, 0x94, 0xc1, 0x08, 0x8e, 0x88, 0xe8, 0xbc, 0x47, 0x02, 0x50, 0x34, 0x91, 0xf2, 0x39, 0x91, 0xe2, 0xe8, 0x8e, 0x8d, 0xdc, 0xb6, 0x04, 0xd1, 0x88, 0xbe, 0x47, 0x44, 0x78, 0x8e, 0x06, 0xc0, 0x2c, 0x2e, 0x32, 0x3a, 0x34, 0x42, 0x22, 0x22, 0x3c, 0xb5, 0x09, 0x11, 0xb4, 0x61, 0x97, 0x32, 0x38, 0x1b, 0x41, 0xb9, 0x1f, 0x11, 0x1e, 0x59, 0x86, 0x68, 0xa1, 0x18, 0x03, 0x68, 0x52, 0x3b, 0x23, 0x8c, 0xba, 0x38, 0x88, 0xf9, 0x1d, 0x0f, 0x2c, 0xeb, 0x20, 0x68, 0x0a, 0xe5, 0xe3, 0x08, 0xda, 0x23, 0xa2, 0xf8, 0x88, 0x88, 0x8f, 0x90, 0xc8, 0x06, 0x5b, 0x26, 0x39, 0x43, 0x94, 0x39, 0xe0, 0xa4, 0xd1, 0x3c, 0x44, 0x44, 0x47, 0xff, 0xff, 0xfa, 0xde, 0xb6, 0x40, 0x53, 0x44, 0x76, 0x37, 0x10, 0x97, 0x20, 0x20, 0xa7, 0x22, 0x79, 0x51, 0x15, 0x58, 0xed, 0x4a, 0x22, 0xcc, 0x26, 0x6e, 0xfe, 0x53, 0x25, 0xe2, 0x46, 0x6b, 0x8d, 0xc7, 0x33, 0xb5, 0x72, 0x69, 0xff, 0xf9, 0x32, 0xbd, 0x72, 0xda, 0xd6, 0x35, 0xe4, 0x0e, 0x2a, 0x75, 0xaf, 0xa7, 0x9d, 0x8b, 0xfb, 0xeb, 0xf5, 0xf5, 0xf9, 0x6a, 0x99, 0x22, 0x27, 0x92, 0xcb, 0x5f, 0x5f, 0xf3, 0x71, 0x1b, 0xb4, 0xff, 0xfc, 0x7c, 0x47, 0xcb, 0x21, 0x2a, 0x39, 0x1b, 0x0c, 0xd2, 0xc9, 0x6c, 0x87, 0x04, 0xd3, 0xff, 0xef, 0xf7, 0xff, 0xff, 0xdf, 0xfa, 0x2d, 0xc1, 0x72, 0xe8, 0xf8, 0x64, 0x86, 0xb9, 0x91, 0x60, 0x23, 0xaf, 0xe4, 0x52, 0xff, 0x5c, 0x71, 0xbf, 0xff, 0xf5, 0x37, 0xe4, 0xf1, 0x56, 0x8d, 0x1e, 0x4e, 0x44, 0x1b, 0x20, 0xd9, 0x0c, 0xde, 0x5b, 0x94, 0x86, 0x48, 0x29, 0x1e, 0x50, 0xce, 0xca, 0xaf, 0xaf, 0xfc, 0x7f, 0xeb, 0xf2, 0x22, 0xcd, 0x19, 0xa9, 0x79, 0x83, 0x24, 0x11, 0x20, 0x79, 0x9e, 0x66, 0x45, 0xf3, 0xd9, 0x78, 0xf8, 0xcc, 0xe3, 0x4c, 0xe6, 0x60, 0x66, 0x82, 0xa9, 0x23, 0x3e, 0xcf, 0xd8, 0x20, 0x67, 0xac, 0x10, 0x33, 0xac, 0x13, 0x04, 0x18, 0x20, 0x61, 0x06, 0x7a, 0x37, 0x04, 0x19, 0xe8, 0xdb, 0x08, 0x30, 0x88, 0x22, 0xe2, 0x9b, 0x9e, 0x9e, 0xfb, 0xab, 0xff, 0xf9, 0x87, 0x79, 0xcf, 0xbb, 0x34, 0x19, 0x2e, 0x59, 0xcc, 0xc4, 0x78, 0x53, 0x38, 0xb8, 0xc8, 0x81, 0x4f, 0xc6, 0x90, 0x41, 0x82, 0x0f, 0x04, 0x0c, 0xf4, 0x0a, 0xa7, 0xde, 0x10, 0x61, 0x06, 0x10, 0x78, 0x50, 0x85, 0xaa, 0x61, 0x07, 0xa7, 0x16, 0x86, 0x9f, 0xc5, 0xfa, 0x71, 0xa7, 0xa7, 0xc5, 0xf1, 0x6b, 0xff, 0x72, 0xff, 0xba, 0xd7, 0xe6, 0x46, 0xb9, 0xaa, 0xcd, 0x1e, 0x53, 0xc4, 0x54, 0x89, 0x05, 0xab, 0xe0, 0x81, 0x9f, 0xb3, 0x6c, 0x20, 0xc8, 0xec, 0xd2, 0x08, 0x30, 0x83, 0x08, 0x71, 0xa7, 0x16, 0x10, 0x7f, 0x68, 0x69, 0xc6, 0xe9, 0x45, 0xa6, 0xba, 0x4b, 0x1a, 0x7d, 0x5a, 0x24, 0x3d, 0xed, 0x64, 0x51, 0xdf, 0xa2, 0xed, 0xe8, 0xbb, 0x61, 0x84, 0x8b, 0xcf, 0x25, 0x6f, 0x92, 0xb6, 0x8b, 0xcf, 0xff, 0x86, 0xfb, 0xc9, 0x9f, 0x93, 0xd9, 0x02, 0x79, 0x86, 0x43, 0x24, 0xcd, 0x08, 0x97, 0x19, 0x38, 0xa6, 0x71, 0x71, 0x9e, 0x8d, 0x20, 0x40, 0xc1, 0x03, 0xc2, 0x0f, 0x04, 0x0c, 0xf4, 0x60, 0x1c, 0x20, 0xc2, 0x7d, 0x5c, 0x5f, 0xfb, 0xae, 0x9a, 0xe9, 0xda, 0x24, 0xff, 0xa4, 0x4e, 0xe8, 0xbc, 0xfa, 0x52, 0x78, 0xd1, 0x7c, 0xe5, 0xe3, 0xd2, 0x45, 0xf6, 0x09, 0x17, 0xde, 0xe4, 0xf3, 0x08, 0x1f, 0x5a, 0x82, 0x0f, 0xaa, 0x41, 0xe4, 0xf9, 0x07, 0x6a, 0x9f, 0xa7, 0xe9, 0xd2, 0x7f, 0xd6, 0xbf, 0xd2, 0x3c, 0x29, 0xf8, 0xbc, 0x47, 0x89, 0xe0, 0x40, 0xf0, 0x40, 0xcf, 0xc4, 0x77, 0x9e, 0x64, 0x86, 0x10, 0x78, 0x41, 0x84, 0x18, 0x41, 0x84, 0x1a, 0x0d, 0x07, 0x10, 0xfc, 0x20, 0xd0, 0xd0, 0xd3, 0xf4, 0xd0, 0xfe, 0x4a, 0xdf, 0xe1, 0xae, 0x83, 0x0a, 0x5e, 0x65, 0xe6, 0x12, 0x2f, 0x9c, 0x9e, 0x38, 0x41, 0xbf, 0x0c, 0x24, 0x13, 0xd3, 0xc1, 0x2a, 0x54, 0xf5, 0xa4, 0xfa, 0x54, 0xf5, 0x4d, 0xf5, 0x4e, 0x93, 0xdf, 0xd3, 0xef, 0x57, 0x55, 0x7f, 0xf4, 0xfd, 0x3d, 0x3f, 0xfd, 0xee, 0x78, 0x64, 0xe3, 0x34, 0x19, 0xf8, 0xb8, 0xca, 0x05, 0x33, 0x8b, 0x87, 0x7d, 0x38, 0xed, 0x50, 0xd3, 0x43, 0xea, 0x2e, 0x2d, 0x3d, 0x34, 0xd3, 0xed, 0x51, 0x3b, 0x68, 0x9d, 0xd1, 0x79, 0x45, 0xe3, 0xc9, 0x0d, 0x13, 0xc6, 0x89, 0xe5, 0x5e, 0x9f, 0xf8, 0x57, 0xd2, 0x4d, 0xa4, 0xf0, 0x92, 0x6e, 0x9d, 0x27, 0xff, 0x7f, 0xa7, 0x4b, 0x7d, 0xea, 0xdd, 0x25, 0xe9, 0x5f, 0xba, 0xeb, 0x7d, 0x7f, 0xf7, 0xf7, 0xc7, 0xff, 0xff, 0xeb, 0x7f, 0xc2, 0x0c, 0x26, 0x83, 0x88, 0x61, 0x07, 0x1d, 0xd2, 0x7f, 0x48, 0x9c, 0x51, 0x38, 0x7e, 0x94, 0x95, 0xb9, 0x28, 0x68, 0xbc, 0x60, 0xc1, 0x22, 0xf9, 0xa2, 0xf9, 0xa2, 0xfb, 0x27, 0xcd, 0xfa, 0x7a, 0x74, 0x9e, 0x9f, 0xeb, 0xa7, 0xab, 0xa6, 0xff, 0xdd, 0x7a, 0x7a, 0x7a, 0xae, 0x9e, 0xaf, 0xfa, 0xc7, 0xad, 0x2a, 0xb1, 0x5d, 0xa5, 0x4a, 0x9f, 0xab, 0xff, 0xfe, 0x08, 0x8f, 0x57, 0xfa, 0xff, 0xeb, 0xd7, 0xfa, 0xff, 0xfe, 0xa9, 0xa6, 0x9d, 0xc9, 0x0e, 0xff, 0x45, 0xf3, 0x84, 0xea, 0x82, 0x0f, 0x08, 0x3c, 0x16, 0x95, 0x07, 0x84, 0xe9, 0x07, 0xe9, 0xba, 0xe9, 0xba, 0x7e, 0x92, 0x6d, 0x27, 0xa7, 0xfd, 0x2a, 0x7a, 0x7f, 0xdf, 0xff, 0xad, 0x6d, 0x7f, 0x7e, 0xd5, 0xff, 0xf5, 0xe2, 0xb7, 0x0a, 0xa2, 0xc7, 0xf5, 0xff, 0xfb, 0xda, 0x5f, 0xfa, 0xc7, 0xa1, 0xe6, 0x61, 0xff, 0xff, 0xff, 0xff, 0x97, 0x99, 0x78, 0xd1, 0x79, 0x93, 0xea, 0x04, 0x1e, 0x4f, 0x81, 0x3a, 0xd3, 0xc2, 0xba, 0xff, 0xad, 0x2a, 0xba, 0x7a, 0xbd, 0x75, 0x7d, 0xfb, 0xb5, 0xa7, 0xff, 0xb1, 0xd2, 0x5b, 0x5d, 0x5f, 0xff, 0xef, 0xeb, 0xff, 0xf7, 0xff, 0xd5, 0xcf, 0x84, 0xef, 0xcf, 0x05, 0xef, 0xff, 0xff, 0x5d, 0xff, 0xfd, 0xfa, 0xf4, 0xbf, 0xff, 0x7f, 0xe4, 0x0f, 0x31, 0xce, 0x3e, 0xb5, 0x49, 0xe9, 0xe9, 0xe9, 0xb4, 0x9b, 0xae, 0xe9, 0x7a, 0x7e, 0x9c, 0x7a, 0xd7, 0x7f, 0xfe, 0x9e, 0x85, 0x2b, 0xa7, 0x7a, 0xfa, 0x75, 0xe0, 0xf4, 0xbf, 0xec, 0x8e, 0x2d, 0x7f, 0xee, 0xbe, 0xf5, 0xff, 0xf5, 0xff, 0xe1, 0x7f, 0xc2, 0xff, 0xff, 0xff, 0xff, 0xa5, 0xff, 0xfe, 0x89, 0x5f, 0xff, 0xff, 0xf9, 0x0d, 0x42, 0xbd, 0xc5, 0x57, 0x8e, 0xd7, 0xd3, 0xd7, 0xad, 0x7e, 0xab, 0xab, 0xc5, 0x7f, 0xef, 0xff, 0xff, 0xff, 0xfe, 0xc8, 0x4e, 0xf1, 0xd6, 0x87, 0xff, 0xf7, 0x5f, 0xfa, 0xaf, 0xf7, 0xff, 0xe8, 0x8e, 0x3c, 0x98, 0xef, 0xd1, 0x2b, 0xf2, 0xdd, 0xff, 0xff, 0xef, 0xf4, 0xdf, 0xff, 0x2d, 0x46, 0x5d, 0x54, 0x0b, 0xff, 0xad, 0xff, 0xe1, 0x7d, 0x0f, 0x70, 0xc7, 0x7f, 0xf7, 0xa8, 0xbe, 0xeb, 0xcc, 0xc2, 0x7d, 0x7e, 0xbf, 0xff, 0xfd, 0xaf, 0xff, 0x86, 0xf4, 0xbf, 0xbf, 0xff, 0xff, 0x5f, 0x77, 0xf5, 0xff, 0xf5, 0x45, 0xfb, 0xe9, 0xfd, 0x02, 0x7e, 0x9f, 0xfb, 0xff, 0xf5, 0x8e, 0x3f, 0xfe, 0xdf, 0xaf, 0xfe, 0xfd, 0x57, 0xe3, 0xe8, 0x90, 0x39, 0x16, 0x84, 0x59, 0xaf, 0xfe, 0xff, 0x7e, 0xb0, 0xab, 0x7f, 0xf5, 0xff, 0xff, 0xbd, 0x7f, 0xf8, 0x6f, 0x4a, 0x5e, 0x9e, 0x45, 0x1f, 0x7f, 0xfb, 0xaf, 0xf7, 0xaf, 0xfb, 0xfa, 0xef, 0xd5, 0x75, 0x7a, 0xea, 0xe6, 0x92, 0xdd, 0xff, 0x5d, 0x7f, 0xbd, 0x7e, 0xae, 0x69, 0x79, 0xa5, 0xff, 0xff, 0xdf, 0xfc, 0x86, 0xc1, 0xfc, 0xb4, 0xf6, 0x0e, 0x1f, 0xf7, 0xfa, 0xfe, 0xb7, 0x68, 0x8a, 0xfe, 0x48, 0x7f, 0xfd, 0xff, 0xff, 0xf7, 0xff, 0xf9, 0x06, 0x7a, 0x5d, 0xe8, 0xba, 0x7f, 0xfe, 0xeb, 0xbf, 0xdf, 0xfa, 0xd7, 0xff, 0xef, 0xde, 0xeb, 0xf5, 0x77, 0xd7, 0x75, 0xd7, 0xed, 0x7f, 0xfe, 0xd2, 0xab, 0x5f, 0x5f, 0xff, 0x6d, 0x7f, 0xe7, 0x1c, 0x93, 0xfc, 0x2b, 0x61, 0x87, 0xfd, 0x7b, 0xf2, 0xf5, 0xdd, 0x74, 0x8b, 0xff, 0x57, 0x7f, 0xbf, 0xff, 0xff, 0xaf, 0xff, 0xbe, 0x97, 0xfb, 0x7a, 0xff, 0xc7, 0xf4, 0xea, 0xb6, 0xb7, 0xdd, 0x5f, 0xda, 0xeb, 0xf7, 0xae, 0xb7, 0x4b, 0x6d, 0xaf, 0x7d, 0xfe, 0xdf, 0x4f, 0xfb, 0xda, 0xdb, 0x69, 0x5d, 0xa7, 0xff, 0xf6, 0xbd, 0xf8, 0x63, 0xf4, 0x4b, 0x24, 0xe3, 0x27, 0x1f, 0xff, 0xdd, 0x56, 0xff, 0xd7, 0xd3, 0xff, 0xeb, 0xfd, 0x99, 0xd7, 0x56, 0xaf, 0x56, 0xb6, 0xaf, 0x90, 0xe7, 0xf7, 0x33, 0x9d, 0x6b, 0xbf, 0xfd, 0xad, 0xb5, 0xbf, 0x6d, 0x2d, 0x6d, 0x75, 0xdb, 0x5b, 0x5f, 0x6e, 0x1a, 0x4d, 0xab, 0x0c, 0x2e, 0xdd, 0xae, 0xc1, 0x82, 0x51, 0xfc, 0x6f, 0xfe, 0xac, 0x55, 0x45, 0x43, 0x8b, 0xff, 0xf6, 0x3f, 0xe3, 0xf8, 0x2c, 0x1c, 0x1f, 0xff, 0xe3, 0xb3, 0x3b, 0xd5, 0xff, 0xf6, 0xf5, 0xfb, 0xfb, 0x5f, 0x75, 0xea, 0x3f, 0x7e, 0xd7, 0x5d, 0x2b, 0xed, 0x55, 0xed, 0x2f, 0xef, 0xb6, 0xd2, 0x61, 0x85, 0x78, 0x61, 0x62, 0x98, 0xa6, 0x36, 0x0e, 0x36, 0x2f, 0xde, 0x38, 0x86, 0xc5, 0x6e, 0xc7, 0xb1, 0x4f, 0xef, 0xd7, 0xfb, 0x5b, 0x5b, 0x22, 0x3f, 0xfd, 0xf6, 0x44, 0x1f, 0xff, 0xeb, 0x98, 0x9b, 0x2f, 0x3d, 0xaf, 0xfb, 0x4f, 0xf1, 0x56, 0xba, 0xfd, 0xdd, 0x7e, 0x96, 0xda, 0x4d, 0xa5, 0x7d, 0xae, 0x71, 0xb6, 0x94, 0x30, 0xad, 0xac, 0x34, 0xb4, 0x41, 0xed, 0x84, 0x98, 0x6b, 0x57, 0x15, 0xfc, 0x37, 0x87, 0x14, 0xc7, 0xb1, 0x54, 0xd3, 0x22, 0x0f, 0xc3, 0xc8, 0x8f, 0xfb, 0x98, 0x74, 0xc8, 0xaf, 0x61, 0x3d, 0x86, 0x46, 0xfd, 0x84, 0xc8, 0xe3, 0xe1, 0x92, 0x84, 0xd3, 0x4d, 0x34, 0xd3, 0x41, 0x84, 0x21, 0x84, 0x0c, 0x20, 0xc1, 0x08, 0x88, 0x88, 0x88, 0x30, 0x5f, 0x5f, 0xfa, 0xdd, 0x7f, 0x56, 0xbf, 0xda, 0xee, 0xda, 0xda, 0xfb, 0xd8, 0x5f, 0x61, 0xad, 0xda, 0xc3, 0x0a, 0xc3, 0x04, 0xa2, 0x9a, 0xd8, 0xa6, 0x38, 0xd8, 0xfe, 0x38, 0xfe, 0xbf, 0x7a, 0x70, 0xd3, 0x22, 0x8f, 0xc3, 0x0a, 0x67, 0x41, 0x84, 0xd6, 0xd3, 0x24, 0x40, 0x4e, 0x22, 0x22, 0x18, 0x20, 0xc2, 0x10, 0x60, 0x84, 0x43, 0x0b, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x1f, 0xf5, 0xad, 0xff, 0xb5, 0xb5, 0x6d, 0x2e, 0xdd, 0x86, 0x12, 0xf8, 0xe2, 0x1f, 0xdc, 0x57, 0xb1, 0x50, 0xd8, 0xa6, 0x29, 0x8a, 0xfd, 0xa6, 0x44, 0x1e, 0xed, 0x78, 0x68, 0x32, 0x37, 0xee, 0xcf, 0x09, 0xa6, 0x85, 0xf0, 0xd0, 0x61, 0x03, 0x04, 0x22, 0x38, 0x88, 0x88, 0x88, 0x88, 0x88, 0x8e, 0x5b, 0x8b, 0xcb, 0xde, 0xff, 0x61, 0x58, 0x61, 0x6c, 0x25, 0x06, 0x12, 0x83, 0x0b, 0xc3, 0xe2, 0xba, 0x76, 0x44, 0x1f, 0xef, 0x5e, 0xd3, 0xb4, 0x1a, 0x6a, 0x67, 0x09, 0xdd, 0xa6, 0x15, 0x06, 0x48, 0x18, 0x42, 0x21, 0x82, 0x0c, 0x21, 0x11, 0x11, 0x11, 0x1c, 0x44, 0x72, 0xb8, 0xa4, 0xb7, 0x5f, 0xf7, 0xc4, 0x36, 0x29, 0x8a, 0x8d, 0x8a, 0xfa, 0x0d, 0x6e, 0x19, 0x28, 0xb0, 0x9d, 0xa6, 0x83, 0xcd, 0x01, 0x08, 0x86, 0x08, 0x41, 0x82, 0x11, 0xc6, 0x9c, 0x44, 0x44, 0x44, 0x6b, 0xba, 0x61, 0x85, 0xff, 0xf6, 0x45, 0x7b, 0x4d, 0x4c, 0xe1, 0x06, 0x16, 0xe2, 0x18, 0x21, 0xa1, 0x11, 0x11, 0x11, 0xb1, 0x11, 0xff, 0xd8, 0x61, 0x58, 0xaf, 0xfa, 0x10, 0x61, 0x08, 0x33, 0x93, 0x88, 0x88, 0x8f, 0x5a, 0xa4, 0xbb, 0x14, 0xd7, 0xbf, 0x62, 0x3f, 0x7d, 0x28, 0x25, 0xb0, 0x87, 0xff, 0xd2, 0xac, 0x14, 0x6b, 0x1f, 0xff, 0x05, 0xfa, 0xa1, 0xff, 0xfa, 0xfa, 0x1f, 0xff, 0xa1, 0x11, 0xff, 0xf1, 0xfe, 0x43, 0x50, 0x7e, 0x3f, 0xff, 0xfc, 0x7f, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfe, 0x5a, 0xa2, 0xd1, 0x2c, 0xbf, 0xff, 0xff, 0xaf, 0xff, 0xff, 0xff, 0x2d, 0x5e, 0xc8, 0xc5, 0x94, 0x33, 0xab, 0x5f, 0xfb, 0x2d, 0x45, 0x21, 0x41, 0x11, 0x3c, 0xc3, 0x83, 0x04, 0x0c, 0x10, 0x67, 0xe0, 0x83, 0x08, 0x1f, 0xfd, 0x04, 0xc2, 0x71, 0x7a, 0x0e, 0x2f, 0xff, 0xb2, 0xc9, 0xd9, 0x82, 0x28, 0x14, 0xfe, 0x5c, 0x52, 0x71, 0x4f, 0xc5, 0xe4, 0x4e, 0x1a, 0x27, 0x6e, 0x4a, 0x18, 0x60, 0x91, 0x3b, 0xc9, 0xe3, 0x06, 0x0b, 0xff, 0x42, 0x18, 0x4e, 0x2d, 0x38, 0xe8, 0x3d, 0x06, 0xe1, 0x07, 0x78, 0x4d, 0xd7, 0xff, 0xd5, 0xa7, 0x23, 0x1d, 0xa2, 0x6e, 0xf4, 0xad, 0x2f, 0xf5, 0x7a, 0x7f, 0xff, 0x93, 0xec, 0xdf, 0x84, 0x1b, 0x41, 0x06, 0xe0, 0xa9, 0xe9, 0xeb, 0xeb, 0xff, 0xfe, 0xf6, 0xfe, 0x9e, 0x9e, 0xb1, 0xff, 0xff, 0xff, 0xfe, 0xba, 0xe9, 0xff, 0xff, 0xf8, 0xbf, 0xff, 0xfd, 0xc7, 0xf5, 0xba, 0xff, 0xff, 0xff, 0xfe, 0xb3, 0x41, 0x7b, 0x8f, 0x5f, 0xfe, 0xbf, 0xff, 0xfc, 0xe0, 0x7f, 0xf7, 0xff, 0xe6, 0xab, 0xff, 0xff, 0xa2, 0x20, 0xff, 0xfc, 0xd2, 0xff, 0xff, 0xfe, 0xfe, 0xf4, 0x4f, 0xbf, 0x2f, 0x5f, 0xda, 0xff, 0x66, 0x77, 0xff, 0x5f, 0xf5, 0xf5, 0xf6, 0xaf, 0xfe, 0xff, 0xe7, 0xff, 0xff, 0xeb, 0xfc, 0xce, 0xdb, 0x4a, 0xd2, 0xfb, 0x86, 0x97, 0xda, 0x7f, 0xfe, 0xba, 0xea, 0xff, 0x1b, 0x15, 0xf0, 0xd8, 0xfe, 0x1e, 0xbf, 0xf6, 0x95, 0xf6, 0x95, 0xae, 0x71, 0xb4, 0xd7, 0xed, 0x7f, 0xff, 0xf0, 0xd6, 0xc1, 0x38, 0xd8, 0x61, 0x2f, 0x0c, 0x20, 0xd5, 0x34, 0x1a, 0x0c, 0x21, 0x10, 0x61, 0x0f, 0xff, 0x14, 0xc5, 0xd3, 0x15, 0xe2, 0x22, 0x22, 0x23, 0xff, 0xcb, 0x1c, 0x26, 0x47, 0x19, 0x87, 0x09, 0xad, 0xaf, 0xff, 0x11, 0x1c, 0x44, 0x47, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfd, 0xff, 0xeb, 0xff, 0xde, 0x97, 0xfc, 0x45, 0xff, 0xff, 0xf5, 0xff, 0x7f, 0xff, 0xfa, 0xff, 0xbf, 0xbf, 0xfa, 0xff, 0xff, 0xff, 0xff, 0xaf, 0xff, 0xef, 0xfe, 0xbf, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0x5f, 0xff, 0xff, 0xff, 0x7f, 0xff, 0xff, 0xf7, 0xff, 0x5f, 0xf7, 0xff, 0x5f, 0xff, 0xff, 0xff, 0xff, 0xff, 0xf7, 0xd7, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0x90, 0x61, 0xff, 0xf1, 0xff, 0xc8, 0x35, 0x3f, 0xfd, 0x0f, 0xfd, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0x7f, 0xf5, 0x55, 0xfd, 0xff, 0xff, 0xff, 0xff, 0x7f, 0xf5, 0xfe, 0x41, 0xb5, 0xff, 0xf1, 0xfd, 0xfb, 0xff, 0xef, 0xf5, 0xfe, 0xff, 0xd7, 0xfb, 0xff, 0x5f, 0xff, 0xf7, 0xfc, 0x82, 0xb0, 0xff, 0xf6, 0x47, 0x0c, 0x80, 0x27, 0x5f, 0xc4, 0x86, 0x44, 0x3f, 0xff, 0xbf, 0xe3, 0x5e, 0xff, 0xf9, 0x0d, 0x51, 0xff, 0x5f, 0xff, 0x48, 0xa1, 0xef, 0xfe, 0x3f, 0xf1, 0xaf, 0x7f, 0xfc, 0x86, 0x40, 0x32, 0x0f, 0xfa, 0xff, 0xf8, 0xff, 0xff, 0xd7, 0xfb, 0xff, 0xfe, 0xff, 0xff, 0xff, 0xfe, 0x3f, 0x1f, 0x90, 0x3c, 0x1b, 0x8e, 0x53, 0x94, 0x39, 0x43, 0x9c, 0x05, 0x35, 0xc4, 0x44, 0x47, 0xff, 0xff, 0xe4, 0x04, 0xc4, 0xd1, 0x74, 0x5f, 0x36, 0x8b, 0xa2, 0x38, 0x84, 0x7c, 0x8e, 0x19, 0x20, 0x71, 0xb2, 0x02, 0x3c, 0xcb, 0xa2, 0x38, 0x1b, 0x03, 0x57, 0x94, 0xc8, 0xe8, 0xa3, 0x23, 0xa2, 0x38, 0x12, 0x81, 0x4c, 0xbe, 0x61, 0x11, 0xfe, 0x5b, 0x22, 0xf1, 0xbc, 0xc0, 0x1b, 0x41, 0xa0, 0xba, 0x31, 0x11, 0xd1, 0xc4, 0x22, 0x3c, 0xb5, 0x49, 0x11, 0x43, 0x23, 0xe4, 0x70, 0x36, 0x8c, 0x8e, 0x8b, 0xc5, 0xd1, 0x7c, 0x44, 0x47, 0x96, 0x91, 0x34, 0x47, 0x47, 0x11, 0x1c, 0x52, 0x38, 0x1b, 0x01, 0x68, 0xba, 0x3e, 0x84, 0x44, 0x79, 0x67, 0x25, 0x03, 0x60, 0x6e, 0x23, 0xe4, 0x16, 0xc4, 0x1c, 0x8d, 0xce, 0x39, 0x50, 0x55, 0x94, 0x98, 0x34, 0xd9, 0x0d, 0x38, 0x30, 0xe5, 0x59, 0x49, 0xb0, 0x5c, 0x44, 0x47, 0xff, 0xff, 0xfb, 0xfc, 0x80, 0xa0, 0x56, 0x6b, 0xca, 0xbc, 0xd7, 0x9c, 0x8a, 0x8b, 0x90, 0x18, 0x2e, 0x8f, 0x65, 0x5e, 0x77, 0x38, 0xec, 0xb6, 0xbb, 0xb4, 0xff, 0x94, 0xda, 0x32, 0x57, 0x12, 0xb6, 0x75, 0x8a, 0x89, 0x35, 0x5f, 0xd5, 0x7f, 0x35, 0x5c, 0xb6, 0x8a, 0x33, 0x22, 0xa6, 0x4e, 0xcd, 0x51, 0xb8, 0xe4, 0x99, 0x12, 0xff, 0xfb, 0xcd, 0x56, 0x41, 0xbf, 0x7f, 0xfb, 0xe5, 0xac, 0x93, 0x3a, 0x65, 0x5c, 0x73, 0x2a, 0x22, 0xa9, 0x15, 0x4a, 0xd7, 0xfc, 0xe4, 0x46, 0xa3, 0xb3, 0x5b, 0x5f, 0xfd, 0xaf, 0xff, 0x1f, 0x1e, 0xb9, 0x65, 0x1d, 0x17, 0x67, 0x03, 0x05, 0x70, 0xf3, 0x28, 0xc9, 0x4e, 0x76, 0x70, 0x45, 0x4f, 0x4f, 0xbf, 0xbf, 0xbd, 0x6f, 0x1f, 0xc7, 0xc7, 0xbf, 0xff, 0xef, 0x93, 0x60, 0x88, 0xba, 0x2e, 0x19, 0x21, 0xb9, 0x92, 0x90, 0x87, 0x40, 0x84, 0xe0, 0xe6, 0x60, 0xc1, 0x0c, 0xc9, 0x06, 0x45, 0x25, 0xb8, 0x79, 0xcb, 0xfc, 0xd5, 0x57, 0xae, 0x34, 0x3f, 0xff, 0xff, 0xe7, 0x64, 0x2c, 0xa3, 0xc9, 0x87, 0x98, 0x79, 0xa8, 0xf3, 0x07, 0xf2, 0xdc, 0x58, 0x32, 0x01, 0x58, 0xee, 0x78, 0x41, 0xa0, 0xef, 0xff, 0xef, 0xff, 0xef, 0xff, 0xff, 0xfc, 0x81, 0x2f, 0x35, 0xd9, 0xbb, 0x34, 0x64, 0x0c, 0x94, 0xf8, 0xa1, 0x06, 0x78, 0x53, 0x5e, 0x69, 0x1b, 0x8b, 0x8c, 0x11, 0x14, 0x78, 0x20, 0x67, 0xe2, 0xf6, 0x47, 0x14, 0xfc, 0x10, 0x64, 0x7b, 0x08, 0x3c, 0xdc, 0x10, 0x64, 0x7b, 0x08, 0x30, 0x81, 0xf4, 0x69, 0x28, 0x2b, 0x69, 0x29, 0x84, 0xe1, 0xff, 0xfc, 0xbe, 0x8f, 0xe3, 0xd7, 0xf3, 0x0e, 0xff, 0xca, 0x19, 0x56, 0x8c, 0xcd, 0x4d, 0x06, 0x4b, 0x98, 0x40, 0xf2, 0xe4, 0x50, 0x3c, 0xb8, 0xcf, 0x40, 0x81, 0x97, 0xb2, 0xe2, 0xe6, 0xe0, 0x40, 0xc8, 0xf6, 0x10, 0x30, 0x83, 0x04, 0x1a, 0x1a, 0x76, 0x83, 0x5e, 0x2d, 0x0c, 0x27, 0x1c, 0x5a, 0xa1, 0xb1, 0x7e, 0x87, 0x17, 0xf6, 0xb7, 0x44, 0xf9, 0xa2, 0x5e, 0xe5, 0xcf, 0x2c, 0x9b, 0x5c, 0x7a, 0x06, 0xff, 0xff, 0x2b, 0x6b, 0x23, 0x35, 0x7c, 0x8e, 0x29, 0xfb, 0x39, 0x04, 0x41, 0x28, 0x63, 0x83, 0x04, 0x0c, 0xeb, 0x04, 0xc2, 0x0c, 0x20, 0x61, 0x06, 0x72, 0x38, 0x08, 0xb1, 0x0c, 0x20, 0xe2, 0xf0, 0x87, 0x17, 0xe8, 0x71, 0x7a, 0x0d, 0x53, 0xd7, 0xed, 0x12, 0x1e, 0x89, 0x3b, 0xe4, 0x6e, 0xf4, 0x4e, 0x32, 0x50, 0xfd, 0x13, 0xbc, 0x95, 0xc3, 0x05, 0xff, 0x48, 0x3c, 0x27, 0xc3, 0xd7, 0xff, 0xf9, 0xbf, 0x35, 0xbc, 0xdb, 0xb2, 0x9c, 0x79, 0x82, 0x28, 0x19, 0x38, 0xb9, 0xf6, 0x48, 0x8b, 0x91, 0xb1, 0x99, 0x84, 0x3d, 0x17, 0xb3, 0xec, 0xd8, 0x95, 0x71, 0x7f, 0xc8, 0x83, 0xd7, 0x4e, 0x34, 0xf4, 0xee, 0xfb, 0x44, 0x87, 0x72, 0x28, 0xfd, 0x13, 0x8c, 0x94, 0x7d, 0x13, 0xbc, 0x95, 0xc3, 0x0a, 0x6c, 0xa2, 0xfa, 0x8b, 0xe8, 0x60, 0x91, 0x7c, 0xfe, 0x4f, 0x9a, 0x04, 0x0f, 0x08, 0x37, 0x05, 0x08, 0x3e, 0x82, 0x0e, 0x82, 0x7f, 0x41, 0x3c, 0x27, 0xaf, 0xfd, 0x36, 0x93, 0x7d, 0xf7, 0x64, 0xe8, 0xd7, 0xe6, 0xb6, 0x48, 0x3f, 0xce, 0x0a, 0x7e, 0x2e, 0x32, 0x81, 0x9f, 0x8b, 0xb3, 0x48, 0xfb, 0x3f, 0x17, 0x81, 0x03, 0xc1, 0x03, 0xce, 0x40, 0x83, 0x23, 0xd1, 0x0c, 0x20, 0x61, 0x38, 0xb0, 0x9a, 0x7a, 0x51, 0x61, 0x34, 0xe3, 0xd2, 0x4f, 0xe4, 0x70, 0xff, 0x6a, 0xf0, 0xc1, 0x22, 0xf1, 0xd2, 0x2f, 0x18, 0x30, 0x53, 0x77, 0x93, 0xc8, 0x30, 0x52, 0x79, 0x84, 0x0f, 0x04, 0x1b, 0xe8, 0x3d, 0x06, 0xfb, 0x84, 0x1e, 0x9b, 0xa5, 0x6d, 0x27, 0xab, 0xeb, 0xfa, 0xeb, 0x49, 0xea, 0xbe, 0xba, 0x7a, 0xf7, 0xef, 0xeb, 0xe9, 0x7f, 0xfe, 0x90, 0x22, 0x29, 0xc3, 0xcd, 0xc0, 0x83, 0x08, 0x3f, 0xd3, 0xd3, 0x08, 0x38, 0xef, 0x4b, 0xe2, 0xf5, 0x43, 0xba, 0x4e, 0xd3, 0x4f, 0x4a, 0x25, 0x8f, 0x44, 0xe3, 0xe9, 0x22, 0xed, 0xab, 0xc2, 0x7f, 0xd8, 0x4f, 0x5a, 0x4f, 0x04, 0x93, 0xea, 0xf5, 0x4f, 0xd3, 0xa5, 0x74, 0xfa, 0x4f, 0x5f, 0x4b, 0xd7, 0x7b, 0x5f, 0xfe, 0xff, 0xba, 0xbd, 0x75, 0x5b, 0xab, 0xfd, 0xf5, 0xd7, 0xf7, 0xfd, 0xa4, 0x9b, 0xff, 0x98, 0x7a, 0x68, 0x76, 0x9a, 0x0f, 0xf4, 0xe2, 0xd3, 0xdf, 0xfa, 0x91, 0xc7, 0xd1, 0x3b, 0xc9, 0x5c, 0x30, 0xa5, 0xe3, 0x92, 0xba, 0x2f, 0x9a, 0x2f, 0x9e, 0x94, 0xbc, 0x08, 0x37, 0x08, 0x3c, 0x16, 0x95, 0x07, 0xab, 0xa6, 0xff, 0xf5, 0xe9, 0xba, 0xa6, 0xfa, 0xee, 0xbe, 0xba, 0x7f, 0xeb, 0xaf, 0xeb, 0xae, 0xb1, 0xac, 0x7c, 0x57, 0xeb, 0xff, 0xff, 0xff, 0xf5, 0xff, 0xff, 0xd0, 0xff, 0xf3, 0x0e, 0xfd, 0x35, 0xa4, 0x4e, 0x1a, 0x27, 0x1f, 0xd1, 0x7d, 0x93, 0xe7, 0x2f, 0x30, 0x5a, 0x7e, 0x0c, 0x28, 0x4d, 0xfd, 0x07, 0xa6, 0xe9, 0x27, 0xa6, 0xe9, 0xe9, 0xf4, 0xb6, 0xbe, 0xeb, 0x4b, 0xff, 0x7f, 0xfb, 0xff, 0xff, 0x1f, 0xff, 0xff, 0xfd, 0xff, 0xf7, 0xfd, 0x91, 0xa4, 0xb9, 0x38, 0xb9, 0x40, 0xbf, 0xff, 0x17, 0xff, 0x5b, 0xff, 0xbf, 0xff, 0xf5, 0xdf, 0x4a, 0xf7, 0x4a, 0xd1, 0x7c, 0xd1, 0x7d, 0xe8, 0x37, 0x08, 0x3f, 0x84, 0xaa, 0xe9, 0xd2, 0x6e, 0x15, 0xeb, 0xf4, 0xff, 0x5d, 0x7d, 0x75, 0xfa, 0xfa, 0x55, 0xbb, 0x5d, 0x69, 0x58, 0xab, 0xff, 0xff, 0x5a, 0xbf, 0xf8, 0x2f, 0xff, 0xc7, 0xff, 0xff, 0x7f, 0xfc, 0x1a, 0xe7, 0x83, 0xe7, 0xc3, 0xfe, 0xb5, 0xff, 0xaf, 0xff, 0xff, 0xff, 0x3c, 0xcc, 0x33, 0x06, 0x5c, 0xff, 0xfd, 0x64, 0x17, 0xd3, 0xf5, 0x4f, 0x4f, 0xa5, 0xff, 0x1f, 0xf7, 0x4f, 0xbf, 0x5f, 0xfe, 0xaf, 0xbe, 0xaf, 0xba, 0xdd, 0x0e, 0x97, 0xe3, 0xfa, 0x50, 0xfb, 0xff, 0xf7, 0x5f, 0xf8, 0xf3, 0x30, 0xbf, 0xff, 0xff, 0xff, 0xff, 0xf6, 0x18, 0x7e, 0x17, 0x0b, 0xff, 0xf5, 0xff, 0xeb, 0xff, 0xfd, 0xfd, 0x34, 0xd0, 0xff, 0xae, 0x2b, 0xef, 0xd7, 0x57, 0xf7, 0x1f, 0xa1, 0xeb, 0xff, 0x46, 0x1f, 0xff, 0xfd, 0x74, 0xb7, 0x8d, 0x7f, 0xc7, 0xd6, 0x66, 0x13, 0x8b, 0x64, 0x49, 0x10, 0x3a, 0xbf, 0xfb, 0xae, 0xbd, 0x70, 0xbf, 0xff, 0xff, 0xff, 0xff, 0xf8, 0x37, 0xf2, 0x79, 0xe4, 0xfb, 0xfb, 0xfc, 0xda, 0xff, 0xbf, 0xff, 0x5f, 0xae, 0xa8, 0xf0, 0x27, 0x71, 0x05, 0xfd, 0xff, 0xba, 0x5d, 0x5d, 0x7d, 0x0a, 0xf0, 0x81, 0x77, 0x91, 0x07, 0xd7, 0xb7, 0xff, 0xff, 0xfd, 0x57, 0xc7, 0xdf, 0xe0, 0xbe, 0xc3, 0x4e, 0xff, 0xf7, 0xfb, 0xf9, 0x18, 0xe5, 0x22, 0x89, 0x67, 0xff, 0xe6, 0x51, 0xff, 0xff, 0xff, 0xa3, 0xab, 0x75, 0x41, 0x7a, 0x09, 0x7f, 0x5b, 0xff, 0xff, 0xff, 0x7f, 0xff, 0xe1, 0xa6, 0x19, 0xda, 0x01, 0x8c, 0xab, 0x5f, 0x5d, 0xcb, 0x27, 0xfe, 0x3f, 0xf2, 0x9c, 0x27, 0x2e, 0xbf, 0xc7, 0xdf, 0xa5, 0xff, 0xff, 0xbf, 0xff, 0xc9, 0x8e, 0xff, 0x44, 0x57, 0xf2, 0x63, 0xb0, 0x6f, 0xeb, 0xff, 0x5f, 0xf6, 0x08, 0x78, 0x5f, 0xff, 0xff, 0xff, 0xff, 0xfe, 0x73, 0x7f, 0xaf, 0xfb, 0x5f, 0xfc, 0xd2, 0xff, 0x7f, 0xeb, 0xff, 0xff, 0xf3, 0x8e, 0x48, 0x70, 0x82, 0x78, 0x4c, 0x8f, 0x11, 0xc6, 0x47, 0x88, 0xe8, 0x8f, 0x11, 0xe2, 0x3e, 0x47, 0x32, 0x3d, 0xbd, 0xf2, 0xe9, 0xfb, 0xff, 0xfc, 0x2f, 0x4b, 0xfe, 0xff, 0xff, 0xff, 0xff, 0xfc, 0xbd, 0x34, 0xff, 0xa2, 0x7d, 0xe9, 0xce, 0xad, 0x16, 0x7f, 0xff, 0xdd, 0x6e, 0xbe, 0x4f, 0xf5, 0xff, 0xfe, 0x69, 0x7f, 0x6b, 0xff, 0x6b, 0xfd, 0xf7, 0xff, 0xff, 0xed, 0xad, 0xab, 0xff, 0x6b, 0xf7, 0xda, 0xfd, 0x9e, 0xbb, 0xd8, 0x4d, 0x29, 0xc7, 0x5c, 0x85, 0x1c, 0xa1, 0xdf, 0x11, 0x11, 0x11, 0x11, 0xfe, 0x74, 0xb5, 0xde, 0xb7, 0x4b, 0xff, 0xd1, 0x15, 0xfe, 0x89, 0xe7, 0xe6, 0xd7, 0xa5, 0xff, 0xff, 0xff, 0x77, 0xff, 0x57, 0xfd, 0x7d, 0x5b, 0x7d, 0xff, 0x7e, 0xff, 0xd7, 0x6b, 0xaa, 0xff, 0xfd, 0xff, 0xbf, 0xfe, 0xdf, 0xf7, 0x79, 0xce, 0xd6, 0xd7, 0xd7, 0x5d, 0xed, 0x5b, 0xa5, 0xfe, 0xd7, 0xeb, 0x6d, 0x7f, 0xfa, 0xb1, 0x04, 0x47, 0x2a, 0x62, 0x0c, 0xec, 0x84, 0x23, 0xa1, 0xf7, 0xff, 0xdf, 0xf7, 0x36, 0xbf, 0xd1, 0x3e, 0xfa, 0x0b, 0xd7, 0xfd, 0x8a, 0xff, 0xfb, 0xfe, 0xb3, 0x3b, 0xf3, 0x4e, 0xcc, 0xed, 0xff, 0xaf, 0xdc, 0xe5, 0xd7, 0x6b, 0xd7, 0xc7, 0xda, 0xfa, 0xef, 0xff, 0xfb, 0x6b, 0xfd, 0xaf, 0xfd, 0xaf, 0xf6, 0x15, 0x36, 0xc2, 0xd8, 0x58, 0x6d, 0x84, 0xd8, 0x30, 0xba, 0xb1, 0xc6, 0xff, 0xb1, 0xfd, 0xf1, 0xfc, 0x1f, 0xf8, 0x4d, 0x72, 0x9e, 0x3f, 0xeb, 0xff, 0xff, 0xff, 0xe6, 0x94, 0x2f, 0xff, 0xf3, 0x4b, 0x63, 0xff, 0xff, 0x5f, 0xdf, 0xf7, 0x5f, 0xef, 0xfe, 0xbe, 0xfd, 0x5e, 0xd2, 0xef, 0xeb, 0x6d, 0x76, 0xd2, 0xbb, 0x09, 0xff, 0x07, 0xf0, 0xc2, 0x5f, 0xb1, 0xff, 0xb1, 0xfc, 0x36, 0x2b, 0x63, 0x62, 0xdb, 0x8b, 0x8f, 0xdd, 0xaf, 0xf7, 0xff, 0x7f, 0x6b, 0xee, 0x22, 0x22, 0x3f, 0xfb, 0x69, 0x77, 0xec, 0x75, 0x66, 0x75, 0xaf, 0x7f, 0xfd, 0x77, 0x56, 0xbf, 0xff, 0xfb, 0x7f, 0xf6, 0xbf, 0x6a, 0xda, 0xef, 0xfd, 0x84, 0xfd, 0xbb, 0x48, 0xe5, 0xdc, 0x7f, 0xb0, 0xdd, 0x83, 0x62, 0xb6, 0x2a, 0x1c, 0x5f, 0xff, 0xb1, 0x5f, 0xbf, 0xf4, 0xfe, 0xed, 0x6c, 0x8a, 0x3d, 0x91, 0x5f, 0xb2, 0x2b, 0xd9, 0x15, 0xfb, 0x4c, 0x8d, 0xe1, 0xaa, 0xad, 0xa0, 0xc9, 0x3d, 0xaa, 0x0d, 0x42, 0x0c, 0x93, 0xc4, 0x5a, 0x1e, 0xa7, 0x91, 0x05, 0x65, 0xd1, 0xa2, 0x20, 0x71, 0xb8, 0xc2, 0x23, 0xe7, 0xf3, 0x0e, 0xfd, 0xb4, 0xad, 0x7f, 0xeb, 0x7d, 0xff, 0x5d, 0x57, 0xb5, 0xb5, 0x6e, 0xba, 0x7f, 0xff, 0xb5, 0xf8, 0x6d, 0xa5, 0xec, 0x34, 0x98, 0x60, 0x97, 0x7f, 0xb1, 0x7e, 0xec, 0x7d, 0x75, 0xfd, 0xfb, 0x5b, 0x4e, 0xc8, 0xb1, 0xfd, 0xfc, 0x34, 0xd6, 0xec, 0x8d, 0xee, 0x2d, 0x08, 0x64, 0xe2, 0x22, 0x20, 0xc1, 0x38, 0x30, 0x42, 0x0c, 0xa9, 0x2c, 0x44, 0x44, 0x46, 0x87, 0xe1, 0x22, 0x3a, 0x23, 0xe5, 0xe2, 0x38, 0x42, 0x3b, 0x2e, 0xe1, 0x02, 0xa6, 0x47, 0x10, 0xbb, 0x40, 0x8b, 0xa0, 0x42, 0x20, 0xc2, 0x19, 0xb3, 0xaf, 0x6d, 0x5b, 0x4b, 0xff, 0xed, 0x6d, 0x76, 0xd2, 0xb4, 0xfd, 0xb0, 0x58, 0x60, 0x94, 0x30, 0xbb, 0xd7, 0x07, 0xfe, 0xc7, 0xf7, 0x1f, 0xc7, 0x15, 0xb7, 0xdf, 0x21, 0x07, 0xfd, 0xb4, 0xbb, 0xb3, 0xc0, 0x5b, 0x54, 0xd5, 0x06, 0x83, 0x04, 0x21, 0x84, 0x27, 0xd0, 0x88, 0x88, 0x88, 0x88, 0x88, 0x8e, 0x22, 0x38, 0xd0, 0x89, 0x91, 0x67, 0x91, 0x7b, 0xef, 0x5f, 0x11, 0xaf, 0xf7, 0xdf, 0x76, 0x11, 0xb5, 0xb2, 0x0e, 0x3f, 0x83, 0x09, 0x30, 0xc2, 0x5f, 0x20, 0xc0, 0x76, 0xb6, 0x29, 0x8f, 0x63, 0x62, 0xdf, 0x8b, 0x8a, 0x62, 0xbf, 0xff, 0xf6, 0x44, 0x1f, 0xee, 0x18, 0x5e, 0x18, 0x41, 0xad, 0xf6, 0xa8, 0x30, 0x9c, 0x44, 0x58, 0x20, 0xe2, 0x22, 0x22, 0x22, 0x2e, 0x22, 0x22, 0x64, 0x3f, 0x91, 0x7f, 0xed, 0x7f, 0xf1, 0xb6, 0x19, 0x08, 0x39, 0xde, 0x1e, 0x36, 0x8a, 0x10, 0xb1, 0x89, 0x0f, 0xb9, 0x63, 0xfd, 0x8a, 0x62, 0xbf, 0xfd, 0xa7, 0xea, 0x44, 0x7f, 0xb2, 0x2b, 0xe6, 0x74, 0xc2, 0xe9, 0xad, 0xda, 0xa1, 0x10, 0xc2, 0xc4, 0x43, 0x08, 0x30, 0x84, 0x41, 0x82, 0x11, 0x11, 0x11, 0x11, 0x1d, 0x53, 0x5b, 0x55, 0xb4, 0xa1, 0x85, 0xea, 0xe2, 0x22, 0x22, 0xe2, 0x38, 0xff, 0xed, 0x35, 0xb7, 0xfe, 0xd3, 0x23, 0x75, 0x86, 0x10, 0x69, 0xc4, 0x41, 0x82, 0x1c, 0x4e, 0x88, 0x44, 0x44, 0x44, 0x47, 0x11, 0x1e, 0x9b, 0x4a, 0xd2, 0xa6, 0x36, 0x2b, 0xba, 0x91, 0xf2, 0xf1, 0x1e, 0x41, 0x11, 0xd1, 0x74, 0x5d, 0x11, 0xc2, 0x20, 0x45, 0xd1, 0x1c, 0x29, 0xad, 0x7c, 0xce, 0x25, 0x0e, 0x77, 0x28, 0x73, 0x0f, 0xc1, 0x84, 0x0c, 0x10, 0x88, 0x88, 0x88, 0x88, 0x88, 0x88, 0x8e, 0x27, 0x6a, 0x5e, 0xab, 0x1c, 0x50, 0xb4, 0xd7, 0xe0, 0x82, 0xba, 0x17, 0x5e, 0x84, 0x90, 0xe1, 0x11, 0xd7, 0xeb, 0x5f, 0xfd, 0x78, 0x8f, 0x6a, 0x90, 0x24, 0xd3, 0x41, 0x84, 0x18, 0x2f, 0xc7, 0xb0, 0xa3, 0xd9, 0xc7, 0x28, 0x70, 0x82, 0xe3, 0x1b, 0x2b, 0x82, 0xcb, 0xf7, 0xc7, 0x7d, 0xcc, 0x39, 0xc7, 0x26, 0x3f, 0xed, 0x21, 0xc3, 0x08, 0x18, 0x42, 0x3f, 0x71, 0x17, 0x11, 0x11, 0x11, 0x11, 0x10, 0x45, 0x72, 0xae, 0x67, 0x08, 0x2f, 0xff, 0xfe, 0xc5, 0x30, 0x84, 0x7e, 0xa5, 0xd1, 0x80, 0x45, 0x2e, 0x21, 0xec, 0x8f, 0x12, 0xce, 0xc4, 0xff, 0x88, 0x88, 0x88, 0x88, 0x88, 0x8f, 0xb4, 0x3d, 0x60, 0x81, 0x53, 0x5d, 0x42, 0x08, 0x2c, 0x38, 0xc8, 0xf8, 0xe4, 0x4d, 0x11, 0xd1, 0x1d, 0x18, 0x44, 0x71, 0x91, 0xd7, 0x86, 0x17, 0xff, 0x91, 0x07, 0xec, 0xb1, 0xe8, 0x44, 0x18, 0x22, 0x87, 0x04, 0x3c, 0x44, 0x44, 0x5e, 0x23, 0xf6, 0x84, 0x45, 0x84, 0x22, 0x28, 0x42, 0xe4, 0x10, 0x70, 0xbf, 0x88, 0x95, 0xba, 0x78, 0x99, 0xbc, 0x47, 0xf8, 0x45, 0x0e, 0x1d, 0x08, 0x40, 0xbf, 0x7a, 0x4e, 0x21, 0x05, 0xe5, 0x82, 0xf1, 0xd9, 0x7b, 0xec, 0xad, 0x42, 0xf2, 0xd9, 0x1b, 0xcf, 0x65, 0x44, 0x77, 0x91, 0x0e, 0x3b, 0x16, 0xbf, 0xe6, 0xd9, 0x3b, 0x23, 0x99, 0x76, 0x46, 0x33, 0x06, 0x5d, 0x1b, 0x21, 0x08, 0x17, 0x96, 0xa9, 0x42, 0x3b, 0x52, 0x8d, 0xc7, 0x7a, 0xd6, 0xbf, 0xe7, 0x79, 0x13, 0x4b, 0xff, 0x04, 0x5d, 0x11, 0xc0, 0xc4, 0x11, 0x74, 0x10, 0x8c, 0x10, 0x5e, 0x59, 0xab, 0x39, 0xd9, 0x38, 0xec, 0x0d, 0x94, 0x46, 0xa8, 0xdb, 0x4f, 0xca, 0xac, 0x75, 0xbf, 0xcd, 0x56, 0x6d, 0xff, 0xfe, 0xbf, 0x90, 0x83, 0xef, 0xc2, 0x0b, 0xcb, 0x3a, 0x7c, 0xed, 0x25, 0x7a, 0xff, 0x9c, 0x88, 0xdd, 0xff, 0xff, 0xd6, 0xff, 0xff, 0xe3, 0x16, 0x47, 0x0a, 0x33, 0xc1, 0x83, 0x01, 0x90, 0x19, 0x9a, 0x6b, 0xf7, 0xfe, 0xbf, 0xff, 0x8f, 0x8e, 0x3f, 0xfe, 0xf8, 0x88, 0x88, 0x90, 0xd5, 0x1c, 0x86, 0x87, 0x21, 0x36, 0x35, 0x2d, 0x06, 0x3e, 0xbf, 0xc7, 0x1f, 0xff, 0xff, 0xf2, 0x23, 0x3a, 0x33, 0x55, 0x92, 0x93, 0xbc, 0xc1, 0x92, 0x08, 0x84, 0xcf, 0x91, 0x20, 0x97, 0xe7, 0x6a, 0x71, 0x40, 0x5c, 0xf8, 0x6b, 0x9e, 0xcb, 0x83, 0x46, 0x9f, 0x7e, 0x8c, 0x3b, 0x5f, 0xff, 0xf2, 0x5e, 0xcd, 0x47, 0x98, 0x3b, 0x25, 0x91, 0x8e, 0x19, 0xbc, 0xe6, 0x60, 0x8a, 0x06, 0x5f, 0x35, 0x88, 0x7a, 0x2e, 0x32, 0x71, 0x70, 0x40, 0xc1, 0x03, 0x3d, 0x02, 0x06, 0x08, 0x19, 0x88, 0xce, 0x36, 0xc8, 0xec, 0x20, 0xc1, 0x07, 0x84, 0x18, 0x41, 0x9d, 0x60, 0x98, 0x41, 0x84, 0x3f, 0x9c, 0x0c, 0x80, 0xd8, 0x88, 0x67, 0x1c, 0x44, 0x81, 0x8b, 0xff, 0xfe, 0xf9, 0xbf, 0xd4, 0x9c, 0x88, 0x32, 0x27, 0x1f, 0x9a, 0xc5, 0x33, 0xcd, 0x20, 0x40, 0xc2, 0x07, 0x97, 0x18, 0x40, 0xf3, 0x70, 0x4c, 0xbd, 0x84, 0x18, 0x41, 0x93, 0xc7, 0xd9, 0xe8, 0xc4, 0xb6, 0x13, 0x54, 0x21, 0xa1, 0x69, 0xc4, 0x34, 0x30, 0x9a, 0x71, 0x7f, 0xc6, 0x9b, 0xc5, 0xa7, 0x1a, 0x6b, 0xf4, 0x4d, 0xc8, 0xa3, 0x94, 0x20, 0xa4, 0xb2, 0x8e, 0x51, 0x46, 0x8a, 0x74, 0x47, 0xcc, 0x23, 0xcc, 0xfa, 0x23, 0xe4, 0x74, 0x47, 0x09, 0xff, 0xe5, 0x3c, 0x44, 0xb3, 0xe6, 0x43, 0x3f, 0xdc, 0x10, 0x33, 0xf6, 0x6e, 0x08, 0x82, 0x50, 0xc7, 0x06, 0x10, 0x61, 0x06, 0x83, 0xf4, 0xd3, 0xf5, 0x8b, 0x09, 0xfa, 0x1c, 0x5a, 0xda, 0xf1, 0xaf, 0xda, 0xae, 0x89, 0x0f, 0x93, 0x76, 0x89, 0xc6, 0x46, 0xf7, 0xfd, 0x13, 0xb6, 0xc2, 0x92, 0xba, 0x27, 0x6e, 0xa5, 0xe3, 0x97, 0x9f, 0xca, 0xd8, 0x91, 0x3b, 0x0a, 0x1f, 0x63, 0x84, 0x10, 0x91, 0xf0, 0x8a, 0x80, 0x7f, 0xb5, 0xe5, 0xa3, 0x4b, 0x23, 0x19, 0x0c, 0xb3, 0x32, 0x27, 0x46, 0xf2, 0x9f, 0x31, 0x1e, 0x19, 0x40, 0xf2, 0x1c, 0x5c, 0x8d, 0x8c, 0xcc, 0x21, 0xe8, 0xbd, 0x9f, 0x60, 0x81, 0x95, 0x10, 0x50, 0x81, 0x84, 0x35, 0xb8, 0xbf, 0xe4, 0x41, 0xdf, 0xa6, 0x9a, 0x7e, 0x9f, 0xef, 0x72, 0x6e, 0xfd, 0x13, 0xbc, 0x8e, 0x21, 0xa7, 0xfd, 0xc3, 0x05, 0xc9, 0x65, 0x17, 0xd4, 0x5f, 0x39, 0x3e, 0xa0, 0x41, 0xd0, 0x41, 0xb8, 0x41, 0xe1, 0x06, 0xc3, 0x05, 0xf0, 0x50, 0x9b, 0x6a, 0x13, 0xd3, 0xc1, 0x24, 0xe9, 0x3f, 0xee, 0x22, 0xc9, 0xff, 0x30, 0x8c, 0x22, 0x3c, 0x47, 0x44, 0x74, 0x10, 0x88, 0x88, 0x8e, 0x23, 0xcb, 0x21, 0xc8, 0xc6, 0x73, 0x31, 0x1e, 0x19, 0x40, 0xa7, 0xf2, 0xe2, 0x9a, 0xc5, 0x3f, 0x97, 0x14, 0x10, 0x30, 0x81, 0x84, 0x0c, 0x20, 0xf0, 0x83, 0x4c, 0x2c, 0x68, 0x30, 0x87, 0x16, 0x13, 0x4e, 0x3d, 0x24, 0xe3, 0x4d, 0x69, 0xd1, 0x1c, 0x3f, 0xda, 0xd4, 0x30, 0x48, 0x9d, 0xb4, 0x5e, 0x51, 0x79, 0xf4, 0x5f, 0x3f, 0x06, 0x08, 0x30, 0x52, 0x79, 0x41, 0x06, 0xfe, 0x9e, 0x13, 0x6c, 0x2e, 0xd2, 0x82, 0xfe, 0x9d, 0x27, 0xae, 0xaf, 0x74, 0x9f, 0xba, 0x7f, 0xe1, 0x2f, 0xf7, 0x4f, 0x55, 0x74, 0xff, 0xa3, 0xb0, 0x79, 0xba, 0x18, 0xf1, 0x11, 0x11, 0x11, 0x04, 0x5d, 0x68, 0x5d, 0xaa, 0x0c, 0x26, 0x85, 0xa6, 0x85, 0x84, 0xf0, 0x9a, 0x7a, 0x71, 0xe9, 0xa5, 0x23, 0x1c, 0x4b, 0x1e, 0x89, 0xc7, 0xd2, 0x45, 0xdb, 0xd1, 0x3b, 0xa2, 0x77, 0x5e, 0x10, 0x6f, 0xf0, 0xc2, 0x7a, 0x74, 0x10, 0x74, 0x9b, 0xa7, 0xf4, 0x9b, 0xff, 0xa7, 0xa7, 0xf4, 0x9e, 0xbf, 0xfa, 0xfe, 0xba, 0xf7, 0xf4, 0x9f, 0xeb, 0xab, 0xff, 0xa7, 0xeb, 0x5b, 0xd5, 0xd7, 0xfe, 0x4c, 0x44, 0xf9, 0x89, 0x0e, 0x39, 0x4e, 0x43, 0x3b, 0x91, 0x94, 0x7d, 0x63, 0x4e, 0x4d, 0xdc, 0x8a, 0x3d, 0x17, 0x0e, 0x47, 0x0e, 0x5d, 0xb0, 0xc1, 0x4b, 0xb6, 0x8b, 0xc7, 0xa2, 0xf9, 0xc2, 0x41, 0x22, 0xf3, 0x2f, 0xb0, 0x41, 0x84, 0x1b, 0x84, 0x1e, 0x0b, 0x4a, 0x83, 0xc1, 0x42, 0x6e, 0x10, 0x7e, 0xda, 0xff, 0xef, 0xea, 0xf7, 0xff, 0xdf, 0xfe, 0xad, 0x2f, 0xeb, 0xaf, 0xb4, 0x61, 0xfd, 0x7f, 0xfe, 0x2b, 0x4f, 0xf4, 0x23, 0xef, 0xaf, 0xff, 0xff, 0x5a, 0xef, 0xfe, 0x22, 0x44, 0x03, 0x29, 0xd4, 0xac, 0x3f, 0x15, 0xa1, 0x5c, 0x7e, 0x2b, 0xba, 0x20, 0xe3, 0x94, 0x3b, 0xc8, 0xa2, 0xfd, 0x17, 0xd8, 0x48, 0xbe, 0xa0, 0x83, 0xc1, 0x06, 0xe8, 0x3c, 0x20, 0xe9, 0x06, 0xf4, 0x83, 0xa4, 0xfd, 0x37, 0x0a, 0x12, 0x4d, 0xa5, 0xf5, 0xf7, 0x5a, 0x5f, 0x5b, 0xaf, 0x4f, 0xbf, 0xfe, 0xbe, 0xf5, 0x43, 0xfd, 0x7f, 0xff, 0xff, 0xbf, 0xef, 0xeb, 0xaf, 0xfe, 0xe4, 0x60, 0xbf, 0x5e, 0x46, 0x04, 0xfd, 0xfe, 0x2f, 0xf8, 0xf8, 0xff, 0xff, 0x13, 0xfc, 0x47, 0xaf, 0xc4, 0x41, 0xc4, 0x81, 0x4a, 0xca, 0x75, 0xe9, 0x3c, 0x2a, 0xb4, 0xae, 0xb5, 0x6e, 0xae, 0xbe, 0xba, 0x6f, 0x5f, 0xaa, 0x7a, 0x6e, 0xb7, 0xaa, 0xad, 0x2b, 0x1a, 0x4b, 0xa7, 0x5b, 0xef, 0xfd, 0xeb, 0xfc, 0x41, 0x7f, 0xff, 0xfa, 0x8b, 0xff, 0xff, 0xdb, 0xad, 0xff, 0xd7, 0x3a, 0x87, 0xff, 0xc1, 0x7f, 0xfe, 0xbf, 0xff, 0xff, 0xcc, 0x39, 0xc7, 0x38, 0xe6, 0x1c, 0xb1, 0xca, 0x1c, 0x26, 0x0b, 0x23, 0xe5, 0xf2, 0x3a, 0x36, 0x82, 0x0b, 0xfe, 0xc6, 0x9d, 0x06, 0x47, 0xff, 0xf5, 0x7a, 0x7d, 0xf1, 0xdd, 0x5f, 0x57, 0xfe, 0x9e, 0xbf, 0xfe, 0xb1, 0x5f, 0x4a, 0x1f, 0x77, 0xfe, 0xbf, 0xfd, 0xfa, 0xf9, 0xac, 0x2f, 0xff, 0xff, 0xff, 0xff, 0xdf, 0xff, 0xef, 0xf8, 0x5f, 0xfd, 0x11, 0x5f, 0xff, 0xff, 0xff, 0x21, 0x07, 0x5f, 0xfc, 0x44, 0x44, 0x44, 0x47, 0x1f, 0xff, 0xfa, 0x2e, 0x10, 0x75, 0xfe, 0xba, 0xaf, 0xfd, 0x87, 0xf5, 0x7e, 0x3b, 0xff, 0xf2, 0x31, 0xeb, 0xfe, 0x7c, 0x27, 0x16, 0xc8, 0x8a, 0xf1, 0xfc, 0x6f, 0xff, 0xeb, 0xfe, 0x17, 0xff, 0xff, 0xeb, 0xff, 0xf7, 0x4b, 0x5f, 0xf5, 0xdf, 0x97, 0xff, 0xfd, 0x13, 0xef, 0xff, 0xcc, 0xaf, 0xf3, 0x2b, 0xcb, 0xd2, 0xbf, 0xf0, 0x45, 0x3e, 0xf3, 0x6b, 0xed, 0x4b, 0xeb, 0xa9, 0x0b, 0x5c, 0x7f, 0xbf, 0x1c, 0x7f, 0x22, 0x7e, 0xff, 0xa5, 0xeb, 0xf7, 0x8f, 0x7f, 0xc2, 0xfb, 0x0f, 0xfd, 0x35, 0xff, 0xde, 0xbf, 0xe4, 0xf3, 0xff, 0xff, 0xf3, 0x2b, 0xff, 0xff, 0xf5, 0xfe, 0xff, 0xa5, 0xfd, 0xf9, 0xa5, 0x5e, 0xbf, 0xff, 0xf6, 0x68, 0xbc, 0xd3, 0x7f, 0xf1, 0x11, 0x11, 0x11, 0x11, 0x11, 0x1d, 0x93, 0x87, 0x41, 0xa7, 0x5e, 0xbf, 0xfe, 0xc3, 0xaf, 0xff, 0xfe, 0xf5, 0xff, 0xf4, 0x45, 0x7f, 0x26, 0x3b, 0x06, 0xf9, 0x7a, 0x79, 0x27, 0xbf, 0xff, 0x7e, 0xfe, 0x82, 0xff, 0xdf, 0xff, 0xff, 0xff, 0x8d, 0x8f, 0xfd, 0x7d, 0x75, 0xf7, 0xef, 0xae, 0xff, 0x5e, 0xcc, 0xef, 0xf4, 0x1e, 0xe9, 0xdf, 0xf9, 0x0e, 0x39, 0x06, 0x07, 0x28, 0x72, 0x14, 0x72, 0x1d, 0xca, 0x1c, 0xc3, 0x91, 0x6c, 0x98, 0xe5, 0x0e, 0x71, 0xcb, 0xe2, 0xa0, 0xa1, 0xca, 0x73, 0x0e, 0x71, 0xca, 0x82, 0x9c, 0xee, 0x7c, 0x37, 0x95, 0xda, 0x2f, 0xc1, 0x0b, 0x4f, 0xff, 0xff, 0x83, 0x0f, 0xff, 0xff, 0xeb, 0xe6, 0xd2, 0xbf, 0xa2, 0xff, 0xd3, 0x9d, 0x4f, 0xaf, 0x40, 0x89, 0xee, 0xbf, 0xdd, 0x7f, 0xcd, 0x2a, 0xbf, 0xff, 0xfe, 0xec, 0xce, 0xfb, 0x5f, 0xdf, 0xd7, 0xfe, 0xfa, 0xfe, 0xd7, 0x5b, 0xf4, 0xbf, 0xf5, 0xfd, 0xba, 0xee, 0xb5, 0xfe, 0x0e, 0x20, 0xca, 0x70, 0x45, 0x08, 0x46, 0x7b, 0xd0, 0xed, 0xe3, 0x8d, 0x88, 0xde, 0xbe, 0x85, 0xe8, 0x22, 0x3f, 0xef, 0xf3, 0x6a, 0x6d, 0x78, 0x3b, 0x75, 0xfd, 0xfd, 0xff, 0xef, 0xff, 0x5f, 0x56, 0xfd, 0xeb, 0xdf, 0xff, 0xf5, 0xda, 0xda, 0xff, 0xda, 0xeb, 0xfe, 0xff, 0xff, 0xf5, 0x5b, 0xff, 0xb6, 0xb6, 0xbf, 0x6a, 0xda, 0x58, 0x5b, 0x5b, 0xb5, 0xdb, 0x4a, 0xfe, 0xc2, 0xed, 0x85, 0x61, 0x85, 0xfc, 0xa1, 0xc6, 0x22, 0x23, 0x18, 0x8a, 0xa6, 0x47, 0x41, 0x14, 0x3a, 0x2f, 0x11, 0xe0, 0x8a, 0x1c, 0x22, 0x3a, 0x40, 0x8b, 0xe1, 0x02, 0xbf, 0x0c, 0xef, 0x22, 0xfa, 0x6c, 0x24, 0xbf, 0x5f, 0xfc, 0x1f, 0xee, 0xbc, 0xce, 0x75, 0xff, 0x7c, 0xd2, 0xff, 0xff, 0xdc, 0xdb, 0xfc, 0xce, 0xbe, 0xbb, 0x5f, 0xf8, 0xfd, 0x2e, 0xb5, 0xf6, 0xd2, 0xb5, 0xff, 0xb5, 0xf6, 0xd7, 0xef, 0xfe, 0x1e, 0xfd, 0xab, 0x0c, 0x27, 0xec, 0x6c, 0x71, 0x71, 0x50, 0xe3, 0xd8, 0xe1, 0xfb, 0x15, 0xc5, 0x31, 0xff, 0xfb, 0x62, 0x36, 0x18, 0x25, 0x6d, 0x8d, 0x35, 0xda, 0xc1, 0x11, 0xd1, 0x1d, 0x11, 0xf0, 0x87, 0x17, 0xff, 0xe6, 0x96, 0x69, 0x79, 0x22, 0xd7, 0x7f, 0x7f, 0xae, 0xd7, 0x5b, 0x5b, 0x5f, 0xf4, 0xfe, 0xdf, 0xdb, 0x56, 0xd5, 0x5b, 0x4d, 0x2f, 0xf6, 0xad, 0x86, 0xac, 0x30, 0xb0, 0xc2, 0xfc, 0x30, 0xb1, 0xc1, 0xc1, 0xfb, 0x15, 0xec, 0x7f, 0x0f, 0x7f, 0x6f, 0xf6, 0x38, 0xbf, 0x7a, 0x64, 0x20, 0xf9, 0x87, 0x5b, 0x22, 0x0f, 0xda, 0x7f, 0x6b, 0x69, 0x91, 0x5f, 0xfb, 0x23, 0x86, 0x59, 0x1b, 0x41, 0x48, 0xf1, 0x88, 0x8e, 0x81, 0x14, 0x3a, 0x23, 0x82, 0x95, 0x72, 0x64, 0x8b, 0xfb, 0xfb, 0xef, 0xff, 0x6d, 0x6d, 0x7b, 0x5b, 0x5d, 0xb5, 0xcf, 0x5b, 0x7b, 0x6b, 0xfd, 0xaf, 0xb7, 0x69, 0x1b, 0x7d, 0xa5, 0x61, 0x7d, 0x8f, 0xf8, 0x3e, 0x1b, 0x14, 0xc5, 0x31, 0x7e, 0xc5, 0x3f, 0xfb, 0x5e, 0xfe, 0xed, 0x57, 0xff, 0xb2, 0x2b, 0xd9, 0x16, 0x3e, 0xc8, 0xe2, 0x18, 0x4c, 0x27, 0xda, 0x0e, 0x1a, 0x69, 0xa6, 0x13, 0x42, 0x21, 0x84, 0x20, 0xc2, 0x0c, 0x21, 0xfc, 0x44, 0x44, 0x44, 0x44, 0x48, 0x2a, 0x0e, 0x08, 0x8f, 0xe8, 0x7a, 0xfb, 0x6b, 0xb6, 0xad, 0xaf, 0xda, 0xa6, 0x95, 0xa5, 0xb6, 0x93, 0x0d, 0x7b, 0x09, 0x6a, 0xf0, 0xc2, 0x51, 0xfe, 0xc5, 0xfe, 0xc7, 0xec, 0x6c, 0x75, 0xd7, 0xff, 0xb4, 0xd3, 0x22, 0xbf, 0xc3, 0x09, 0x91, 0xbd, 0xdf, 0x69, 0x85, 0x4d, 0x32, 0x51, 0x11, 0x0d, 0x08, 0x88, 0x88, 0x88, 0x94, 0x78, 0x88, 0x88, 0x88, 0x88, 0xe2, 0x22, 0x22, 0x22, 0x22, 0x3f, 0x95, 0xb4, 0xe5, 0x68, 0x56, 0x15, 0xe5, 0x68, 0x57, 0x15, 0xe8, 0x5f, 0x3f, 0x97, 0x44, 0x10, 0x24, 0xd7, 0xfb, 0x5e, 0x18, 0x4a, 0x18, 0x4b, 0xd8, 0xa8, 0xd8, 0xd8, 0x38, 0xd8, 0xad, 0x8a, 0xfd, 0x8a, 0x7f, 0xe4, 0x20, 0xff, 0x6d, 0xa7, 0xda, 0x64, 0x57, 0xef, 0x3c, 0x04, 0xed, 0x34, 0xd3, 0x86, 0x83, 0x08, 0x30, 0x41, 0x82, 0x11, 0x12, 0x5d, 0x08, 0x88, 0x88, 0x88, 0x88, 0xe2, 0x3f, 0xaf, 0x36, 0x8c, 0x22, 0xf9, 0x06, 0x8b, 0xe5, 0xd1, 0x7c, 0x90, 0x79, 0x81, 0x71, 0xcf, 0x2f, 0xfc, 0x46, 0x50, 0xe7, 0xb5, 0xfe, 0xc7, 0xb1, 0x4c, 0x57, 0xbb, 0x4c, 0x2d, 0xa6, 0x16, 0xd7, 0xed, 0x32, 0x38, 0x5b, 0xd0, 0x61, 0x3d, 0x50, 0x86, 0x13, 0x88, 0x30, 0x40, 0xc2, 0x11, 0x11, 0x11, 0x11, 0x1a, 0x11, 0x11, 0x13, 0xb2, 0x5f, 0x3b, 0x25, 0x6b, 0xff, 0x04, 0x3a, 0x23, 0x86, 0xcd, 0x08, 0xa2, 0x38, 0x4b, 0xfc, 0xe7, 0xff, 0xf9, 0x1c, 0x20, 0x88, 0xc7, 0xec, 0x8a, 0xfc, 0x34, 0x1a, 0x6b, 0x0c, 0x29, 0x9c, 0x20, 0xc2, 0x0d, 0x06, 0x10, 0x30, 0x84, 0x9e, 0x10, 0xe2, 0x74, 0x42, 0x22, 0x22, 0x22, 0x22, 0x38, 0x8e, 0x9a, 0x5d, 0x7f, 0xf8, 0xf8, 0x41, 0x0b, 0xaf, 0xff, 0xef, 0xfc, 0xa9, 0x20, 0x45, 0x3f, 0xc1, 0x85, 0x88, 0x88, 0x88, 0xa8, 0x88, 0x88, 0x8e, 0x3a, 0x4d, 0xab, 0x06, 0x0b, 0xff, 0xba, 0x50, 0xd4, 0xb7, 0x30, 0xea, 0x53, 0xb2, 0x3e, 0x5c, 0x93, 0x9d, 0xc1, 0x11, 0xf4, 0xd0, 0xb0, 0x40, 0xc2, 0x06, 0x81, 0xc3, 0x5b, 0x23, 0xc6, 0xcc, 0x8f, 0x91, 0xf2, 0x38, 0x2c, 0xe3, 0x4e, 0x92, 0x4b, 0x14, 0xc5, 0x7f, 0xc4, 0x44, 0x44, 0x44, 0x44, 0x45, 0xa1, 0x11, 0x69, 0x94, 0xe7, 0x84, 0x0c, 0x10, 0x60, 0x99, 0x5e, 0x13, 0xd7, 0x05, 0x89, 0xe8, 0x8d, 0x23, 0x68, 0xc3, 0x23, 0xa3, 0x0b, 0x2c, 0x9d, 0x2e, 0xb4, 0x12, 0x69, 0x84, 0xd7, 0xf2, 0x42, 0x23, 0x68, 0xe8, 0x88, 0xeb, 0x30, 0x44, 0x75, 0xc5, 0x63, 0xff, 0xa1, 0x07, 0x18, 0xfd, 0xfd, 0xfb, 0x43, 0x83, 0x08, 0x47, 0xf9, 0x71, 0xa2, 0x0a, 0x07, 0x28, 0x70, 0x48, 0x82, 0x38, 0xbd, 0x0f, 0xff, 0xfd, 0x96, 0xe1, 0x19, 0xa3, 0xdf, 0xd7, 0xb0, 0xc1, 0x54, 0x61, 0x0f, 0xf5, 0xff, 0x5d, 0xf8, 0x23, 0x0b, 0x3c, 0x87, 0xfb, 0x0d, 0x3a, 0x44, 0x74, 0x91, 0xf6, 0x53, 0x84, 0x41, 0x30, 0x5e, 0xc5, 0x63, 0xfd, 0xb8, 0xf7, 0xb3, 0x68, 0xf6, 0x13, 0x4d, 0x08, 0xd0, 0x61, 0x03, 0x2e, 0x48, 0x93, 0x8e, 0x82, 0x0a, 0xc4, 0x44, 0x44, 0x19, 0x5e, 0xc2, 0xfb, 0x09, 0xaf, 0xc3, 0x9a, 0xce, 0x0a, 0x18, 0x86, 0x85, 0x95, 0x80, 0x98, 0x41, 0x82, 0x0c, 0x13, 0x04, 0xca, 0xee, 0x84, 0x8d, 0x4a, 0x08, 0xa7, 0x1f, 0x88, 0xfe, 0x10, 0x88, 0xfd, 0x63, 0xd7, 0xe1, 0x9d, 0xe4, 0x8c, 0xf2, 0x23, 0xe4, 0x70, 0xdb, 0xf7, 0xe5, 0xd1, 0x1e, 0x23, 0xa2, 0xf9, 0x74, 0x47, 0xcc, 0x22, 0x3a, 0x23, 0xa2, 0x3a, 0x36, 0x44, 0x73, 0x2e, 0x79, 0x71, 0x3c, 0x7f, 0xe2, 0x28, 0x8e, 0x1c, 0x8e, 0x2c, 0x4c, 0xe5, 0x41, 0xf8, 0x8b, 0x65, 0x38, 0x22, 0xeb, 0xfe, 0x84, 0x71, 0x11, 0xf1, 0x07, 0x17, 0xff, 0x9d, 0x17, 0xfc, 0xa7, 0x64, 0x70, 0x68, 0x11, 0x1e, 0xff, 0xed, 0xc7, 0xd4, 0xa1, 0xfb, 0xf6, 0x72, 0x09, 0xa0, 0xe1, 0xa2, 0x43, 0xf4, 0x3e, 0xbf, 0xc4, 0xf7, 0x3f, 0x11, 0xd0, 0x2c, 0xfc, 0x67, 0x39, 0xda, 0x62, 0xaa, 0x47, 0xf7, 0x85, 0x4c, 0xa7, 0x4f, 0x65, 0xd1, 0x82, 0x2e, 0xce, 0x06, 0x82, 0x18, 0x37, 0xcb, 0x64, 0xca, 0xfc, 0xad, 0xa7, 0x4e, 0xe2, 0xd3, 0x4f, 0xe3, 0xd2, 0x43, 0x6c, 0xb1, 0xa2, 0xbc, 0x90, 0xe0, 0x8b, 0xac, 0xb5, 0xc5, 0xa2, 0x59, 0x7f, 0xcd, 0xe5, 0xd1, 0x7c, 0xcd, 0x18, 0x44, 0x74, 0x47, 0x8e, 0x22, 0x3c, 0x66, 0x88, 0xe7, 0x98, 0x17, 0xaf, 0xeb, 0xf4, 0x48, 0x71, 0x0c, 0x57, 0xf2, 0xcc, 0x59, 0xc9, 0x4c, 0x6a, 0x8a, 0x88, 0xeb, 0x1c, 0x8a, 0x88, 0xb7, 0x2f, 0xff, 0xfc, 0x10, 0xe2, 0x3e, 0x22, 0x3b, 0xd7, 0xfc, 0x7f, 0xf0, 0xca, 0x1c, 0xb1, 0xca, 0x1d, 0x10, 0x2d, 0x82, 0x08, 0x77, 0x96, 0x7d, 0x25, 0xfe, 0xf5, 0x35, 0x67, 0x62, 0xf2, 0xff, 0xfe, 0xe3, 0xeb, 0x7f, 0xf3, 0xea, 0xfe, 0x21, 0x08, 0x38, 0x86, 0x50, 0xb1, 0x1b, 0xde, 0xb5, 0xff, 0xfe, 0xd7, 0xff, 0xfb, 0x2a, 0x02, 0x0a, 0xcb, 0x1c, 0xa7, 0x3d, 0xe5, 0x61, 0xf5, 0x04, 0x5e, 0x3e, 0xcd, 0x84, 0x46, 0xb6, 0x84, 0x44, 0x44, 0x59, 0x1c, 0xe5, 0x0f, 0x23, 0xa3, 0x6c, 0x49, 0x62, 0x61, 0xfe, 0x59, 0x02, 0x4f, 0xff, 0xd7, 0xff, 0xff, 0x86, 0x22, 0x22, 0xe1, 0xa1, 0x11, 0xe7, 0xb0, 0x84, 0x3c, 0xc3, 0x91, 0x8e, 0x50, 0xe6, 0x1c, 0x90, 0xe6, 0x72, 0x87, 0x38, 0xe5, 0x0e, 0x4c, 0x79, 0xc5, 0xc4, 0x5f, 0x15, 0xff, 0xe3, 0xe3, 0xff, 0xe7, 0x11, 0xaa, 0x22, 0x66, 0x48, 0x33, 0xa1, 0xe6, 0x87, 0xfb, 0x23, 0xe5, 0xf2, 0xe6, 0xca, 0x79, 0x2a, 0x18, 0x41, 0x0d, 0x22, 0xa1, 0x36, 0x47, 0x44, 0x78, 0x31, 0x61, 0x78, 0x24, 0x50, 0xe9, 0x76, 0x5e, 0x48, 0xc6, 0x6c, 0x8b, 0x82, 0xe9, 0xaf, 0xff, 0xfe, 0x76, 0xad, 0x64, 0xe6, 0x75, 0x8f, 0xc7, 0x53, 0x25, 0xc6, 0x7d, 0x14, 0x67, 0xc8, 0xcf, 0x31, 0x04, 0x0f, 0x2e, 0x32, 0x71, 0x70, 0x40, 0xc1, 0x03, 0x3d, 0x17, 0x61, 0x06, 0x10, 0x30, 0x86, 0x08, 0x3f, 0xc4, 0x46, 0x08, 0x74, 0x82, 0x71, 0xa4, 0x2c, 0x8f, 0xa2, 0x87, 0x56, 0xa3, 0xbc, 0x50, 0x45, 0x0e, 0x43, 0x91, 0xe4, 0x24, 0x29, 0x63, 0xdf, 0xf2, 0x96, 0x8d, 0x51, 0xd6, 0xcd, 0x1e, 0x6d, 0x91, 0x85, 0x97, 0x2c, 0xde, 0x68, 0x46, 0x3c, 0xb9, 0x04, 0x0c, 0xe0, 0xce, 0xf8, 0x40, 0x81, 0x82, 0x0c, 0xf4, 0x08, 0x30, 0x40, 0xce, 0x03, 0x84, 0x1a, 0x0d, 0x42, 0x0e, 0xd7, 0x8b, 0x09, 0xc4, 0x30, 0x9c, 0x69, 0xa6, 0xa9, 0xfe, 0x42, 0x8f, 0x92, 0x1f, 0x89, 0x1d, 0x78, 0x45, 0x46, 0x22, 0x18, 0x43, 0x08, 0x13, 0xf2, 0x87, 0x0e, 0x28, 0x44, 0x47, 0xff, 0x28, 0x8d, 0x79, 0x9e, 0x75, 0x64, 0x21, 0x90, 0x22, 0x34, 0x46, 0xf3, 0xa8, 0xaa, 0x5c, 0x64, 0xe2, 0x9f, 0x8b, 0xc7, 0x41, 0x01, 0x03, 0x04, 0x0f, 0x08, 0x1e, 0x08, 0x33, 0xd2, 0x21, 0xf2, 0x83, 0xec, 0x21, 0xc4, 0x35, 0x09, 0xa7, 0xa7, 0x11, 0xe9, 0xfa, 0x71, 0xf7, 0x26, 0xee, 0x4a, 0x32, 0xef, 0x48, 0xbb, 0x68, 0xbc, 0x68, 0xbc, 0xcb, 0xc7, 0xf9, 0x1b, 0xc3, 0x61, 0x82, 0x72, 0x11, 0x11, 0xe2, 0x38, 0x69, 0x11, 0xc8, 0x10, 0x88, 0x88, 0x88, 0xff, 0x22, 0xe8, 0x11, 0x4e, 0x3e, 0xcb, 0x27, 0x8a, 0x10, 0x30, 0x40, 0xcf, 0xc0, 0x83, 0x04, 0x0c, 0xf4, 0x10, 0x30, 0x81, 0x9b, 0x66, 0x6c, 0x20, 0xd3, 0x0a, 0x13, 0x62, 0xc2, 0x71, 0xa6, 0x9a, 0x1a, 0x71, 0x7a, 0x71, 0xfa, 0xbe, 0x89, 0x0e, 0xd1, 0x38, 0x6c, 0x12, 0x27, 0x79, 0x28, 0x23, 0xb7, 0x25, 0x8d, 0x13, 0xcb, 0xaa, 0x2f, 0x9c, 0x20, 0xc1, 0x49, 0xf5, 0x04, 0x1b, 0x84, 0x1b, 0x49, 0xb8, 0x24, 0x83, 0xa4, 0xe9, 0x3a, 0x4f, 0xfb, 0x88, 0x88, 0x88, 0x90, 0xca, 0x0e, 0x0c, 0xb7, 0x28, 0x72, 0xb8, 0xfc, 0x57, 0x1f, 0x8a, 0xec, 0x50, 0x65, 0x0e, 0x11, 0x1d, 0x1c, 0x02, 0x4d, 0x3d, 0x38, 0xb4, 0xe2, 0xd3, 0x7a, 0x4e, 0x3b, 0xbb, 0xed, 0x12, 0x1d, 0xc9, 0xbd, 0x13, 0x87, 0x25, 0x7d, 0x17, 0x99, 0x3c, 0x7f, 0x2f, 0x28, 0x96, 0x30, 0x60, 0xa0, 0x83, 0x70, 0x9d, 0xe1, 0x37, 0x4d, 0x74, 0xdd, 0x37, 0x75, 0x4f, 0x0b, 0xae, 0x9f, 0x7a, 0x7a, 0xab, 0xa6, 0xf7, 0xab, 0xfc, 0xad, 0xa7, 0x55, 0x04, 0x22, 0x23, 0x5f, 0x04, 0x30, 0x41, 0x44, 0x8e, 0x88, 0xaa, 0x36, 0x8c, 0x32, 0x3a, 0x30, 0xb4, 0xf4, 0x4e, 0x1a, 0x23, 0x71, 0x33, 0xe4, 0xa2, 0x89, 0xdb, 0xf9, 0x76, 0xf4, 0x5e, 0x64, 0xf2, 0x8b, 0xec, 0x24, 0x5f, 0x34, 0x08, 0x3a, 0x08, 0x3c, 0x20, 0xf4, 0xde, 0x93, 0x54, 0xfe, 0x93, 0xd7, 0xef, 0xbf, 0xf5, 0x4f, 0x5a, 0x4f, 0xeb, 0xd7, 0xda, 0xf5, 0x6d, 0x7e, 0xd7, 0xd7, 0xff, 0xcd, 0xe5, 0xd1, 0x7c, 0xc2, 0x3c, 0x8f, 0x23, 0x68, 0x8e, 0x45, 0xc8, 0x8e, 0x65, 0xcf, 0x2e, 0x27, 0x9f, 0x47, 0x91, 0xf5, 0xfc, 0x11, 0x1c, 0x17, 0x88, 0x62, 0x38, 0xfc, 0xdc, 0xc3, 0x05, 0x08, 0x3c, 0x26, 0x83, 0xd0, 0x6d, 0x04, 0xf6, 0xa9, 0x07, 0x82, 0xa7, 0xa6, 0xeb, 0x84, 0x97, 0x4d, 0xd3, 0xa5, 0x75, 0xf4, 0xf5, 0xd7, 0x4f, 0x4f, 0xe3, 0x8e, 0x3d, 0x7e, 0xf5, 0xba, 0xf7, 0xf5, 0xd7, 0xe2, 0xba, 0x8e, 0xfb, 0xaf, 0xfc, 0x21, 0xd0, 0x21, 0x10, 0x7c, 0x45, 0xfb, 0xff, 0xff, 0xec, 0xb1, 0xce, 0x39, 0x56, 0xdc, 0x94, 0x2e, 0xeb, 0x7f, 0xe9, 0xab, 0xa7, 0xa6, 0xde, 0xab, 0xaa, 0xe9, 0xea, 0xea, 0x9d, 0x5d, 0x5f, 0x7a, 0xff, 0xfb, 0xd7, 0xfe, 0x1c, 0x1e, 0xbf, 0xff, 0x77, 0x50, 0x60, 0xbf, 0xf1, 0x7b, 0x9f, 0x09, 0x5a, 0xff, 0x1f, 0xfb, 0x8f, 0x0c, 0xb7, 0x50, 0x44, 0x7f, 0xfb, 0x5b, 0x58, 0x3b, 0x5b, 0x82, 0x11, 0x13, 0x38, 0x98, 0x09, 0x82, 0x29, 0xfe, 0x3d, 0x7d, 0x75, 0x7f, 0xfd, 0xd0, 0xfe, 0x3f, 0x8d, 0x75, 0xff, 0xeb, 0xff, 0xff, 0xf2, 0x26, 0xf8, 0x89, 0xf3, 0x30, 0xbf, 0xd5, 0xfb, 0xf1, 0xff, 0xfe, 0x0b, 0xff, 0xff, 0xec, 0x1d, 0x95, 0x87, 0xd6, 0xd1, 0xa6, 0x39, 0xe2, 0x09, 0x8d, 0xa0, 0x7d, 0xbc, 0x2a, 0x7a, 0x53, 0xc9, 0xc8, 0xe2, 0x03, 0x2a, 0xd6, 0xb5, 0x70, 0xf1, 0x57, 0xff, 0x57, 0xb5, 0x5f, 0x21, 0x07, 0xd9, 0x98, 0x9f, 0xdf, 0xa1, 0xff, 0xff, 0x5d, 0x6f, 0xec, 0x36, 0x1e, 0x17, 0xff, 0xfd, 0x2f, 0xfe, 0xbd, 0x11, 0x5f, 0xff, 0xf2, 0x6d, 0x01, 0x5f, 0x42, 0x22, 0x22, 0x22, 0x21, 0xaa, 0x65, 0x68, 0x17, 0x5f, 0xc4, 0x83, 0x03, 0x8f, 0xe2, 0xaf, 0x91, 0x27, 0x34, 0x08, 0xbf, 0xbf, 0xbd, 0x47, 0x91, 0x81, 0x7c, 0x17, 0xff, 0xfd, 0xff, 0xff, 0xf5, 0xf0, 0xc3, 0x06, 0xf4, 0x47, 0x1f, 0xfa, 0xfb, 0xe5, 0xeb, 0xfe, 0x65, 0x75, 0x97, 0xff, 0x7f, 0xeb, 0xf9, 0xbc, 0xe6, 0x4e, 0x8f, 0x23, 0xd1, 0xcc, 0xf2, 0x38, 0x79, 0x81, 0x3b, 0xff, 0xf6, 0x56, 0x15, 0x06, 0x98, 0x52, 0x87, 0x2d, 0xe5, 0xc3, 0x29, 0x0f, 0x60, 0xf0, 0xbf, 0xff, 0xff, 0x85, 0xf0, 0x88, 0x83, 0xff, 0xff, 0xd7, 0xff, 0xbe, 0xf7, 0xf2, 0x41, 0x03, 0x7a, 0x2f, 0xff, 0xdf, 0xef, 0xd7, 0xff, 0xe9, 0x7e, 0x69, 0x6b, 0xae, 0x69, 0xff, 0x08, 0x8a, 0x3a, 0x23, 0x86, 0xc0, 0x8a, 0x1c, 0x8a, 0x38, 0x83, 0x5d, 0x2c, 0x47, 0xfe, 0x24, 0xea, 0x88, 0x8c, 0x84, 0x73, 0xb9, 0x37, 0x52, 0x2b, 0xf0, 0x6f, 0x44, 0x57, 0xff, 0xff, 0x69, 0x4b, 0xd6, 0x89, 0x67, 0xe5, 0xf7, 0xfa, 0xf9, 0x62, 0x5f, 0xff, 0xff, 0x5f, 0x07, 0x0f, 0xff, 0xff, 0x75, 0xa5, 0x66, 0x77, 0xfd, 0x99, 0xdd, 0x6b, 0xba, 0x57, 0xde, 0xeb, 0xff, 0x8f, 0x8f, 0xdf, 0x39, 0x9e, 0x5d, 0xfc, 0xa1, 0xc3, 0x11, 0x10, 0x69, 0xef, 0xc1, 0xf4, 0x5f, 0xff, 0xd7, 0xdf, 0xf8, 0x5f, 0x49, 0x57, 0x9a, 0x5f, 0xef, 0xfb, 0xff, 0xef, 0xfe, 0x6e, 0xb2, 0x68, 0xdf, 0xaf, 0xfd, 0x75, 0x8d, 0xff, 0xf7, 0xed, 0x7f, 0xbf, 0x49, 0xd6, 0xf3, 0x97, 0xe3, 0x8e, 0x48, 0x71, 0x16, 0x84, 0x44, 0x98, 0xe2, 0x23, 0xf1, 0xeb, 0xc1, 0xfa, 0xff, 0xf7, 0x5f, 0xcd, 0x3e, 0xbf, 0xaf, 0xbe, 0xfb, 0x5c, 0xd2, 0xdf, 0xff, 0xff, 0xfe, 0xe9, 0xd7, 0xb5, 0xfe, 0xd2, 0x6f, 0x7b, 0x5e, 0xfa, 0xb5, 0xb5, 0xc2, 0xed, 0x85, 0x61, 0xac, 0x35, 0x6c, 0x2f, 0xf9, 0xf7, 0x5a, 0x3a, 0x23, 0x99, 0xe4, 0x47, 0x4c, 0xaf, 0x2b, 0x8f, 0xc5, 0x77, 0x3f, 0x97, 0x08, 0x45, 0xc5, 0x9b, 0xf9, 0x64, 0xbb, 0xff, 0xfe, 0xba, 0x62, 0x9d, 0x7d, 0x53, 0x5e, 0xfd, 0x5d, 0x5b, 0xed, 0x2d, 0x7b, 0x5f, 0xfb, 0x5f, 0xfe, 0xd2, 0xf5, 0xfe, 0xd6, 0x18, 0x4a, 0xa1, 0xa5, 0xc3, 0xf6, 0x2a, 0x29, 0x88, 0x7c, 0x53, 0x14, 0xc7, 0x15, 0xfe, 0x89, 0x08, 0xa8, 0xc8, 0x3c, 0x8e, 0xb3, 0x11, 0x1f, 0x23, 0xac, 0x71, 0x11, 0xaf, 0xcb, 0xaa, 0x67, 0x05, 0x04, 0x09, 0x30, 0xc8, 0xff, 0xdf, 0xeb, 0xfd, 0xad, 0xaf, 0x6b, 0xfb, 0xa5, 0x6b, 0xb6, 0x94, 0x34, 0xac, 0x2b, 0x6a, 0x72, 0xfd, 0x86, 0xbf, 0x5b, 0x0c, 0x2b, 0xf0, 0x6c, 0x71, 0xc1, 0xb1, 0x7f, 0xc5, 0x31, 0x5b, 0x15, 0xfd, 0xd5, 0x32, 0x20, 0xfd, 0xa6, 0x99, 0x15, 0xe1, 0xaf, 0xf9, 0x71, 0x51, 0x05, 0x03, 0x82, 0x90, 0x6e, 0xe2, 0xf8, 0x8f, 0xce, 0x8b, 0xfd, 0x08, 0x91, 0x4a, 0x63, 0xfe, 0xda, 0xdd, 0xaf, 0xf6, 0x93, 0x6b, 0xb6, 0xbc, 0x30, 0x4e, 0x38, 0x60, 0x9f, 0x1b, 0x14, 0xc7, 0x15, 0xfe, 0xc7, 0xfe, 0xc7, 0xfb, 0x4d, 0x3b, 0x22, 0xbb, 0xfe, 0x67, 0x41, 0xa6, 0x83, 0x5b, 0xed, 0x06, 0x14, 0xf0, 0x13, 0x09, 0xa1, 0x0c, 0x20, 0xc1, 0x06, 0x10, 0x86, 0x08, 0x77, 0xf5, 0xfa, 0xfe, 0x73, 0xcf, 0x2e, 0xff, 0x7b, 0x8f, 0xe3, 0x87, 0x10, 0xff, 0x8d, 0x8a, 0x6a, 0x2b, 0x62, 0xe9, 0x8f, 0x69, 0xd9, 0x10, 0x7b, 0x5e, 0xfb, 0x22, 0x8f, 0xff, 0x64, 0x51, 0xfe, 0xed, 0x06, 0x13, 0x4d, 0x34, 0x22, 0x38, 0x61, 0x03, 0x04, 0x21, 0x82, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x1d, 0x7d, 0xb2, 0x15, 0xc7, 0x22, 0x0e, 0x71, 0xce, 0x38, 0x41, 0x5c, 0xf6, 0x47, 0x5d, 0xda, 0x0c, 0x21, 0x10, 0x68, 0x1a, 0x24, 0x3e, 0xd9, 0xc7, 0x38, 0xe4, 0x08, 0x03, 0x11, 0xed, 0x6c, 0x88, 0x3f, 0xf9, 0x87, 0x4d, 0x6d, 0x6c, 0x8a, 0xf9, 0x87, 0x4c, 0x8e, 0x38, 0x61, 0x30, 0x83, 0x54, 0x1a, 0x71, 0x11, 0x0c, 0x2c, 0x44, 0x44, 0x30, 0x58, 0x88, 0x88, 0x88, 0x8e, 0x22, 0x3f, 0x88, 0xe5, 0x39, 0xf2, 0x71, 0xb8, 0x88, 0xb6, 0x47, 0x05, 0xc5, 0x42, 0xa2, 0xdc, 0xe3, 0x97, 0x80, 0x98, 0x26, 0x57, 0x69, 0x27, 0x3c, 0x8d, 0xe4, 0x2d, 0x97, 0x45, 0xfd, 0xa7, 0x69, 0xda, 0xa6, 0xb6, 0x10, 0x61, 0x08, 0x61, 0x08, 0x60, 0x84, 0x44, 0x44, 0x44, 0x44, 0x47, 0x1c, 0x7f, 0xf2, 0xb6, 0x9d, 0x34, 0x0c, 0x10, 0x38, 0x8f, 0xfe, 0xc4, 0x44, 0x3d, 0x7c, 0x44, 0x44, 0x44, 0x71, 0x11, 0x1c, 0x94, 0xd9, 0x17, 0xbf, 0xbd, 0x91, 0xf2, 0x3e, 0x50, 0x8b, 0xc4, 0x7c, 0x8f, 0x97, 0x44, 0x74, 0x47, 0x88, 0xf9, 0x72, 0x23, 0x99, 0x73, 0xcb, 0x89, 0xde, 0x79, 0x7f, 0xe8, 0xc3, 0x96, 0xe8, 0xa4, 0xcf, 0x11, 0x1e, 0x8b, 0xfd, 0x75, 0xb5, 0xff, 0xc4, 0x71, 0x11, 0xf1, 0x71, 0x7e, 0xff, 0xdf, 0xfd, 0xec, 0x26, 0x17, 0xf5, 0xfd, 0x43, 0x4a, 0x18, 0x4b, 0xeb, 0xdf, 0xca, 0x1f, 0xff, 0xff, 0xf7, 0xd7, 0x61, 0x14, 0x3a, 0x10, 0x61, 0x35, 0xfe, 0x2c, 0x6c, 0x57, 0xde, 0xcc, 0x67, 0x30, 0xa7, 0xd6, 0x2c, 0x22, 0x75, 0x2a, 0x24, 0x7c, 0x91, 0xa6, 0x36, 0x9a, 0x0d, 0x06, 0x81, 0xa0, 0x7f, 0xb1, 0x1c, 0xa1, 0xdf, 0xff, 0x86, 0x10, 0x68, 0x7f, 0x42, 0x22, 0x22, 0x22, 0x22, 0x22, 0xd5, 0x34, 0xc2, 0x16, 0x08, 0x30, 0x55, 0xd8, 0x8e, 0x85, 0xa3, 0x58, 0xfc, 0x19, 0x4d, 0x65, 0x5d, 0x68, 0xba, 0x23, 0x11, 0xd1, 0x11, 0xd1, 0xc4, 0x47, 0xcf, 0x23, 0xcf, 0x30, 0x2e, 0x3e, 0xbf, 0x91, 0xd0, 0xb2, 0xad, 0x3c, 0xa7, 0xf4, 0x3d, 0xfb, 0x23, 0x86, 0x11, 0x0c, 0x0f, 0x8b, 0x23, 0x85, 0xff, 0xf7, 0xfa, 0x92, 0x1c, 0xce, 0x60, 0xbc, 0x35, 0xf1, 0xeb, 0x71, 0xfc, 0x6b, 0xf9, 0xe5, 0xff, 0xfc, 0x64, 0xb1, 0x71, 0xff, 0x7e, 0x4c, 0x70, 0x40, 0x84, 0x20, 0x87, 0x71, 0x68, 0x44, 0x44, 0x44, 0x77, 0x2a, 0x62, 0x2d, 0x0f, 0xeb, 0x62, 0x22, 0x24, 0x1a, 0x3a, 0x23, 0x99, 0xe4, 0x79, 0x1f, 0x47, 0xd1, 0xe4, 0x7b, 0xac, 0x32, 0x81, 0x4a, 0xb4, 0xc8, 0xdf, 0xef, 0xa2, 0x5d, 0x12, 0xe8, 0xd5, 0xe6, 0x16, 0x38, 0xff, 0x5b, 0x07, 0xff, 0xeb, 0xa2, 0xf9, 0x1f, 0x23, 0xa2, 0x3c, 0x5d, 0x11, 0xe4, 0x48, 0x73, 0x8e, 0x61, 0xcc, 0x38, 0x52, 0x1d, 0xfc, 0x8b, 0x1f, 0xff, 0x45, 0x0e, 0x50, 0xe0, 0x88, 0xff, 0xff, 0xfb, 0x88, 0x88, 0x8e, 0x23, 0x84, 0x10, 0xee, 0x08, 0x8f, 0xfe, 0x79, 0x67, 0xd7, 0xf7, 0x62, 0x22, 0x27, 0xd2, 0x61, 0x39, 0xef, 0xfd, 0xf8, 0x20, 0x50, 0xe3, 0x52, 0x2b, 0x85, 0xbf, 0x38, 0xeb, 0x54, 0x18, 0x42, 0x20, 0xc2, 0x23, 0x1f, 0x45, 0xd1, 0x0e, 0x23, 0xd2, 0x63, 0x99, 0x22, 0x0d, 0x43, 0xdf, 0xfc, 0x59, 0x1c, 0x64, 0x7b, 0x8b, 0x42, 0x2d, 0xc5, 0x30, 0x42, 0x24, 0x63, 0x99, 0xc1, 0x23, 0x8e, 0x08, 0x12, 0x7e, 0x41, 0x07, 0x1c, 0x5f, 0xc7, 0xe5, 0x97, 0x48, 0xec, 0xd6, 0x25, 0x11, 0xd2, 0xfc, 0xfb, 0xad, 0x0b, 0x40, 0xcf, 0xc5, 0x79, 0x5c, 0x8f, 0xa1, 0xa1, 0xab, 0x39, 0x17, 0x42, 0x0c, 0xa8, 0x09, 0x30, 0x9a, 0x35, 0xd7, 0xfc, 0xe5, 0xff, 0x23, 0xc6, 0x11, 0xa6, 0x6e, 0x3a, 0xac, 0xc0, 0xbb, 0xff, 0xf7, 0x82, 0x28, 0x40, 0x42, 0x22, 0x1a, 0x0f, 0xbf, 0xff, 0xfe, 0x22, 0x42, 0x0e, 0x0e, 0x3f, 0xd4, 0x47, 0xfe, 0xa1, 0x91, 0xd1, 0x1c, 0x64, 0x70, 0x5f, 0x40, 0xff, 0xf1, 0xc7, 0xf2, 0x9c, 0x25, 0x93, 0x1c, 0x8c, 0x70, 0x88, 0xeb, 0xfc, 0xf2, 0x3d, 0xfd, 0xd6, 0x84, 0x6c, 0x8c, 0x79, 0x48, 0xba, 0xd7, 0xff, 0xf6, 0x48, 0xc1, 0xc4, 0x30, 0x42, 0x24, 0x61, 0x91, 0xd1, 0x1c, 0x1d, 0x19, 0xc2, 0x42, 0x22, 0x18, 0x20, 0x60, 0x88, 0xa3, 0x83, 0x4e, 0xe5, 0x0e, 0x53, 0x9c, 0xe5, 0x79, 0x43, 0x5b, 0x61, 0x6b, 0xfe, 0x45, 0xfe, 0xb8, 0x88, 0x9a, 0x8c, 0xb9, 0x97, 0xd2, 0x98, 0x72, 0xac, 0xaa, 0xca, 0xc2, 0xec, 0xa1, 0xca, 0xb4, 0x0c, 0x20, 0xcf, 0xc5, 0x62, 0xee, 0x84, 0x5e, 0xa0, 0xf0, 0xf9, 0x64, 0x23, 0x23, 0x4c, 0xd4, 0xb3, 0x06, 0x50, 0x32, 0x19, 0x14, 0x16, 0x61, 0x1a, 0x47, 0xe3, 0x19, 0x88, 0xc6, 0x10, 0x33, 0x11, 0xb8, 0xb8, 0xc1, 0x06, 0x5e, 0xef, 0x91, 0xd1, 0x8c, 0x8e, 0x8f, 0xa2, 0x39, 0x91, 0xd1, 0x1c, 0x91, 0x43, 0x82, 0x08, 0xac, 0xa0, 0x98, 0x49, 0x11, 0xd7, 0xc2, 0xc6, 0x92, 0x5b, 0x7a, 0x61, 0xd9, 0x1c, 0x2f, 0xa1, 0xf9, 0x64, 0x98, 0x87, 0x19, 0x9b, 0x08, 0x19, 0xe8, 0x13, 0xc2, 0x0c, 0x20, 0xce, 0x02, 0x04, 0x38, 0x6b, 0xa1, 0xaa, 0xf1, 0x61, 0x0f, 0xfc, 0x59, 0x1c, 0xe2, 0x23, 0x11, 0x11, 0x11, 0x43, 0x1d, 0x24, 0x0c, 0x20, 0x56, 0xd8, 0x7f, 0xd4, 0x35, 0xae, 0xba, 0x0d, 0xe9, 0x38, 0xe2, 0xd6, 0xd7, 0xb5, 0xf7, 0xe4, 0x6e, 0xd1, 0x3b, 0xf5, 0xe6, 0x1c, 0x5f, 0x08, 0xbf, 0xbc, 0x24, 0x28, 0x8e, 0x94, 0x29, 0x74, 0x10, 0x2b, 0xed, 0xa1, 0x43, 0x0c, 0xae, 0xe8, 0x9d, 0xbf, 0x45, 0xdb, 0xa9, 0x3c, 0xcd, 0xce, 0x4b, 0x1a, 0x27, 0x9b, 0xea, 0x0b, 0x0c, 0x17, 0x08, 0x3d, 0x3f, 0x7e, 0x97, 0x27, 0xcf, 0x44, 0x70, 0x3c, 0x1a, 0x29, 0x58, 0x44, 0x74, 0x13, 0x04, 0x54, 0x74, 0x13, 0xda, 0xa4, 0x1e, 0x0a, 0x9d, 0x5e, 0xba, 0x77, 0x5e, 0xbf, 0xad, 0x27, 0xfc, 0x44, 0x4a, 0xa1, 0x4e, 0x84, 0x65, 0x1c, 0xa7, 0x22, 0xb9, 0x4e, 0x70, 0xca, 0xc3, 0xf1, 0x5a, 0x15, 0xe5, 0x71, 0x5d, 0xd9, 0x1a, 0x9c, 0x63, 0xfd, 0xde, 0xab, 0xaf, 0xae, 0x9e, 0x9f, 0xb5, 0xaf, 0xea, 0xff, 0x7c, 0xfb, 0xad, 0x75, 0x8e, 0x3d, 0xa4, 0x53, 0xe4, 0x74, 0x5c, 0x53, 0x60, 0xf0, 0xd5, 0x7a, 0xbf, 0xef, 0xac, 0x7f, 0x5f, 0x98, 0x7d, 0x7f, 0xf5, 0x4f, 0xfa, 0x2e, 0x47, 0xf2, 0x39, 0x98, 0xce, 0x22, 0xec, 0x8e, 0x45, 0xf2, 0x3c, 0x47, 0x12, 0x48, 0x70, 0xb1, 0x11, 0x3c, 0xbe, 0x43, 0x3b, 0x9d, 0xc7, 0xf2, 0x9f, 0x04, 0x47, 0x9f, 0x5e, 0xd5, 0x7a, 0xf0, 0xbf, 0xed, 0xff, 0xff, 0xdf, 0xff, 0x43, 0x88, 0xb8, 0xbf, 0xfa, 0x53, 0x88, 0xfa, 0x3a, 0x23, 0xeb, 0xea, 0x46, 0x3a, 0x11, 0x11, 0xc7, 0xff, 0x77, 0xa8, 0xff, 0x3e, 0x17, 0xeb, 0xd2, 0xff, 0xfe, 0xbf, 0xae, 0x0e, 0x19, 0x63, 0xda, 0xa7, 0xe1, 0x55, 0x82, 0x05, 0x0d, 0x06, 0x6d, 0x84, 0x0c, 0x20, 0x68, 0x1f, 0xf2, 0x87, 0xf1, 0xff, 0xff, 0xf8, 0x5f, 0xff, 0x74, 0xbf, 0xfb, 0xff, 0xc4, 0x20, 0x45, 0x0e, 0x53, 0xa6, 0x50, 0xe5, 0x0e, 0x10, 0x26, 0xcf, 0xd5, 0x08, 0x4d, 0x01, 0x11, 0xf2, 0xe1, 0x81, 0xe2, 0x22, 0x19, 0x1e, 0x60, 0x98, 0x44, 0x7f, 0xb6, 0x08, 0x28, 0x9e, 0x91, 0x14, 0x72, 0x63, 0xa5, 0xfd, 0xb5, 0xaf, 0xd1, 0x3e, 0xff, 0xfd, 0xff, 0xff, 0xff, 0x9f, 0x75, 0xda, 0x06, 0x7e, 0x2b, 0x44, 0xf4, 0x3d, 0x08, 0x8b, 0x2a, 0xd3, 0x60, 0xaf, 0xff, 0x52, 0xf5, 0xfc, 0x2f, 0xef, 0x6e, 0xbf, 0xff, 0xff, 0xf4, 0x5f, 0x31, 0x9c, 0xcf, 0xe6, 0xd1, 0x41, 0xe5, 0xc4, 0xeb, 0x3d, 0xff, 0xe4, 0x70, 0x5f, 0xe3, 0xf7, 0x5b, 0xff, 0xff, 0xfe, 0x38, 0xff, 0xfe, 0xd7, 0xfc, 0x49, 0x0e, 0x28, 0x8e, 0x18, 0xff, 0xff, 0xff, 0x6b, 0xf5, 0xfd, 0x8d, 0xcc, 0xdf, 0xfa, 0xfb, 0xae, 0xd7, 0xff, 0xbf, 0xfd, 0x58, 0x20, 0x87, 0xff, 0xff, 0xfd, 0xb3, 0x85, 0x9e, 0xc5, 0xcf, 0x7f, 0xb4, 0xaa, 0xeb, 0xff, 0xfb, 0x57, 0xff, 0xfe, 0xd4, 0xe5, 0xfb, 0x10, 0x65, 0x68, 0x08, 0x8f, 0x84, 0xc3, 0x2a, 0x12, 0x68, 0x93, 0x88, 0x88, 0x60, 0x83, 0x5a, 0x48, 0xd2, 0x16, 0x55, 0xa8, 0x7b, 0xed, 0xae, 0xda, 0xff, 0x61, 0x3f, 0x61, 0x85, 0xaf, 0xe0, 0xff, 0x63, 0xff, 0x88, 0x88, 0x68, 0x45, 0xa6, 0x57, 0x95, 0xc5, 0x79, 0x5e, 0x10, 0x30, 0x9f, 0x42, 0xc7, 0x8f, 0xd8, 0xa6, 0xa2, 0xbf, 0x8b, 0xf6, 0x3e, 0xbf, 0xfd, 0xff, 0xd1, 0x74, 0x74, 0xc9, 0x08, 0x8e, 0x8c, 0xfc, 0xc0, 0xbf, 0x8e, 0x3f, 0x64, 0x71, 0x9e, 0xcb, 0xe5, 0xc1, 0x52, 0x3d, 0xac, 0x35, 0xfb, 0x22, 0xc6, 0xb6, 0x46, 0xf7, 0x76, 0xb7, 0xad, 0xa0, 0xc9, 0xc4, 0x7f, 0xa2, 0x18, 0x1c, 0x82, 0x0e, 0x24, 0xa0, 0x90, 0x9d, 0x7f, 0x13, 0xeb, 0xe2, 0x69, 0x84, 0x14, 0x32, 0x56, 0x5b, 0x90, 0xd9, 0x0a, 0x55, 0x3b, 0x09, 0x84, 0xc2, 0x11, 0x10, 0x61, 0x08, 0x88, 0x30, 0x42, 0x22, 0x22, 0x22, 0x22, 0x3f, 0xff, 0xff, 0xfc, 0xfa, 0x3c, 0xbf, 0x94, 0xf3, 0x7f, 0x69, 0x89, 0x2e, 0xb9, 0x31, 0xca, 0x8e, 0x22, 0x22, 0x3f, 0xf9, 0x43, 0xe5, 0x8e, 0x53, 0x82, 0x0f, 0x9e, 0x65, 0xf3, 0xc2, 0x97, 0xd3, 0xb4, 0xc1, 0x08, 0x88, 0x88, 0xf4, 0x22, 0x2f, 0xff, 0xf2, 0xce, 0x2c, 0xd2, 0xfc, 0x60, 0xc9, 0x0e, 0x83, 0x88, 0x82, 0x3f, 0x9c, 0x3f, 0x11, 0x8d, 0x4e, 0x39, 0xc7, 0x2a, 0xca, 0xe3, 0xf1, 0x5c, 0x7e, 0x2b, 0xb6, 0x47, 0x65, 0xd1, 0xe4, 0x0b, 0x3e, 0x4c, 0x07, 0x42, 0xe0, 0xb5, 0xdb, 0x5f, 0xc2, 0x11, 0x11, 0x11, 0x12, 0x21, 0x38, 0xd0, 0xe3, 0xbf, 0xf0, 0x42, 0x2c, 0x53, 0x28, 0xe0, 0x89, 0x74, 0xe9, 0x3f, 0x1f, 0xf2, 0x3c, 0x43, 0x33, 0x04, 0x47, 0x44, 0x71, 0x32, 0xe2, 0x7f, 0xff, 0x59, 0x1c, 0x29, 0x1d, 0xa1, 0x26, 0x3b, 0xc2, 0x0e, 0xfd, 0x85, 0xfe, 0x43, 0x03, 0xb8, 0xff, 0xff, 0xff, 0x8f, 0x64, 0x87, 0x19, 0xd5, 0x71, 0xae, 0x18, 0x5f, 0xe5, 0x0f, 0xf0, 0xd7, 0x26, 0x3f, 0xbc, 0xf7, 0x6b, 0x64, 0x7f, 0x8f, 0x95, 0xc1, 0xa1, 0x7f, 0x8f, 0xec, 0xf2, 0x11, 0x94, 0x86, 0x22, 0x9a, 0x11, 0x12, 0x43, 0x92, 0x1c, 0x57, 0x28, 0x73, 0x41, 0x56, 0xa0, 0x82, 0x08, 0x42, 0x30, 0x19, 0x56, 0x98, 0x40, 0xaf, 0xff, 0x11, 0x0c, 0xc3, 0x90, 0x2e, 0x39, 0x4e, 0xa9, 0x9c, 0x72, 0x87, 0x23, 0x72, 0x43, 0x97, 0x02, 0x78, 0xc2, 0x5e, 0x20, 0xe2, 0x1c, 0x43, 0xff, 0xff, 0xc8, 0x18, 0x05, 0x88, 0xbd, 0xb4, 0x11, 0xc7, 0x04, 0x13, 0x23, 0xc1, 0x02, 0x23, 0xe1, 0x26, 0xbc, 0x33, 0x8e, 0xa5, 0x0e, 0x50, 0xe9, 0xef, 0x8d, 0x7f, 0xca, 0x1f, 0x5e, 0x11, 0x4e, 0xc2, 0x11, 0x56, 0xa1, 0x85, 0x6f, 0x68, 0x21, 0x11, 0x73, 0x3d, 0x6e, 0x08, 0x15, 0xff, 0xf2, 0x9e, 0x53, 0xa2, 0x5d, 0x04, 0x7e, 0xaa, 0x61, 0x63, 0x08, 0x46, 0x47, 0x5d, 0x43, 0x23, 0xe6, 0xf4, 0x19, 0x7b, 0x6a, 0xa3, 0xff, 0xc6, 0x53, 0xa3, 0x58, 0x73, 0x19, 0x1c, 0x1e, 0x45, 0x1c, 0xd8, 0x22, 0x22, 0x23, 0xe2, 0x22, 0xe2, 0xff, 0xff, 0xc2, 0x11, 0x11, 0x28, 0xc4, 0xd1, 0x1c, 0xcf, 0x23, 0x91, 0xe4, 0x7b, 0x3c, 0x8f, 0x2b, 0x92, 0x72, 0xbe, 0xe8, 0x5a, 0x35, 0xd7, 0xfe, 0x4c, 0x19, 0x81, 0x0d, 0xa3, 0xe8, 0xda, 0x6c, 0x8e, 0x88, 0xec, 0xb9, 0xd6, 0xd0, 0xbf, 0xf2, 0x81, 0xa2, 0xfb, 0x2a, 0xd3, 0xef, 0xff, 0x23, 0x86, 0x72, 0xf8, 0x26, 0x9c, 0x43, 0x58, 0x8b, 0xef, 0xb3, 0xc9, 0x7e, 0xa4, 0x6e, 0x21, 0xfc, 0x1f, 0xff, 0xe3, 0x84, 0x16, 0x50, 0xe1, 0x11, 0xff, 0xfa, 0xc7, 0xff, 0xbf, 0xfd, 0x7f, 0xf2, 0x9c, 0x90, 0xe5, 0x0e, 0x4a, 0x10, 0x60, 0x81, 0x7f, 0xb9, 0x31, 0xf4, 0x67, 0x97, 0x49, 0x76, 0x47, 0x06, 0xc5, 0x88, 0x4c, 0x45, 0xa0, 0x41, 0x08, 0xff, 0xc6, 0x0d, 0x08, 0xc1, 0xed, 0xc5, 0x82, 0x86, 0x11, 0xf4, 0x3c, 0x39, 0xc3, 0xec, 0x90, 0xe4, 0x87, 0x24, 0x39, 0x43, 0x92, 0x1c, 0xc3, 0x82, 0x79, 0x47, 0x29, 0x48, 0xaf, 0xb0, 0x45, 0xd7, 0xf8, 0x42, 0x22, 0x22, 0x22, 0x22, 0x2e, 0xf4, 0x7d, 0x1e, 0xcf, 0x21, 0x06, 0x86, 0xbc, 0xb9, 0x48, 0x85, 0x58, 0x7f, 0xff, 0x23, 0xc4, 0x7c, 0xc0, 0xc8, 0xef, 0x2e, 0x27, 0xe3, 0xbf, 0xee, 0x1a, 0xb0, 0x47, 0x1c, 0x7f, 0xeb, 0x88, 0x71, 0x7f, 0xe3, 0xff, 0x62, 0x2b, 0x8f, 0xff, 0x94, 0x3e, 0x11, 0x1d, 0x73, 0x8e, 0x71, 0xeb, 0x9f, 0x47, 0x96, 0xbf, 0x46, 0xb4, 0x60, 0xcb, 0xa6, 0xa8, 0xc3, 0x2e, 0xbf, 0xea, 0x22, 0x48, 0xcd, 0x01, 0x08, 0xe0, 0xb9, 0x1f, 0x23, 0x81, 0x14, 0xe3, 0x11, 0x11, 0x10, 0x68, 0x35, 0xcb, 0x83, 0x08, 0x5f, 0xc7, 0xff, 0xc4, 0x44, 0x4d, 0x68, 0x46, 0x77, 0x29, 0xca, 0xe3, 0xf1, 0x76, 0x57, 0x02, 0x61, 0x3d, 0xb2, 0x6e, 0x53, 0x9d, 0xc6, 0x47, 0x14, 0xdb, 0x42, 0xd0, 0xff, 0xe4, 0xe8, 0xe6, 0x6d, 0x1f, 0x59, 0x71, 0x1c, 0x77, 0x7d, 0xff, 0x11, 0x11, 0x11, 0x29, 0xd3, 0x23, 0x8f, 0xfc, 0x8e, 0x0e, 0xc4, 0x7f, 0xff, 0xff, 0x44, 0x7c, 0x8e, 0x44, 0x70, 0x72, 0xe2, 0x7f, 0xff, 0xc3, 0xff, 0xe3, 0x8f, 0xf1, 0x1a, 0xff, 0xff, 0x95, 0x65, 0x6a, 0x57, 0xc8, 0xf9, 0x27, 0x99, 0x83, 0xc9, 0x8f, 0x08, 0x44, 0x32, 0xe4, 0x10, 0x32, 0xe4, 0x87, 0x11, 0x06, 0x10, 0x8f, 0xfc, 0x43, 0xd2, 0x1a, 0x23, 0xa1, 0x23, 0x31, 0x16, 0x78, 0x2e, 0xca, 0x1c, 0x24, 0x53, 0x84, 0x18, 0x26, 0x09, 0x14, 0x39, 0x5d, 0x94, 0x90, 0xa1, 0xb2, 0xac, 0xa8, 0x23, 0x8f, 0xae, 0x70, 0x65, 0x6a, 0x5e, 0x85, 0x50, 0xaf, 0x2b, 0x92, 0x86, 0x84, 0x46, 0xbc, 0x7f, 0x23, 0x87, 0x23, 0x86, 0x31, 0xff, 0xf9, 0x1c, 0x65, 0xc2, 0xc8, 0x38, 0xe4, 0x30, 0xe1, 0x91, 0xc6, 0x5d, 0xf2, 0x14, 0x7e, 0x7d, 0x7d, 0x7e, 0x1a, 0xf3, 0x6b, 0x5f, 0xff, 0xf7, 0x17, 0x1b, 0x1f, 0xff, 0xf6, 0x22, 0x9a, 0x73, 0x47, 0xff, 0xcd, 0x16, 0x77, 0x29, 0xd0, 0x32, 0xe6, 0x71, 0xcf, 0x85, 0x5c, 0x32, 0xc7, 0x3c, 0x41, 0xcc, 0x68, 0xc3, 0x98, 0x73, 0x8f, 0xb4, 0x22, 0x22, 0x3a, 0x31, 0x9f, 0x44, 0xfb, 0x4d, 0x7b, 0xfd, 0x62, 0xda, 0x0a, 0x84, 0x22, 0xe6, 0xae, 0x12, 0xc1, 0xc4, 0x28, 0x62, 0x28, 0x44, 0xe4, 0xa1, 0x10, 0x6a, 0x1c, 0xe3, 0x82, 0x2e, 0xb0, 0x84, 0x32, 0x38, 0x63, 0xe3, 0xf8, 0x00, 0x80, 0x08 }; unsigned int bw1_ccitt_2521x1000_0_bin_len = 13915; unsigned char bw1_ccitt_2521x1000_1_bin[] = { 0x26, 0xa4, 0x5b, 0x89, 0xe6, 0xf3, 0xba, 0xd1, 0xd2, 0x36, 0x8f, 0x67, 0x91, 0xec, 0xe4, 0x79, 0x1e, 0x46, 0x11, 0x8c, 0x8f, 0x97, 0x44, 0x78, 0xb8, 0x39, 0x70, 0x57, 0x33, 0xff, 0x91, 0xf2, 0xf9, 0x3e, 0x63, 0x27, 0x8d, 0xe5, 0xde, 0x60, 0x4a, 0xdf, 0x76, 0xbe, 0xf1, 0x11, 0x9f, 0x42, 0x19, 0x43, 0x9e, 0x0e, 0xe4, 0x71, 0xfb, 0xfc, 0x85, 0x1c, 0x39, 0x08, 0x38, 0xe4, 0x3a, 0x8f, 0xff, 0xff, 0x58, 0x41, 0x8d, 0x57, 0xfd, 0x69, 0xf7, 0xe5, 0x0f, 0xae, 0x58, 0xff, 0x5f, 0xff, 0x08, 0x5f, 0xff, 0xfb, 0x13, 0x46, 0x22, 0x27, 0x90, 0x99, 0xb3, 0x86, 0x83, 0x11, 0xd3, 0x08, 0x44, 0x1c, 0x34, 0xd6, 0xcf, 0xe5, 0x09, 0x0b, 0x45, 0x0f, 0x5f, 0xf8, 0x88, 0x8b, 0x0b, 0x68, 0x33, 0x8e, 0x54, 0x1f, 0x81, 0x42, 0x69, 0xe8, 0x72, 0x3e, 0x71, 0x11, 0xe3, 0x08, 0xc2, 0x65, 0x5a, 0x16, 0x9f, 0xfd, 0x12, 0x11, 0x3a, 0x3d, 0x9e, 0xcc, 0x66, 0x11, 0x1e, 0x8f, 0xc5, 0xdf, 0xfc, 0x8e, 0x88, 0xe1, 0x9e, 0x22, 0xd0, 0x87, 0xeb, 0xff, 0xc8, 0xe1, 0x97, 0x10, 0xf0, 0xb2, 0x20, 0x4f, 0x5f, 0xff, 0x1f, 0x5f, 0xaf, 0xfd, 0xba, 0xfb, 0xff, 0x1f, 0xe2, 0x5b, 0x92, 0x71, 0x11, 0x11, 0x1f, 0xfc, 0x33, 0x0e, 0x53, 0x9f, 0x48, 0x67, 0xe8, 0x88, 0x91, 0xf3, 0xa6, 0x89, 0x3c, 0x20, 0xc2, 0x06, 0x10, 0x32, 0xe4, 0x89, 0x38, 0xe5, 0x42, 0x72, 0x14, 0x8d, 0xa3, 0x03, 0x2f, 0xff, 0xba, 0x11, 0x11, 0x19, 0x2b, 0x3d, 0x0a, 0xd2, 0x1a, 0x84, 0x18, 0x20, 0x8e, 0xe0, 0x82, 0x29, 0xca, 0x75, 0x3f, 0x70, 0x82, 0x83, 0x91, 0x0b, 0x3e, 0xff, 0xe8, 0x20, 0x42, 0x23, 0x98, 0x46, 0x17, 0x41, 0xf1, 0xc7, 0x17, 0xf8, 0xc3, 0x9c, 0xcb, 0x88, 0x47, 0x45, 0xc1, 0xb7, 0xff, 0x22, 0x39, 0x63, 0x91, 0x16, 0x31, 0x26, 0xff, 0xff, 0xe2, 0x08, 0x18, 0x20, 0x42, 0x22, 0x4c, 0x72, 0x67, 0x2a, 0xca, 0x82, 0xdc, 0xa7, 0xff, 0xd6, 0x3f, 0xae, 0xbf, 0xf9, 0x43, 0xb2, 0x3e, 0x0a, 0x23, 0xfa, 0xff, 0xf6, 0x10, 0x2c, 0xa1, 0xd7, 0x30, 0xfb, 0xef, 0x0a, 0x47, 0x41, 0x30, 0x4c, 0x8f, 0xaf, 0x11, 0xfc, 0x7f, 0xfb, 0x94, 0x41, 0xb0, 0x22, 0x3a, 0x21, 0xb2, 0xe6, 0x47, 0x19, 0x78, 0x10, 0xc1, 0xa4, 0xd0, 0x88, 0x88, 0xff, 0xd9, 0x5c, 0x08, 0x8f, 0x98, 0x16, 0x0e, 0xe7, 0xbf, 0xeb, 0xa1, 0x11, 0x11, 0x11, 0x10, 0x65, 0x68, 0x13, 0x38, 0xe5, 0x41, 0x5e, 0x57, 0x95, 0xc8, 0x1a, 0x17, 0x51, 0x11, 0x14, 0xab, 0xff, 0xf9, 0x74, 0x71, 0x18, 0x8e, 0x2c, 0xc0, 0x9d, 0x0e, 0x23, 0xfb, 0x91, 0xc0, 0xbb, 0x7c, 0x35, 0xff, 0xe8, 0x43, 0x89, 0x25, 0x9f, 0xff, 0xff, 0x1c, 0x7f, 0xff, 0x0c, 0xc3, 0xae, 0xbf, 0x3e, 0x8f, 0xaf, 0x58, 0x86, 0x40, 0x83, 0x00, 0xbf, 0xfb, 0x11, 0x2a, 0x03, 0x52, 0x11, 0x1d, 0x21, 0x64, 0x70, 0xdb, 0x94, 0x39, 0x22, 0x42, 0xc7, 0x29, 0xc1, 0xff, 0xfc, 0x33, 0x39, 0x4a, 0xc2, 0x11, 0x67, 0x84, 0x0c, 0xce, 0x61, 0xca, 0xb2, 0x87, 0x3c, 0x1c, 0x73, 0xf1, 0x4e, 0x53, 0xfe, 0x87, 0x17, 0xff, 0x44, 0x42, 0x30, 0x88, 0xe8, 0x47, 0x30, 0x88, 0xec, 0x8e, 0xb0, 0xed, 0x0e, 0x38, 0xd6, 0x2e, 0xbd, 0x82, 0x29, 0xc3, 0x5f, 0xf9, 0x1c, 0x64, 0x7c, 0x8e, 0x16, 0x32, 0x38, 0x42, 0xe5, 0xc4, 0x5d, 0x7e, 0x3f, 0xc4, 0x22, 0xe8, 0x8e, 0x70, 0x41, 0x30, 0xcf, 0xdf, 0xfc, 0x76, 0x08, 0x7f, 0xff, 0xfa, 0xce, 0x3a, 0xc3, 0x62, 0x28, 0x8d, 0xff, 0xf0, 0x65, 0x27, 0xb2, 0x8e, 0xc4, 0xe0, 0x65, 0x21, 0xa6, 0x08, 0x44, 0x44, 0x7c, 0x45, 0x95, 0x25, 0xff, 0xe2, 0x4a, 0xce, 0x38, 0x89, 0x2b, 0x13, 0xe9, 0x93, 0x1c, 0x93, 0x98, 0x72, 0xa0, 0xe3, 0x9c, 0x73, 0xc1, 0xc7, 0x2a, 0x0e, 0x39, 0x51, 0xe5, 0xb9, 0x51, 0x35, 0xe5, 0xf3, 0x79, 0xd1, 0xa7, 0x08, 0x15, 0x7f, 0x52, 0xb6, 0x9f, 0x40, 0xd1, 0xe4, 0x38, 0xe3, 0x43, 0x8f, 0x88, 0x88, 0xf4, 0xc2, 0x68, 0x45, 0xff, 0xa9, 0x1f, 0x23, 0xe7, 0x11, 0x7c, 0x8f, 0xc7, 0xfd, 0x0b, 0xf9, 0x1d, 0x91, 0xd1, 0x1c, 0x38, 0x88, 0xe6, 0x18, 0x22, 0x9f, 0xff, 0x88, 0x88, 0xb9, 0x0a, 0x3f, 0xff, 0xf8, 0xf2, 0x52, 0xb8, 0xff, 0xf8, 0x61, 0x11, 0xd4, 0x98, 0xf7, 0xff, 0x3e, 0x97, 0x8a, 0x65, 0x0e, 0x19, 0x1c, 0x16, 0x3f, 0xe7, 0xd0, 0xa3, 0xe8, 0xd0, 0x61, 0x03, 0x40, 0xf4, 0x1d, 0xf3, 0x8e, 0x84, 0x32, 0x81, 0x4a, 0xb2, 0xa0, 0xb1, 0xce, 0xff, 0xf8, 0xbd, 0x42, 0x60, 0xa0, 0x8b, 0xac, 0x6b, 0xe1, 0x91, 0xc5, 0x1f, 0xff, 0xf9, 0x1e, 0x23, 0xf1, 0xee, 0xc3, 0xff, 0x9d, 0xee, 0x4b, 0x3d, 0x0f, 0xff, 0xc6, 0x47, 0x0d, 0x1f, 0xd0, 0x9f, 0x5f, 0x62, 0x79, 0x11, 0xd0, 0x42, 0xc7, 0xff, 0xd7, 0xfe, 0x71, 0x7f, 0x44, 0x75, 0x88, 0x32, 0xad, 0x1b, 0x7d, 0x7f, 0x3c, 0xa5, 0x6d, 0xc8, 0x58, 0x28, 0x76, 0x85, 0x91, 0xe4, 0x0d, 0x12, 0x76, 0x9a, 0xf1, 0x63, 0xdf, 0xfe, 0xc4, 0x43, 0x2c, 0x70, 0x42, 0x7d, 0x33, 0xb9, 0x43, 0x82, 0x04, 0x90, 0x26, 0x50, 0xe1, 0x05, 0x77, 0x69, 0xf0, 0xc1, 0x11, 0xe3, 0x0c, 0xb9, 0x12, 0x08, 0xf0, 0x6c, 0x5b, 0xfd, 0x11, 0xf1, 0xcc, 0x22, 0xe8, 0x8e, 0x88, 0xeb, 0xc4, 0x6f, 0x11, 0x95, 0xeb, 0xe1, 0xca, 0x0f, 0x08, 0x39, 0x3e, 0x6d, 0x17, 0x61, 0x5e, 0xbf, 0xc8, 0x68, 0x32, 0xc4, 0x47, 0xf5, 0x8f, 0xf0, 0x82, 0x10, 0x65, 0xd1, 0x7c, 0x44, 0x47, 0xd3, 0xef, 0xff, 0xaf, 0xf9, 0xe5, 0x8f, 0x86, 0x22, 0xfb, 0xaf, 0xfe, 0x71, 0x17, 0xc8, 0xf9, 0x84, 0x47, 0xf9, 0x6e, 0x11, 0x1d, 0x58, 0x40, 0xac, 0x8e, 0x82, 0x0a, 0xc8, 0xe1, 0xa9, 0x67, 0xd1, 0x73, 0x23, 0x87, 0x20, 0x60, 0x8f, 0xff, 0x91, 0xba, 0xd6, 0x21, 0x91, 0xd0, 0x8a, 0xa1, 0x11, 0x11, 0x21, 0x07, 0x20, 0xe3, 0x93, 0x8d, 0x09, 0xf4, 0xca, 0xb2, 0x9d, 0x2f, 0x5f, 0x9c, 0x70, 0x84, 0x44, 0xec, 0x74, 0x2d, 0x03, 0x3f, 0x15, 0x65, 0x0e, 0x7e, 0x2b, 0xca, 0xe0, 0x5e, 0x47, 0x04, 0x44, 0x1c, 0x57, 0x6b, 0xda, 0xff, 0x64, 0xf9, 0x84, 0x6e, 0x2f, 0x9c, 0x88, 0xe8, 0xbe, 0x5c, 0x64, 0x72, 0xcb, 0x89, 0xf8, 0xbf, 0xdf, 0x87, 0x72, 0x07, 0xf1, 0xff, 0x4b, 0xc4, 0x58, 0x4e, 0x22, 0x35, 0xbd, 0xfc, 0x47, 0xeb, 0xb9, 0x87, 0x38, 0xe2, 0x5b, 0x90, 0x40, 0x62, 0xd9, 0xdd, 0x2f, 0xff, 0x24, 0x39, 0x31, 0xed, 0x4a, 0x1c, 0xb7, 0x3d, 0xd9, 0x4e, 0x08, 0x16, 0xb5, 0xf3, 0xc8, 0xfa, 0xfb, 0xe8, 0x22, 0x9d, 0x09, 0xe6, 0x24, 0x0d, 0x31, 0x4f, 0xff, 0x62, 0x22, 0x22, 0x22, 0x22, 0x20, 0xc2, 0x36, 0x40, 0x84, 0xd3, 0x07, 0x0c, 0x20, 0x61, 0x03, 0x54, 0xc2, 0x06, 0xbc, 0x48, 0x41, 0xc8, 0x42, 0x9d, 0xff, 0xf4, 0x22, 0x0c, 0xad, 0x01, 0x42, 0x0c, 0x13, 0x2b, 0xed, 0x06, 0x13, 0xd9, 0x70, 0xac, 0x11, 0x1f, 0x2e, 0xcb, 0x82, 0xbf, 0xfd, 0x17, 0xcd, 0xac, 0xc0, 0xbf, 0x8f, 0xc2, 0xf9, 0xd3, 0xf9, 0x43, 0x90, 0xd1, 0x06, 0xb2, 0x9c, 0xb7, 0x3b, 0xaf, 0xfd, 0x09, 0x38, 0x21, 0x9c, 0x2f, 0xfe, 0x7d, 0x7f, 0xd0, 0x52, 0xf9, 0xb8, 0xba, 0x4d, 0xa0, 0x82, 0x11, 0x11, 0xd6, 0xff, 0xf9, 0x43, 0xc2, 0xe8, 0xe3, 0xfa, 0xff, 0xfa, 0x88, 0x38, 0x87, 0x11, 0x93, 0x0a, 0x3a, 0xff, 0xc4, 0x4d, 0x33, 0xe8, 0x8b, 0x81, 0x1a, 0x61, 0x08, 0x30, 0x42, 0x22, 0x38, 0x65, 0xd1, 0x1e, 0x34, 0x61, 0xc1, 0x09, 0xaf, 0x7f, 0xbc, 0x31, 0x13, 0x6c, 0x9d, 0x1f, 0x52, 0x12, 0x0a, 0xd1, 0x4b, 0x1c, 0xa8, 0x04, 0x0c, 0xf8, 0x54, 0x14, 0xe7, 0x82, 0x9c, 0xf9, 0xa1, 0x18, 0x42, 0x0c, 0xab, 0x29, 0xff, 0xfa, 0xc2, 0x2e, 0x9a, 0xf1, 0xcc, 0x23, 0x68, 0x8e, 0xb0, 0xe2, 0xf5, 0x8b, 0x8d, 0x74, 0x5c, 0x1d, 0x10, 0xa2, 0xfb, 0x09, 0xfa, 0xfe, 0x88, 0x37, 0x1c, 0x90, 0xe6, 0x1c, 0x84, 0x1e, 0x47, 0x04, 0xd0, 0x8f, 0xf1, 0x1f, 0xef, 0xc9, 0x34, 0x47, 0x46, 0x3e, 0x3a, 0xaf, 0xff, 0xaf, 0xf9, 0xc7, 0xf5, 0x9d, 0x17, 0xf1, 0x24, 0xe2, 0x22, 0x22, 0xe6, 0xb5, 0xdf, 0xfb, 0x29, 0xca, 0x39, 0x4f, 0x1a, 0x11, 0x28, 0xbd, 0xfb, 0xb3, 0x9a, 0x64, 0x7d, 0x61, 0x85, 0x94, 0xe5, 0x38, 0x45, 0x61, 0x02, 0x4e, 0x08, 0x12, 0xff, 0xf1, 0xe6, 0xf4, 0x90, 0x34, 0x46, 0x38, 0x88, 0x66, 0xd2, 0x11, 0x11, 0x11, 0x61, 0x57, 0x89, 0x1a, 0x97, 0x88, 0xef, 0xfe, 0x08, 0x44, 0x44, 0x48, 0x2a, 0x16, 0x56, 0x1f, 0x8a, 0xf2, 0xb8, 0xaf, 0x41, 0xa0, 0x7b, 0xce, 0x22, 0x80, 0x64, 0xff, 0xf2, 0x39, 0x98, 0x8f, 0x33, 0x0c, 0xb8, 0x4c, 0xb8, 0x9f, 0x8f, 0xfc, 0x4a, 0x41, 0x0f, 0x67, 0x02, 0x2a, 0xca, 0xb2, 0xbf, 0xff, 0xc4, 0x5a, 0x7f, 0x38, 0xff, 0xfc, 0x78, 0x44, 0x7c, 0xc4, 0x22, 0x3a, 0x0c, 0x8f, 0xff, 0xfb, 0x38, 0xe7, 0x1c, 0xd8, 0x50, 0xe1, 0x05, 0x19, 0x4e, 0x61, 0xd7, 0xbf, 0xe7, 0xd7, 0x9e, 0xfe, 0x2c, 0xa9, 0xae, 0x3f, 0xfe, 0xc4, 0x44, 0x44, 0x45, 0xdb, 0x20, 0x59, 0xbc, 0x8e, 0x24, 0xa8, 0xa1, 0x11, 0x10, 0xc2, 0x60, 0x81, 0x47, 0x13, 0x8f, 0x23, 0x87, 0x42, 0xd1, 0x71, 0xfe, 0xfc, 0x44, 0x44, 0xe2, 0x11, 0x65, 0x61, 0xf8, 0xaf, 0x2b, 0x82, 0x0d, 0x0c, 0xf9, 0x82, 0x27, 0x45, 0xd1, 0x74, 0xca, 0xb5, 0x5b, 0xfd, 0x74, 0x5d, 0x10, 0x91, 0x74, 0x67, 0xe6, 0x11, 0x1e, 0x23, 0xff, 0xff, 0xf4, 0x5c, 0x68, 0x68, 0x8c, 0xb3, 0x17, 0xff, 0xe8, 0x83, 0x71, 0xdc, 0x49, 0x0b, 0x62, 0x3d, 0xf1, 0xf7, 0xef, 0xf2, 0x2d, 0xa7, 0xaf, 0xef, 0x64, 0x70, 0xd9, 0xb5, 0xa3, 0x8f, 0xc7, 0x1d, 0x78, 0x8a, 0x45, 0x38, 0x32, 0x3c, 0x10, 0xe5, 0x53, 0xfa, 0xe5, 0x3b, 0x16, 0x62, 0x07, 0x04, 0x5f, 0x42, 0x22, 0x39, 0xc7, 0x3c, 0x14, 0x38, 0x42, 0x22, 0x0c, 0xab, 0x50, 0x65, 0xff, 0xf7, 0xb0, 0x71, 0x90, 0xcb, 0x73, 0x41, 0x5a, 0x15, 0x87, 0x1c, 0xf0, 0x50, 0xe5, 0x59, 0xb0, 0xfc, 0x57, 0x1f, 0x3c, 0x72, 0x14, 0x17, 0x16, 0xff, 0xf4, 0x43, 0x42, 0x23, 0x98, 0x47, 0x96, 0xe3, 0x8d, 0x0f, 0xfe, 0x18, 0x22, 0x3a, 0x25, 0x06, 0xba, 0xff, 0xd1, 0x1d, 0x18, 0x64, 0x7e, 0xc8, 0xe1, 0x34, 0x2f, 0xc5, 0xfa, 0xec, 0x72, 0x3a, 0x23, 0xe7, 0x07, 0xe0, 0xcf, 0x9f, 0xf8, 0x88, 0xb8, 0xff, 0x13, 0xc8, 0x7b, 0xe8, 0x8f, 0x9f, 0x41, 0x05, 0x18, 0xb2, 0x8a, 0x01, 0xff, 0x7c, 0x8d, 0xd0, 0x32, 0xac, 0x11, 0x75, 0xc1, 0x11, 0xd6, 0x73, 0xcf, 0xa3, 0xda, 0x84, 0x0b, 0x5e, 0x45, 0x1c, 0x72, 0x31, 0xc8, 0x40, 0x32, 0xa3, 0xfd, 0x7d, 0x17, 0x0a, 0x99, 0x70, 0x59, 0x14, 0x18, 0x42, 0x22, 0x0d, 0x08, 0x8e, 0x3e, 0x10, 0x42, 0xc8, 0xe1, 0xb7, 0xff, 0x3e, 0xd3, 0x95, 0xa0, 0x40, 0xca, 0xe2, 0xbc, 0xae, 0x2b, 0xca, 0xe3, 0xe6, 0x71, 0xca, 0xa8, 0x10, 0x95, 0x08, 0xda, 0x30, 0x8b, 0xb2, 0xff, 0xfe, 0x47, 0x2c, 0xb8, 0x9f, 0xe3, 0xd7, 0xc9, 0x8e, 0x53, 0x86, 0x47, 0xc7, 0x8f, 0xd7, 0xff, 0xbf, 0x1f, 0xfe, 0x2e, 0x32, 0x2a, 0xbf, 0xff, 0xe0, 0x88, 0xfe, 0xd7, 0x9e, 0x5f, 0x7c, 0x46, 0x47, 0x05, 0x62, 0x38, 0xbf, 0x7e, 0x22, 0x83, 0x97, 0x1b, 0x41, 0xc9, 0x8e, 0x0c, 0x8e, 0x40, 0x98, 0x20, 0x51, 0xce, 0x39, 0x4b, 0x65, 0x59, 0x50, 0x8c, 0xfd, 0xfe, 0xd8, 0x42, 0x35, 0x0a, 0x57, 0x82, 0x0d, 0x03, 0x43, 0x3e, 0x79, 0x0d, 0x05, 0x1e, 0x0c, 0x11, 0x4f, 0xd7, 0xe8, 0x8f, 0x91, 0x99, 0x84, 0x62, 0x39, 0x18, 0x46, 0x0c, 0xbf, 0x98, 0x45, 0xcf, 0x7f, 0x85, 0xbe, 0xff, 0xff, 0xf5, 0xf2, 0x31, 0xc1, 0x45, 0xc5, 0xaa, 0x04, 0x47, 0x17, 0x42, 0xff, 0x11, 0xfe, 0xc8, 0xc4, 0x08, 0x58, 0x8f, 0xff, 0xca, 0x1c, 0x6d, 0xfd, 0x56, 0xff, 0xff, 0x44, 0xf2, 0x23, 0x72, 0xc7, 0x28, 0x99, 0x56, 0x8c, 0x64, 0x74, 0x08, 0xa8, 0xff, 0xe2, 0x22, 0x19, 0xf9, 0x08, 0x89, 0x3a, 0x23, 0x81, 0x7b, 0x04, 0xc2, 0x11, 0x1a, 0x91, 0xc5, 0x91, 0x47, 0x11, 0xfc, 0x46, 0xbb, 0xfd, 0x9c, 0x22, 0xe3, 0x37, 0xf9, 0x18, 0x05, 0xe2, 0x1c, 0x94, 0x16, 0x39, 0x08, 0x39, 0xc7, 0x24, 0xe0, 0x88, 0xfb, 0xd3, 0xc8, 0xc7, 0x11, 0x11, 0xff, 0xd0, 0x9f, 0x42, 0x22, 0x6d, 0x1e, 0xc2, 0x2b, 0x0f, 0xa8, 0x52, 0xb0, 0x10, 0x60, 0x98, 0x40, 0xcf, 0xc8, 0xfa, 0x1e, 0xe7, 0xf2, 0xaa, 0x21, 0x08, 0x3d, 0x95, 0x05, 0x4f, 0xaf, 0xe4, 0x72, 0x23, 0x84, 0x92, 0x82, 0x18, 0x71, 0x0d, 0x41, 0x04, 0x47, 0x1e, 0x60, 0x4d, 0xff, 0xfe, 0x88, 0xef, 0x30, 0x82, 0x64, 0x78, 0x8e, 0x84, 0x78, 0x32, 0x3f, 0xef, 0xdb, 0xc7, 0x77, 0xe9, 0x7f, 0xe3, 0x8f, 0xbf, 0x22, 0x0e, 0x38, 0x8b, 0x23, 0x4b, 0x8f, 0xd7, 0xf9, 0x4e, 0x50, 0xe4, 0xf1, 0x1f, 0xa5, 0x69, 0x0c, 0xfc, 0x84, 0x47, 0xaf, 0x3c, 0xb3, 0xde, 0x14, 0x10, 0x25, 0x89, 0x63, 0x84, 0x16, 0x54, 0x43, 0x28, 0x73, 0x0f, 0x42, 0xe7, 0xbf, 0xfd, 0x26, 0x22, 0x2c, 0x58, 0xac, 0x98, 0xe5, 0x41, 0xdc, 0x44, 0x44, 0x44, 0x45, 0xa1, 0xca, 0xf8, 0x88, 0x88, 0x8b, 0x2a, 0xd4, 0x3f, 0xff, 0x68, 0x44, 0x59, 0x43, 0x0a, 0xd0, 0xae, 0x2b, 0x8f, 0x05, 0x39, 0x5c, 0x77, 0x2a, 0x0a, 0xe4, 0x79, 0x64, 0x70, 0xa3, 0xeb, 0xff, 0xe4, 0x66, 0x5d, 0x1b, 0xcb, 0xa3, 0xc8, 0xbc, 0x6d, 0x97, 0xc8, 0xf4, 0x32, 0x3b, 0xcc, 0x0b, 0xf4, 0x38, 0x8e, 0xeb, 0xe4, 0x2b, 0xff, 0xfb, 0xf2, 0x38, 0x31, 0x10, 0xe2, 0x38, 0xd7, 0x8f, 0xbf, 0x1f, 0xdd, 0x09, 0xbd, 0x90, 0x61, 0xcb, 0xe5, 0xf8, 0xb4, 0x50, 0xe1, 0x0f, 0xbf, 0xf2, 0xc7, 0x23, 0x1f, 0x77, 0xb5, 0x4c, 0xe3, 0xff, 0xcf, 0x2f, 0xf6, 0x50, 0xf1, 0x11, 0x12, 0x75, 0x19, 0x8d, 0xf5, 0xfc, 0x44, 0x44, 0x43, 0x28, 0xc1, 0xec, 0x39, 0x56, 0xa1, 0xa6, 0x10, 0x30, 0x81, 0x91, 0xcc, 0x13, 0x2e, 0x2a, 0xf2, 0x08, 0x0a, 0x57, 0x8b, 0x5f, 0xf4, 0xcb, 0xa2, 0x1a, 0x65, 0x04, 0x28, 0x74, 0x47, 0xa7, 0x8e, 0x1e, 0x9c, 0x30, 0x44, 0x79, 0x84, 0xd0, 0x45, 0x0e, 0x50, 0xf3, 0xcb, 0x8b, 0x30, 0x8c, 0x22, 0x3e, 0x47, 0x03, 0x7d, 0xfd, 0xa0, 0x88, 0x57, 0x20, 0xdc, 0x4a, 0x30, 0x82, 0x14, 0x22, 0x3a, 0x84, 0x15, 0x84, 0x53, 0xa7, 0x1d, 0xa5, 0xe2, 0x22, 0x24, 0x36, 0xa9, 0xd7, 0xd7, 0x44, 0x57, 0x8b, 0x04, 0x47, 0xa9, 0xc2, 0x4a, 0x2a, 0x47, 0x56, 0x94, 0x3b, 0xe5, 0x0e, 0x43, 0x2e, 0x65, 0x15, 0xff, 0xf9, 0x63, 0xe2, 0xe3, 0xd3, 0x08, 0x61, 0x02, 0xb0, 0x47, 0x1d, 0x61, 0x22, 0x3a, 0x08, 0xa1, 0xd1, 0x1d, 0x6b, 0x9b, 0x42, 0x68, 0xbf, 0xaf, 0x69, 0x65, 0x41, 0x0e, 0xe8, 0xd1, 0x11, 0xd1, 0x83, 0x2e, 0x44, 0x73, 0x23, 0x81, 0xe1, 0x86, 0x22, 0x23, 0xfb, 0xe2, 0x22, 0x22, 0x08, 0x8e, 0x0b, 0x06, 0xd1, 0x1f, 0x2e, 0x64, 0x72, 0x2f, 0x11, 0xd1, 0xec, 0xc2, 0x23, 0xe7, 0xd1, 0xce, 0x56, 0xf4, 0xfd, 0x6c, 0xad, 0xa7, 0x2b, 0x44, 0x0d, 0x1e, 0x43, 0x88, 0xbe, 0xff, 0xff, 0xfe, 0x3f, 0xff, 0xff, 0xfe, 0x79, 0x7f, 0xe7, 0xd1, 0x1d, 0x18, 0xcc, 0x33, 0x88, 0xd7, 0xff, 0xff, 0xfe, 0x7d, 0x7f, 0x84, 0x22, 0x22, 0x2f, 0xff, 0xb2, 0xe1, 0x90, 0x19, 0xff, 0xff, 0x4a, 0x43, 0x64, 0x11, 0x85, 0x95, 0xa1, 0x5c, 0x57, 0x15, 0xe5, 0x68, 0x57, 0x95, 0xde, 0xbf, 0xfc, 0x47, 0xf1, 0xff, 0xff, 0xfd, 0xff, 0x1f, 0xff, 0xff, 0xff, 0x3a, 0x2f, 0xf9, 0x16, 0xce, 0x42, 0xff, 0xd4, 0x8a, 0xa3, 0x04, 0x47, 0x03, 0xc3, 0x5f, 0x69, 0xe4, 0xdc, 0xa2, 0x8f, 0xfc, 0x44, 0x48, 0x32, 0x71, 0x05, 0xfc, 0xa0, 0x9e, 0x84, 0x31, 0x91, 0xd7, 0xfe, 0xca, 0xdd, 0x0a, 0xda, 0x3e, 0x5d, 0x18, 0xc8, 0xe8, 0x8e, 0xa2, 0x45, 0x03, 0xef, 0xeb, 0xfa, 0xf7, 0x0c, 0x8e, 0x88, 0xe1, 0xa3, 0xff, 0x73, 0x11, 0x4f, 0xe6, 0x19, 0x73, 0x37, 0x11, 0xf2, 0x3a, 0x37, 0x97, 0xcf, 0x22, 0xeb, 0xf4, 0xe2, 0x23, 0xff, 0xd6, 0x11, 0x74, 0x5c, 0x1e, 0x46, 0x56, 0xe0, 0x81, 0x60, 0xe2, 0x22, 0x22, 0x3f, 0xc5, 0x14, 0x39, 0x21, 0xff, 0xff, 0xaf, 0xf7, 0xf2, 0x1c, 0x73, 0xbf, 0xf1, 0x0c, 0x17, 0xff, 0xf1, 0x52, 0x86, 0x2e, 0x31, 0x11, 0x1f, 0x51, 0x08, 0x94, 0xd7, 0xff, 0xf6, 0xbc, 0x11, 0x74, 0x5c, 0xff, 0x3e, 0xb1, 0xff, 0xf8, 0x52, 0x19, 0xc7, 0x21, 0xc6, 0xff, 0x07, 0xf1, 0x1f, 0xaf, 0xfd, 0x2f, 0x1e, 0x61, 0x93, 0xc7, 0xbf, 0xaf, 0xff, 0x86, 0x24, 0x85, 0x88, 0xb0, 0x84, 0x7f, 0xff, 0xfc, 0xc3, 0x23, 0xa3, 0x4c, 0x71, 0xff, 0xdf, 0xf8, 0x5c, 0x48, 0x60, 0x4f, 0xec, 0x86, 0x72, 0x5f, 0xff, 0x0f, 0x94, 0x3f, 0xf1, 0xff, 0xf1, 0x11, 0x1a, 0xff, 0xff, 0xfc, 0x81, 0xa2, 0xe4, 0x5c, 0x35, 0xff, 0xe2, 0x38, 0x88, 0xaf, 0xf6, 0x40, 0xf1, 0x4e, 0x54, 0x86, 0xff, 0x88, 0xff, 0x9e, 0x2f, 0xf4, 0x71, 0xd9, 0x5c, 0xc3, 0xff, 0xa9, 0x43, 0xa2, 0x3a, 0x32, 0x54, 0xcb, 0xc4, 0x71, 0x91, 0xc6, 0x47, 0x65, 0xd9, 0x1e, 0xbf, 0xf1, 0xeb, 0xd6, 0x3d, 0x8a, 0x0b, 0xff, 0xdf, 0x14, 0x8d, 0x04, 0xb1, 0xb5, 0x7f, 0x5f, 0x1d, 0x71, 0xff, 0xfc, 0x43, 0xbe, 0x45, 0x1d, 0xd9, 0xc7, 0xfe, 0x33, 0xb8, 0x88, 0x5a, 0x61, 0x2f, 0xf3, 0x81, 0xf9, 0x0a, 0x3e, 0x68, 0x13, 0xbc, 0x35, 0xff, 0x88, 0x88, 0x88, 0x8f, 0xdf, 0x30, 0xff, 0xf7, 0xfe, 0xb4, 0x3f, 0xd5, 0xaf, 0xf1, 0xff, 0x32, 0x25, 0x88, 0xe0, 0x78, 0x6f, 0xf1, 0x15, 0xec, 0x81, 0xe0, 0xaf, 0x87, 0x01, 0x35, 0xae, 0x23, 0xff, 0xff, 0xff, 0xfe, 0x40, 0x4c, 0x69, 0x11, 0xf3, 0x99, 0xb4, 0x79, 0x11, 0xd1, 0x1d, 0x11, 0xd1, 0x1d, 0x11, 0xd1, 0x1c, 0x29, 0x80, 0xe4, 0x70, 0xc9, 0x03, 0x1e, 0x53, 0x75, 0x64, 0xf9, 0x1d, 0x11, 0xd1, 0x1c, 0x0d, 0xa0, 0x47, 0x96, 0xd8, 0xaa, 0x27, 0xc8, 0xe8, 0xf8, 0x12, 0xc0, 0x90, 0x8e, 0x8b, 0xa3, 0x11, 0x84, 0x47, 0xcc, 0x3f, 0x2d, 0x71, 0x44, 0x70, 0x42, 0x38, 0x1b, 0x41, 0x58, 0x8e, 0x64, 0x74, 0x47, 0x44, 0x73, 0x11, 0x11, 0x11, 0xf2, 0xd3, 0x56, 0x8d, 0x68, 0xc2, 0x23, 0xa2, 0x38, 0x1b, 0x42, 0x11, 0xc5, 0x25, 0xd0, 0x88, 0x8f, 0x96, 0x74, 0xb6, 0x47, 0x88, 0xe8, 0x8e, 0x8b, 0x81, 0xb4, 0x36, 0x08, 0xf9, 0x67, 0x59, 0x03, 0x30, 0x42, 0x38, 0x2e, 0x47, 0xfe, 0x40, 0xf0, 0x68, 0x1c, 0xa7, 0x28, 0x73, 0x39, 0xb8, 0xa6, 0x0a, 0xb8, 0x88, 0x88, 0x8f, 0xff, 0xff, 0xff, 0xff, 0xff, 0x90, 0x15, 0x1a, 0xce, 0xea, 0xbc, 0x80, 0x85, 0x54, 0x44, 0xf2, 0x49, 0x1a, 0xf3, 0x21, 0x38, 0x8d, 0x4b, 0xf9, 0x4c, 0x83, 0x44, 0x8c, 0xa7, 0xce, 0x67, 0x23, 0x2b, 0x89, 0x5c, 0x13, 0xbd, 0x3f, 0xff, 0x2d, 0x90, 0x5c, 0x89, 0xe4, 0x93, 0x35, 0xc1, 0x3b, 0x54, 0xfb, 0x23, 0x7a, 0xff, 0x95, 0x38, 0x95, 0x5f, 0xfe, 0x5a, 0xa3, 0x11, 0x14, 0xcd, 0x71, 0x91, 0x4c, 0x74, 0x93, 0x4d, 0x74, 0xff, 0xce, 0x44, 0x69, 0x93, 0x4a, 0xaf, 0xff, 0xbf, 0xff, 0xc9, 0xbc, 0x22, 0x3a, 0x2e, 0x19, 0x00, 0xa0, 0xaf, 0xe4, 0x68, 0x8e, 0xb9, 0xb0, 0xa5, 0x7a, 0xa3, 0xa4, 0x9d, 0xf6, 0x6e, 0xff, 0xff, 0xf5, 0xf1, 0xff, 0xff, 0xff, 0xf2, 0xdc, 0x54, 0x32, 0x41, 0x54, 0x8e, 0x65, 0xc8, 0xc8, 0xb4, 0x1c, 0x10, 0x61, 0x35, 0x41, 0xfe, 0x6a, 0xbe, 0xbf, 0xff, 0xc7, 0x1f, 0xff, 0x5f, 0xff, 0x25, 0xe3, 0xad, 0x90, 0x3c, 0xce, 0x21, 0x99, 0xd5, 0x65, 0x39, 0xfc, 0x81, 0xe0, 0xd2, 0xe4, 0x0f, 0x06, 0x88, 0x26, 0xe5, 0x0e, 0x54, 0x1b, 0x8a, 0x99, 0x56, 0x56, 0x44, 0xf5, 0x0d, 0x06, 0xeb, 0x0f, 0xff, 0xc7, 0xff, 0xd0, 0x22, 0x3d, 0xff, 0xee, 0x4b, 0xe5, 0x45, 0x99, 0x98, 0x22, 0xa2, 0x53, 0x91, 0xd3, 0xcc, 0x1e, 0x71, 0x12, 0xe4, 0x10, 0x67, 0xc6, 0x7a, 0x33, 0x81, 0x03, 0x3a, 0x08, 0x7f, 0x30, 0x32, 0x71, 0xe6, 0xa1, 0x32, 0x38, 0xa1, 0x03, 0x04, 0x0f, 0x3e, 0xc9, 0x10, 0x40, 0xc2, 0x0c, 0x10, 0x67, 0xa0, 0x9e, 0x7d, 0x84, 0x1f, 0xa3, 0xb9, 0x28, 0x2f, 0x0b, 0x1c, 0xd0, 0x5b, 0x93, 0x1c, 0xa1, 0xc8, 0x47, 0x27, 0x05, 0x8e, 0x41, 0xc7, 0x04, 0x8a, 0x1c, 0xc3, 0x90, 0x68, 0x71, 0x1c, 0x44, 0x44, 0x48, 0x41, 0xfa, 0x27, 0x9b, 0xfc, 0x7f, 0xfd, 0xff, 0xaf, 0x37, 0x7e, 0x4e, 0x44, 0x24, 0x78, 0x61, 0x06, 0x7c, 0x66, 0x79, 0xcc, 0xc0, 0xc2, 0x07, 0x97, 0x18, 0x44, 0x54, 0xe0, 0xf0, 0x81, 0x9e, 0x81, 0x73, 0xec, 0x26, 0x7e, 0x0b, 0x84, 0x1e, 0x99, 0x9b, 0x08, 0x3b, 0x09, 0xda, 0xe9, 0xc5, 0x84, 0x34, 0xe2, 0xc2, 0x69, 0xe9, 0x44, 0x5a, 0x71, 0xe9, 0x27, 0xfe, 0x81, 0x17, 0xde, 0x10, 0x23, 0x0e, 0x10, 0x21, 0x04, 0xac, 0xa1, 0xc2, 0x41, 0x11, 0xd0, 0x59, 0x9c, 0xa1, 0xcc, 0x38, 0x48, 0x18, 0xe0, 0xc9, 0x8e, 0x24, 0xc7, 0x21, 0x94, 0x38, 0xb2, 0x3b, 0x9a, 0x8e, 0x10, 0x6d, 0xea, 0x6a, 0x7f, 0xff, 0x20, 0x72, 0x99, 0x9e, 0x53, 0x99, 0xd2, 0xcc, 0x16, 0x73, 0x34, 0xcd, 0x07, 0xde, 0x08, 0x33, 0xf6, 0x6e, 0x08, 0x82, 0x50, 0xc7, 0x06, 0x10, 0x67, 0x58, 0x28, 0x4d, 0x30, 0x83, 0x58, 0xb5, 0x42, 0xc2, 0x68, 0x6b, 0x1e, 0x92, 0x71, 0xc5, 0xfe, 0x9e, 0x9b, 0xfa, 0x76, 0xa9, 0xdc, 0x9b, 0xb9, 0x37, 0x7a, 0x52, 0x31, 0xc8, 0x8e, 0xe5, 0xdf, 0xd2, 0x45, 0xdd, 0xf8, 0x66, 0x2a, 0x09, 0x04, 0x13, 0x08, 0x60, 0x88, 0xe8, 0x11, 0x43, 0x85, 0xca, 0xc3, 0xdb, 0x23, 0xa2, 0x39, 0x84, 0x16, 0x0d, 0x04, 0x54, 0x02, 0x41, 0x17, 0x52, 0xa1, 0x98, 0x44, 0x76, 0x47, 0x33, 0x0c, 0xc3, 0x23, 0x99, 0x70, 0xe4, 0x72, 0x23, 0xa2, 0x3c, 0x74, 0x2a, 0xdd, 0x7d, 0x76, 0xf2, 0x61, 0x7e, 0x61, 0xe4, 0xc1, 0x90, 0x86, 0x48, 0x19, 0x9e, 0x60, 0x8a, 0x06, 0x67, 0x98, 0x89, 0xe3, 0xf1, 0xf8, 0xc6, 0x10, 0x3c, 0xb8, 0xc1, 0x07, 0x84, 0x19, 0xf8, 0x8e, 0xf3, 0xcc, 0x20, 0xcf, 0x41, 0x62, 0xf5, 0x4c, 0x26, 0xbc, 0x5f, 0xf2, 0x20, 0xef, 0xc2, 0x71, 0xde, 0xbd, 0xf6, 0x9a, 0x27, 0x14, 0x4e, 0x1f, 0xa5, 0x2e, 0xdf, 0x25, 0x6f, 0xf4, 0x4e, 0xe1, 0x82, 0x97, 0x8e, 0xd2, 0x0c, 0x14, 0xdd, 0x93, 0xcc, 0xbe, 0xcb, 0xcc, 0x9e, 0x50, 0x41, 0xb4, 0x10, 0x6f, 0x58, 0x41, 0x84, 0xe9, 0x37, 0x05, 0xa5, 0x4d, 0xaf, 0x84, 0x82, 0x0a, 0x28, 0x20, 0x8b, 0x99, 0x8d, 0xe3, 0x10, 0xa2, 0x82, 0x04, 0x08, 0x2f, 0x04, 0x10, 0x58, 0x82, 0x8c, 0x11, 0x1d, 0x11, 0xe4, 0x10, 0x41, 0x6c, 0x22, 0x3a, 0xb2, 0x3a, 0x0b, 0x08, 0x11, 0x43, 0x84, 0x08, 0xc3, 0x84, 0x16, 0x14, 0x24, 0x10, 0x43, 0xa7, 0x40, 0x88, 0xff, 0xef, 0x7f, 0xe7, 0x48, 0xf8, 0xa4, 0x7b, 0x23, 0x8a, 0x08, 0x1e, 0x10, 0x3c, 0xdb, 0x33, 0x82, 0x0c, 0xeb, 0x04, 0x18, 0x41, 0xa1, 0x0d, 0x07, 0x1e, 0x9e, 0x9a, 0xc5, 0xa1, 0xa7, 0x1e, 0x92, 0x71, 0xdf, 0xe9, 0xd3, 0xc9, 0x43, 0xfc, 0x30, 0x5a, 0x86, 0x0a, 0x5e, 0x3a, 0x45, 0xe3, 0x06, 0x0a, 0x6e, 0x7c, 0x9e, 0x41, 0x82, 0x92, 0xcc, 0xdf, 0x41, 0x07, 0x84, 0x1e, 0x0b, 0x49, 0x04, 0xdc, 0x14, 0x27, 0xfe, 0x13, 0x7a, 0x4e, 0xdd, 0x3a, 0xbd, 0x3a, 0x4e, 0x93, 0x74, 0xe9, 0x3a, 0x4f, 0xa0, 0xaa, 0x9e, 0x9e, 0x16, 0x96, 0xff, 0x62, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x23, 0x1e, 0xfe, 0xf5, 0xfe, 0x85, 0xc5, 0xf1, 0x7f, 0x84, 0xe2, 0xd6, 0xd3, 0xfd, 0x2a, 0x6a, 0x4a, 0x1a, 0x27, 0x74, 0x5e, 0x3f, 0x49, 0x17, 0x8e, 0xa4, 0xf9, 0xfe, 0x8b, 0xe7, 0xdc, 0x20, 0xdf, 0xfb, 0xd6, 0x93, 0xc1, 0x24, 0xfa, 0x4f, 0xd3, 0xf4, 0xeb, 0x7b, 0xfd, 0x2a, 0x4a, 0xf5, 0xb7, 0xfa, 0xbf, 0x4d, 0xb6, 0xbb, 0x5d, 0x75, 0xd3, 0xd7, 0xff, 0xa5, 0xf8, 0xaf, 0x69, 0x58, 0xff, 0xeb, 0x8d, 0xaf, 0xfa, 0x27, 0x19, 0x28, 0x61, 0x82, 0x93, 0xcf, 0xf2, 0xf1, 0xc9, 0xe3, 0x9b, 0x9c, 0x9f, 0x51, 0x7c, 0xe0, 0xaf, 0xec, 0x30, 0xa9, 0xd0, 0x4f, 0x4f, 0x2f, 0xa9, 0x24, 0xf0, 0x54, 0xdf, 0xf4, 0xea, 0xf4, 0xff, 0xfa, 0xf4, 0xdd, 0x55, 0xff, 0xd7, 0xd7, 0x4f, 0x58, 0xf5, 0xa5, 0x5d, 0x57, 0xfd, 0x5f, 0xf1, 0x58, 0xff, 0xbe, 0x3f, 0x57, 0x43, 0xa5, 0x4f, 0xfc, 0x70, 0x7f, 0x87, 0xfb, 0xeb, 0xfe, 0x10, 0x78, 0x4e, 0xf4, 0xdf, 0xe9, 0x3e, 0xea, 0xfb, 0x74, 0xf4, 0xeb, 0xfd, 0x3e, 0xff, 0xe9, 0x55, 0xd7, 0xfb, 0xaf, 0x5f, 0xfe, 0xf7, 0xff, 0xef, 0x8f, 0xff, 0xfe, 0xba, 0xfa, 0x5f, 0xff, 0xff, 0xea, 0xd6, 0x44, 0x0b, 0xff, 0xfc, 0x7c, 0x5f, 0xe6, 0x61, 0x3d, 0x83, 0xf8, 0x45, 0xd7, 0xec, 0x8b, 0xa7, 0xd2, 0xf5, 0x7d, 0xfa, 0x7e, 0xba, 0xba, 0x6e, 0xba, 0xd7, 0xaf, 0x5f, 0xae, 0xb1, 0xeb, 0x4b, 0x7f, 0x7f, 0x5a, 0xb5, 0xbe, 0xff, 0xde, 0xb5, 0x7d, 0x57, 0x24, 0x0f, 0xfd, 0xf8, 0xfc, 0xf8, 0x4d, 0x8b, 0x8b, 0xf7, 0xfe, 0x3d, 0x0d, 0xf3, 0x50, 0x7f, 0xf5, 0xef, 0xff, 0xc2, 0xf6, 0xc3, 0xf8, 0xfc, 0x24, 0xc8, 0x53, 0xd6, 0x0c, 0x8e, 0x27, 0xd7, 0x5f, 0xff, 0xef, 0x58, 0xfb, 0xd7, 0xdc, 0x11, 0x1e, 0xaa, 0xff, 0xd7, 0x8f, 0xea, 0xbf, 0xed, 0x63, 0xff, 0xfb, 0xfa, 0xf8, 0xf3, 0xe1, 0xef, 0xff, 0x5f, 0x0b, 0xff, 0xff, 0xff, 0xeb, 0xdf, 0xff, 0xf7, 0xf8, 0x44, 0x41, 0xfc, 0x90, 0xf0, 0xdf, 0xc2, 0x3b, 0x4e, 0x8b, 0xa2, 0x84, 0x5d, 0x11, 0xd1, 0x1f, 0x23, 0xa3, 0x68, 0xda, 0x23, 0xa2, 0xe8, 0x8e, 0xc8, 0xe8, 0x8f, 0x91, 0xd1, 0x74, 0x47, 0xc8, 0xe8, 0x8e, 0xc8, 0xe8, 0x8e, 0xc8, 0xec, 0x8e, 0x8b, 0xae, 0x29, 0x87, 0x75, 0x15, 0xff, 0xff, 0x7f, 0xaf, 0xb9, 0x38, 0xfe, 0x2f, 0x7f, 0xff, 0xd5, 0xcf, 0x84, 0xf8, 0xff, 0xfe, 0x3b, 0xfd, 0xff, 0x5f, 0xeb, 0xd6, 0xbf, 0x5f, 0xf4, 0x45, 0x7f, 0x26, 0x3b, 0xaf, 0xff, 0x93, 0x1c, 0xe2, 0x32, 0x55, 0x74, 0x4f, 0xbf, 0xef, 0xf2, 0xf4, 0xcb, 0x87, 0x7f, 0x2f, 0xf5, 0x0a, 0xce, 0x87, 0xf9, 0xde, 0x80, 0x78, 0x17, 0x7c, 0x18, 0x6f, 0xd7, 0xef, 0xff, 0xf7, 0xc7, 0xe7, 0x82, 0xd7, 0xfa, 0x5f, 0xff, 0xe1, 0x7b, 0x5f, 0xff, 0xd7, 0xf5, 0xf7, 0xae, 0xfe, 0x5d, 0x54, 0x4f, 0xba, 0xff, 0xcb, 0x09, 0xd1, 0x7f, 0xe9, 0xe6, 0xab, 0xaf, 0xf0, 0x87, 0x61, 0x5f, 0x0b, 0xff, 0xc9, 0xd7, 0xf6, 0x69, 0xef, 0xfa, 0x5d, 0xed, 0x86, 0xff, 0xc1, 0x6c, 0xea, 0x3b, 0x58, 0x2f, 0x5f, 0xff, 0xeb, 0xfc, 0x2f, 0xff, 0xe9, 0x7f, 0xf4, 0x88, 0xe3, 0xc9, 0xbb, 0x6a, 0xff, 0xf9, 0x7b, 0x2e, 0x49, 0xca, 0x7f, 0xff, 0xda, 0xff, 0xfc, 0x2f, 0x7f, 0xf7, 0x7e, 0xbe, 0xaf, 0xff, 0xfc, 0x9d, 0x79, 0xa4, 0x8b, 0x1d, 0xff, 0xd5, 0xae, 0x9f, 0xe6, 0x76, 0xb5, 0x7f, 0xeb, 0xee, 0x6d, 0xff, 0x58, 0x3c, 0xd4, 0x83, 0x7d, 0x4c, 0xba, 0xbf, 0xff, 0xff, 0xf0, 0xbd, 0x13, 0xef, 0xcd, 0x56, 0xf6, 0xff, 0xfd, 0x34, 0x5f, 0xfa, 0x79, 0xb5, 0x57, 0xff, 0x50, 0x42, 0x1b, 0xeb, 0xff, 0xad, 0xd7, 0x73, 0x4f, 0x5f, 0xff, 0xf3, 0x4b, 0xff, 0x57, 0xb3, 0x3b, 0xbf, 0xfb, 0x4f, 0xbd, 0x2f, 0xfe, 0xfe, 0xd7, 0xdf, 0x75, 0xdf, 0xff, 0xfb, 0x7f, 0xee, 0x41, 0xc7, 0xfb, 0x6e, 0xff, 0xee, 0xbf, 0xff, 0x7c, 0xb5, 0x1e, 0x17, 0x7f, 0xb1, 0xfd, 0xfe, 0xfd, 0x6b, 0xde, 0x4e, 0xbf, 0xfe, 0xcc, 0xe5, 0xff, 0xfd, 0x8f, 0xeb, 0xd3, 0xf5, 0xd7, 0xfe, 0xd6, 0xd7, 0x5f, 0xb7, 0x5f, 0x4b, 0xb5, 0x6d, 0x7d, 0x69, 0xbf, 0x5f, 0x6d, 0x5b, 0x4b, 0xed, 0x6f, 0xef, 0xf6, 0xd7, 0xde, 0xd2, 0xfe, 0xc8, 0xe0, 0x78, 0xa0, 0x82, 0xfc, 0xc3, 0xed, 0x7f, 0xff, 0xfa, 0xe9, 0x5f, 0x55, 0xfe, 0xcc, 0xee, 0xa3, 0xaf, 0xff, 0xdf, 0x7b, 0x4f, 0xd7, 0xf7, 0xe9, 0xed, 0x7f, 0xfe, 0xd7, 0xba, 0xf5, 0xff, 0xf6, 0xea, 0xd6, 0xd3, 0xf6, 0xed, 0x78, 0x6b, 0xd8, 0x5b, 0x56, 0xd8, 0x69, 0x2b, 0x70, 0x70, 0xc1, 0x3f, 0x86, 0x0b, 0x1f, 0xb0, 0x61, 0x26, 0x2b, 0x6f, 0xf8, 0x87, 0xf6, 0xc7, 0xfc, 0x48, 0x57, 0x22, 0x59, 0x08, 0x39, 0xde, 0xc7, 0xee, 0xfd, 0x7f, 0xff, 0xff, 0x7e, 0x66, 0xee, 0xb5, 0xd5, 0xff, 0x6a, 0xff, 0xb5, 0xd7, 0xef, 0x5b, 0xb4, 0xbb, 0x5b, 0x55, 0xbb, 0x4b, 0xfd, 0xad, 0xb4, 0xb6, 0xd6, 0x1b, 0x0c, 0x27, 0xbf, 0x07, 0xf1, 0xb1, 0xc5, 0xef, 0xb1, 0x5c, 0x56, 0xc6, 0xc5, 0x43, 0x62, 0x92, 0xf6, 0x2f, 0xd8, 0xda, 0xf8, 0xa6, 0xbf, 0xf6, 0x44, 0x1f, 0xbb, 0x74, 0xff, 0x60, 0xd1, 0x1e, 0x9d, 0xd6, 0x0e, 0x81, 0x11, 0xff, 0xb5, 0x63, 0xfe, 0xff, 0xed, 0x7d, 0x6e, 0xad, 0x5d, 0x6d, 0x2b, 0x5d, 0xfa, 0xfd, 0xb5, 0xb5, 0xf7, 0x6d, 0x2e, 0x1a, 0xf6, 0x15, 0xb4, 0xbe, 0x3f, 0xe0, 0xf6, 0x0d, 0x8f, 0x62, 0xae, 0x2f, 0x5f, 0xf6, 0x9d, 0xfd, 0xb6, 0xb9, 0x87, 0x5c, 0x88, 0x3d, 0xad, 0xaa, 0x6d, 0xd9, 0x15, 0xfe, 0x19, 0x1b, 0xda, 0xda, 0x0d, 0x35, 0xbb, 0x5b, 0xb4, 0xed, 0x53, 0x41, 0x85, 0xfe, 0x08, 0xee, 0x3b, 0xbc, 0x8f, 0xf1, 0xff, 0xfc, 0x32, 0xeb, 0x6d, 0x7e, 0xed, 0x2d, 0xb5, 0x6d, 0x6d, 0x2b, 0x58, 0x61, 0x58, 0x61, 0x2e, 0xbb, 0x83, 0xf8, 0xe2, 0x1f, 0xdb, 0x15, 0x51, 0x5b, 0x1c, 0x55, 0x3c, 0xc3, 0xaf, 0xff, 0x61, 0x6d, 0x3b, 0x22, 0xbf, 0x7d, 0xdf, 0x61, 0x06, 0x4a, 0x13, 0x23, 0x8d, 0x53, 0x4c, 0x26, 0x84, 0x30, 0x84, 0x30, 0x84, 0x30, 0x84, 0x30, 0x84, 0x44, 0x30, 0x42, 0x22, 0x0c, 0x10, 0x88, 0x88, 0x30, 0x42, 0x22, 0x22, 0x22, 0x22, 0x22, 0x3f, 0x44, 0x75, 0xf1, 0x4d, 0x21, 0x7f, 0xec, 0x34, 0xab, 0x89, 0x15, 0xf1, 0xfc, 0x38, 0xf8, 0xe2, 0xa3, 0x88, 0x71, 0x51, 0x5f, 0x5f, 0xee, 0xc8, 0x83, 0xfa, 0x76, 0xb9, 0x63, 0xad, 0x91, 0x5e, 0x1a, 0xfa, 0x61, 0x3b, 0x42, 0x1a, 0x68, 0x30, 0x83, 0x08, 0x43, 0x08, 0x41, 0x82, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0xf8, 0xbe, 0x20, 0x8b, 0xe9, 0x91, 0xc6, 0x47, 0x0c, 0xb7, 0xf8, 0xa7, 0xfd, 0xff, 0x98, 0x75, 0xb2, 0x20, 0xf0, 0xd4, 0xc3, 0x84, 0xc8, 0xaf, 0x99, 0xd0, 0x6b, 0x77, 0x69, 0xe9, 0xc3, 0x25, 0x08, 0x30, 0x83, 0x88, 0x88, 0x61, 0x08, 0x83, 0x04, 0x20, 0xc1, 0x08, 0x60, 0x84, 0x44, 0x44, 0x47, 0x11, 0x11, 0xfa, 0x89, 0x9e, 0xad, 0x25, 0xae, 0xed, 0x7f, 0x86, 0x46, 0x3e, 0xb7, 0xa6, 0x10, 0x86, 0x10, 0xb0, 0xb0, 0x61, 0x03, 0x08, 0x70, 0x65, 0x54, 0x08, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x57, 0xef, 0x9c, 0x71, 0xc5, 0xef, 0xd8, 0x69, 0xac, 0x44, 0x5c, 0x44, 0x44, 0x44, 0x71, 0x1c, 0x46, 0xbe, 0x11, 0x1d, 0x22, 0x19, 0xa3, 0xe9, 0x82, 0x23, 0xcd, 0x6a, 0x22, 0x22, 0x29, 0x7a, 0xbf, 0xc9, 0x4a, 0x57, 0x41, 0xd2, 0xa0, 0x44, 0x7d, 0xb3, 0x19, 0xe4, 0x47, 0x46, 0xe2, 0xe8, 0x8e, 0x8d, 0xc7, 0xd1, 0x78, 0xc6, 0x47, 0x8b, 0xac, 0xb2, 0x0d, 0x5f, 0x82, 0xfb, 0x22, 0x59, 0x1f, 0x86, 0x60, 0x88, 0xf9, 0xc6, 0x78, 0x34, 0x95, 0xe3, 0x69, 0x35, 0x0a, 0xd2, 0x04, 0x47, 0x4d, 0x11, 0xd3, 0x49, 0x04, 0x53, 0xa1, 0x16, 0x52, 0x7d, 0xaf, 0xd7, 0xb1, 0x11, 0x11, 0x07, 0x28, 0x0c, 0xdf, 0x75, 0xe8, 0x44, 0x44, 0x44, 0x44, 0x47, 0xd8, 0xaf, 0x61, 0x7a, 0x16, 0xae, 0xd8, 0x8f, 0xdd, 0xaf, 0x1f, 0x44, 0x75, 0x71, 0xb5, 0xaa, 0x08, 0x8e, 0x83, 0x08, 0x47, 0xc7, 0xbc, 0x90, 0xe7, 0x70, 0x44, 0x70, 0x69, 0x77, 0xc7, 0xe6, 0xa5, 0xa2, 0x87, 0xd6, 0xb3, 0xbc, 0x57, 0xfe, 0xa3, 0x69, 0xf4, 0x1c, 0x3f, 0xa1, 0x70, 0x8a, 0x76, 0x5c, 0xe3, 0x04, 0x50, 0xf2, 0x94, 0x82, 0x05, 0xfb, 0xef, 0xe2, 0x3f, 0x72, 0x9a, 0x05, 0x5e, 0xab, 0xff, 0x72, 0xd9, 0x11, 0x92, 0xdc, 0xaa, 0xc7, 0x6a, 0x71, 0x54, 0x8a, 0xcb, 0x4f, 0xd4, 0x55, 0xb1, 0x8e, 0x5a, 0xbf, 0x1a, 0xb3, 0x91, 0x2d, 0xce, 0xcf, 0x26, 0xbd, 0xe9, 0xaf, 0xe0, 0x81, 0x0d, 0x13, 0x7f, 0xa7, 0xae, 0x76, 0x4f, 0x35, 0x5f, 0xff, 0xf8, 0x77, 0x30, 0xec, 0x8e, 0x0a, 0xa1, 0xff, 0xf4, 0xfe, 0xfa, 0x5d, 0xff, 0xf5, 0x26, 0x3d, 0x77, 0xfa, 0xff, 0xef, 0x4f, 0xf5, 0xec, 0x53, 0x61, 0x02, 0x72, 0xc9, 0xf1, 0x29, 0xb1, 0xf1, 0xfe, 0xba, 0xe6, 0x1e, 0xa5, 0x63, 0x3a, 0x5e, 0xf8, 0xb9, 0x31, 0xd1, 0x4a, 0x4f, 0xff, 0xfe, 0x6f, 0x3a, 0x1e, 0x6d, 0x90, 0xc8, 0x90, 0x59, 0x4e, 0x46, 0xac, 0xf8, 0xc9, 0x74, 0x7b, 0x30, 0x45, 0x05, 0x9a, 0xc5, 0x27, 0x17, 0x3e, 0x21, 0x9e, 0x62, 0x57, 0xcf, 0x0a, 0x68, 0x10, 0x10, 0x30, 0x44, 0x27, 0x19, 0xc8, 0xab, 0x8b, 0xf5, 0x53, 0x38, 0xb2, 0x38, 0x34, 0xeb, 0xf9, 0xbb, 0x34, 0x32, 0x5c, 0xb2, 0x8c, 0xf9, 0x1d, 0x08, 0xd3, 0x30, 0x46, 0x79, 0xc8, 0xb8, 0xc9, 0xc6, 0x5e, 0x35, 0x08, 0x7e, 0x34, 0x82, 0x06, 0x08, 0x1e, 0x08, 0x18, 0x41, 0xd8, 0x41, 0x84, 0x18, 0x41, 0xe7, 0xda, 0x20, 0x96, 0x61, 0xd8, 0x41, 0x9e, 0x69, 0xa1, 0x0c, 0x21, 0xa0, 0xc2, 0x0f, 0x4d, 0x0f, 0xb7, 0x4d, 0x30, 0x83, 0x4e, 0x2f, 0xdc, 0x5c, 0x8a, 0x3f, 0x17, 0xf2, 0xc8, 0xb3, 0x1f, 0x67, 0xac, 0x10, 0x67, 0x9e, 0x10, 0x61, 0x3b, 0x30, 0xc2, 0x84, 0x19, 0xf9, 0x06, 0x84, 0x3b, 0x8b, 0x43, 0x4f, 0xfe, 0x2d, 0x38, 0xb4, 0xd3, 0xd2, 0x58, 0xd3, 0xfd, 0x55, 0x3d, 0x3e, 0xbd, 0x13, 0x76, 0x89, 0x3b, 0x44, 0xe2, 0x89, 0xc6, 0x46, 0xff, 0xc8, 0x66, 0x0e, 0x9a, 0xad, 0x72, 0x47, 0xda, 0xf1, 0x7e, 0x9a, 0x14, 0xc6, 0x9c, 0x5f, 0xda, 0xa7, 0xf4, 0xf2, 0x28, 0xed, 0x13, 0x87, 0x25, 0x6d, 0x17, 0x99, 0x76, 0xf4, 0x91, 0x79, 0xa9, 0x78, 0xfe, 0x4a, 0xda, 0x27, 0x8d, 0x17, 0xce, 0x5f, 0x5d, 0x13, 0xe7, 0x04, 0xaf, 0xc2, 0x0f, 0x08, 0x3d, 0x06, 0xe1, 0x06, 0xe1, 0x06, 0xff, 0xb7, 0x3b, 0xa4, 0xbc, 0x20, 0x60, 0x81, 0x9c, 0x67, 0xc1, 0x3f, 0x92, 0x87, 0xe8, 0xbb, 0x72, 0xf2, 0xa8, 0xbc, 0x72, 0x79, 0x93, 0xe6, 0xb2, 0x79, 0x45, 0xf6, 0x5f, 0x3f, 0x0c, 0x20, 0xc1, 0x41, 0x07, 0x84, 0x1e, 0x83, 0x74, 0xe9, 0x3e, 0x92, 0x4f, 0x04, 0x93, 0xfd, 0x3d, 0x3e, 0xe9, 0x37, 0xd3, 0xd5, 0x5e, 0xb6, 0x93, 0x74, 0xff, 0x5f, 0x85, 0x11, 0x6c, 0x56, 0xa1, 0x37, 0x45, 0x8f, 0x7d, 0x69, 0xfd, 0x20, 0xe9, 0x3b, 0x05, 0x41, 0xe9, 0xbd, 0xb7, 0xa7, 0xa7, 0x49, 0xef, 0xfa, 0x74, 0xae, 0xbf, 0x49, 0xf4, 0xb7, 0xaa, 0x6f, 0xe9, 0xe9, 0xd2, 0xeb, 0xea, 0xeb, 0x7f, 0x1a, 0xd7, 0xaf, 0xfe, 0x47, 0x51, 0x70, 0x45, 0xd3, 0xc9, 0xbb, 0xba, 0x6b, 0xba, 0xa7, 0xfa, 0xba, 0x7a, 0x5b, 0xa7, 0xad, 0x7d, 0x5e, 0xae, 0xbf, 0xfd, 0xf7, 0x1f, 0x7d, 0x2a, 0xf5, 0xff, 0xd7, 0xc7, 0x7d, 0x7d, 0x6f, 0x61, 0xef, 0x42, 0x3d, 0x7e, 0xf8, 0xc3, 0x04, 0x82, 0x0d, 0xb6, 0xa1, 0x85, 0x6b, 0xd7, 0xfb, 0xfd, 0x53, 0xf7, 0xbb, 0xd5, 0xfa, 0xf7, 0xff, 0xff, 0xad, 0x0c, 0x7b, 0xd6, 0xff, 0xff, 0xfa, 0xef, 0xeb, 0xc8, 0x9d, 0xf2, 0x30, 0x27, 0xf8, 0x45, 0xd7, 0xe9, 0x3b, 0xa5, 0xbc, 0xc3, 0xd7, 0xfd, 0x75, 0xff, 0xfa, 0xd7, 0xeb, 0xde, 0xbf, 0xf4, 0x3a, 0xcf, 0x05, 0xf5, 0xfa, 0xff, 0xfe, 0x97, 0x7a, 0xf8, 0xf6, 0x1f, 0x78, 0x2f, 0xf8, 0xe4, 0x15, 0x87, 0x20, 0xdc, 0x72, 0x87, 0xbf, 0x5c, 0x57, 0xfd, 0x7f, 0xc7, 0x5f, 0xff, 0xef, 0xd7, 0xff, 0xff, 0xfd, 0xa7, 0xdf, 0xf7, 0xff, 0xd7, 0xff, 0xfa, 0x78, 0x61, 0xf5, 0xa2, 0x2b, 0xff, 0xf2, 0x0a, 0x07, 0x30, 0xec, 0xb8, 0x6c, 0x45, 0x42, 0x5f, 0xdf, 0xf6, 0xff, 0xfe, 0xf5, 0xff, 0xf5, 0xff, 0xff, 0xff, 0xfd, 0x12, 0xb5, 0xc9, 0xbf, 0xff, 0xff, 0xbf, 0xfe, 0xff, 0x52, 0x82, 0x7f, 0x44, 0xfb, 0xff, 0xa5, 0x0d, 0x04, 0x77, 0x60, 0x8e, 0xec, 0x3f, 0x17, 0x5b, 0x75, 0xff, 0xff, 0x6f, 0xff, 0xef, 0xdf, 0xfd, 0xff, 0xec, 0xca, 0x1d, 0x20, 0x57, 0xd5, 0xbf, 0xff, 0xff, 0xdb, 0xff, 0xe8, 0xb3, 0xf0, 0xff, 0x9a, 0x55, 0xff, 0xe2, 0xd0, 0x88, 0x8a, 0x0b, 0xed, 0x7a, 0xe9, 0x7f, 0xcb, 0x09, 0xff, 0xff, 0x5f, 0xff, 0xff, 0x7f, 0xfa, 0xab, 0x34, 0xf6, 0xff, 0xff, 0xf7, 0xf3, 0x3b, 0xf7, 0x5f, 0xb7, 0x31, 0x3e, 0xb7, 0xd7, 0xff, 0x90, 0x20, 0x71, 0x7f, 0x57, 0xfb, 0x1f, 0xbe, 0xef, 0x5f, 0xf5, 0x6a, 0xff, 0x7b, 0xae, 0xbe, 0xbe, 0x69, 0x7f, 0x7a, 0xd7, 0x6b, 0x6e, 0xba, 0xfd, 0xef, 0xda, 0xaf, 0x5d, 0x7f, 0xdf, 0xaf, 0xff, 0xa9, 0x63, 0xb2, 0xe0, 0xd6, 0x5f, 0x23, 0xa2, 0x38, 0xcb, 0x91, 0x1c, 0x29, 0x4a, 0x5f, 0x32, 0x77, 0xc7, 0xfa, 0xf9, 0x9b, 0xfe, 0xd7, 0x5f, 0x5e, 0x9d, 0x6e, 0xbf, 0xfe, 0xd6, 0xd7, 0x56, 0xd7, 0x6f, 0xfb, 0x4b, 0x5f, 0xd6, 0xd5, 0xb4, 0x9e, 0x1a, 0xe7, 0x1a, 0xbf, 0x6a, 0xda, 0x4d, 0xa5, 0x61, 0x7f, 0xdd, 0x25, 0x21, 0x98, 0xe2, 0xba, 0x0b, 0x5b, 0xfa, 0xed, 0x7f, 0xf7, 0x56, 0xbb, 0x69, 0x5f, 0x69, 0x3f, 0xda, 0xda, 0xeb, 0xfe, 0xda, 0x56, 0x95, 0xad, 0xae, 0xec, 0x30, 0xb4, 0xc3, 0x56, 0xd7, 0xd8, 0x30, 0xac, 0x30, 0x94, 0x30, 0xaa, 0xc3, 0x04, 0xbf, 0xbd, 0x8e, 0x2a, 0x36, 0x2f, 0xff, 0x16, 0x84, 0x59, 0x1c, 0x1e, 0xf5, 0xec, 0xce, 0x99, 0xdf, 0xd7, 0xfb, 0x6a, 0xc3, 0x0a, 0xb6, 0xb0, 0xc2, 0x50, 0xc2, 0xfd, 0xb0, 0xd5, 0x8a, 0x63, 0x60, 0xe0, 0xfe, 0x2a, 0x2a, 0x2d, 0x8a, 0xed, 0x8f, 0x62, 0xa3, 0xf6, 0x38, 0xd8, 0xa7, 0x62, 0xbe, 0xbd, 0xa7, 0x6a, 0x42, 0x0f, 0xff, 0xfc, 0x90, 0xe3, 0x1f, 0xd5, 0x5b, 0xf7, 0xff, 0x8a, 0x8d, 0xd8, 0xa8, 0xa8, 0xaf, 0xe3, 0x69, 0xfd, 0xf7, 0xd9, 0x11, 0xed, 0x6e, 0xfb, 0x4c, 0x88, 0x3f, 0xd9, 0x14, 0x78, 0x61, 0x06, 0x16, 0xd3, 0x5a, 0xbe, 0xc2, 0x0c, 0x20, 0xc2, 0x0c, 0x27, 0xda, 0xfe, 0x0c, 0x86, 0x71, 0xc9, 0xbe, 0x71, 0xef, 0xed, 0xd2, 0x5e, 0x79, 0xbf, 0xfe, 0xd3, 0x22, 0x0f, 0xda, 0x98, 0x75, 0x33, 0xaf, 0xa0, 0xc8, 0xa3, 0xc3, 0x4c, 0x8d, 0xee, 0xf4, 0xe1, 0x84, 0x41, 0x90, 0x61, 0x38, 0x61, 0x08, 0x86, 0x4e, 0x22, 0x0c, 0x10, 0x30, 0x42, 0x22, 0x0c, 0xa6, 0x4d, 0x7a, 0xc1, 0x32, 0x38, 0x31, 0x48, 0x7c, 0x1b, 0x1d, 0x37, 0x07, 0xd3, 0x54, 0xed, 0x34, 0x18, 0x41, 0x84, 0x22, 0x18, 0x2c, 0x30, 0xb0, 0xc1, 0x08, 0x88, 0x60, 0xb1, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0xc4, 0x47, 0xdc, 0x45, 0xaf, 0xd2, 0xb7, 0xe2, 0x22, 0x22, 0x22, 0x23, 0x8e, 0x23, 0x95, 0xf3, 0xfc, 0x14, 0x7b, 0x86, 0xa9, 0xda, 0x6b, 0xc9, 0x65, 0xa6, 0xbf, 0x23, 0xf4, 0xe2, 0x22, 0x22, 0x3f, 0xab, 0x61, 0x2f, 0x1d, 0xaf, 0xc5, 0x45, 0x7f, 0xfd, 0xa6, 0xbc, 0x29, 0x06, 0x81, 0xcb, 0x1c, 0x88, 0x39, 0x10, 0x72, 0x87, 0x38, 0xe5, 0x0e, 0x71, 0xc8, 0x2e, 0x3a, 0xfd, 0xa0, 0x61, 0x7b, 0x9a, 0xca, 0x30, 0x54, 0x87, 0x88, 0x88, 0xfc, 0x44, 0x5f, 0xd9, 0x92, 0xb4, 0x49, 0x11, 0x74, 0x50, 0x97, 0xe9, 0xaa, 0x44, 0x74, 0xca, 0x19, 0xfc, 0x22, 0x3a, 0x11, 0x11, 0x5f, 0x88, 0xfe, 0x11, 0x90, 0x5a, 0x36, 0x8a, 0x84, 0x53, 0xaf, 0xd1, 0x1d, 0x19, 0x24, 0x88, 0xe9, 0x26, 0x50, 0xe7, 0xa1, 0x43, 0x94, 0xe5, 0x71, 0x55, 0x2c, 0xa6, 0x54, 0x91, 0xda, 0xa3, 0xf8, 0x84, 0xac, 0x52, 0x49, 0xac, 0x47, 0x2d, 0x95, 0x34, 0x76, 0x2f, 0x15, 0x88, 0xef, 0xe0, 0x83, 0x2f, 0x1b, 0x88, 0x5c, 0xbf, 0x23, 0xe2, 0x22, 0x22, 0x2e, 0x5a, 0xa6, 0xa8, 0xec, 0xaf, 0x32, 0x44, 0x6e, 0x4f, 0xf5, 0xfd, 0x7c, 0x52, 0xa6, 0xbe, 0x4a, 0x2f, 0xd6, 0xbf, 0x85, 0xe0, 0x8c, 0x23, 0x21, 0x7c, 0x8f, 0xfd, 0xaf, 0xff, 0xc2, 0x1c, 0x6b, 0xea, 0x76, 0xb4, 0xa3, 0xfd, 0xc5, 0x47, 0xff, 0xfc, 0x32, 0x26, 0xcc, 0x23, 0xe8, 0xd4, 0x8d, 0x64, 0x47, 0x8f, 0xa2, 0x38, 0xa5, 0xe2, 0xea, 0x4c, 0xa9, 0x7d, 0x7f, 0xff, 0x92, 0x32, 0x2b, 0x7b, 0x82, 0x23, 0x92, 0x47, 0x91, 0x1f, 0x23, 0xa6, 0x79, 0x95, 0xcc, 0x8f, 0xb2, 0x87, 0xa1, 0x84, 0x50, 0xf6, 0xca, 0xaa, 0x7e, 0xf2, 0x24, 0xb2, 0x9e, 0x29, 0xf2, 0x10, 0xce, 0xac, 0x86, 0x79, 0x11, 0x9f, 0x32, 0x19, 0xe7, 0x11, 0x3e, 0x68, 0x32, 0x71, 0x94, 0x0f, 0x04, 0x19, 0x8b, 0x33, 0x14, 0xa7, 0x14, 0xf4, 0x6c, 0x10, 0xf8, 0xa0, 0x81, 0x9c, 0x10, 0xfc, 0x5d, 0x82, 0x07, 0xe1, 0x08, 0x74, 0x9a, 0x65, 0x58, 0x49, 0x11, 0xfa, 0xd0, 0xa6, 0x50, 0xf4, 0xa1, 0x11, 0xf5, 0x49, 0x4b, 0x50, 0x91, 0x67, 0x11, 0xd5, 0x90, 0xb3, 0x24, 0x16, 0x66, 0x33, 0xa6, 0x43, 0x46, 0x08, 0xa0, 0x53, 0x3c, 0xc4, 0x63, 0x30, 0x46, 0xc8, 0xd0, 0x4c, 0xdc, 0x6c, 0x10, 0x11, 0x12, 0xc1, 0x97, 0x82, 0x22, 0x79, 0x87, 0x06, 0x08, 0x33, 0xcc, 0x20, 0xc2, 0x19, 0x0e, 0x05, 0x08, 0x30, 0x86, 0x9a, 0x61, 0x30, 0x83, 0x08, 0x77, 0xe9, 0x84, 0xfc, 0x27, 0xa0, 0xe3, 0x09, 0xf8, 0x31, 0x11, 0x11, 0x11, 0x95, 0xb1, 0x00, 0x8b, 0xa1, 0x72, 0xd4, 0x52, 0x16, 0xc1, 0x11, 0x68, 0x0c, 0xe4, 0x7d, 0x9e, 0x60, 0x83, 0x08, 0x3a, 0x09, 0x9f, 0x82, 0xa1, 0x0d, 0x34, 0x34, 0x2c, 0x26, 0x9f, 0xa8, 0x4f, 0xb0, 0x9c, 0x5a, 0x71, 0x6b, 0x18, 0x4c, 0x2f, 0xa6, 0x9a, 0xfe, 0x13, 0x93, 0x1d, 0xfa, 0x24, 0xef, 0x44, 0xe3, 0xcb, 0xb7, 0xe1, 0x0e, 0x2a, 0x13, 0x8b, 0x09, 0xdf, 0x49, 0x84, 0xf4, 0x1c, 0x76, 0x13, 0xe2, 0xd1, 0x21, 0xda, 0xef, 0x2e, 0x2d, 0x68, 0x9d, 0xb9, 0x28, 0x72, 0xf1, 0xc9, 0x5b, 0x45, 0xe6, 0xa5, 0xe3, 0x97, 0x9f, 0x45, 0xf3, 0x97, 0x99, 0x79, 0x0c, 0x17, 0xcb, 0xea, 0x08, 0x3e, 0x48, 0x38, 0x27, 0x06, 0x09, 0x04, 0x1b, 0x82, 0x49, 0xfe, 0x47, 0x43, 0xcb, 0xb7, 0x23, 0x8c, 0xbb, 0x6e, 0xba, 0x27, 0x6e, 0x5e, 0x3d, 0x17, 0xda, 0x93, 0xcc, 0xbe, 0x70, 0xa4, 0xf0, 0x96, 0x60, 0x83, 0xbe, 0x48, 0x69, 0x06, 0xd8, 0x5d, 0x06, 0xe1, 0x07, 0x49, 0xe9, 0xd2, 0x78, 0x24, 0x9d, 0x27, 0xfa, 0x74, 0x9b, 0x48, 0x3f, 0xe9, 0x5d, 0x3f, 0x4a, 0xdf, 0x4f, 0x0a, 0x9f, 0xc7, 0xa4, 0xf0, 0x9b, 0x48, 0x37, 0xda, 0xd3, 0xa4, 0xfd, 0x37, 0x05, 0x4e, 0x93, 0xc2, 0xa6, 0xb5, 0x7f, 0xe9, 0xfd, 0x2f, 0xeb, 0xa7, 0xde, 0xaa, 0xf7, 0xf5, 0xeb, 0xaf, 0xfa, 0x7b, 0x1d, 0x2a, 0x7f, 0xbd, 0xaf, 0xfd, 0x75, 0xd3, 0xdf, 0x49, 0x3d, 0x3e, 0xaf, 0xd7, 0x57, 0x5d, 0x5b, 0x5f, 0xa4, 0x3f, 0x54, 0xf5, 0x8f, 0xf5, 0xfb, 0xd7, 0xf4, 0x3b, 0xae, 0xff, 0xf7, 0xa5, 0xfa, 0xf8, 0xaf, 0xa2, 0x0a, 0x88, 0xcc, 0xe6, 0x72, 0x30, 0x8b, 0xa3, 0x2e, 0x5d, 0x8e, 0xeb, 0xbf, 0xee, 0xb7, 0xd7, 0x5f, 0xbf, 0xf8, 0xaf, 0xa4, 0xaf, 0x7f, 0xd8, 0x5f, 0xdf, 0x55, 0xdf, 0xf8, 0x64, 0x7c, 0x17, 0x7f, 0xe2, 0xd9, 0x16, 0x74, 0xa3, 0xf7, 0xc8, 0x80, 0x9e, 0xf8, 0x83, 0x88, 0x83, 0x4b, 0x87, 0xf5, 0x7a, 0x30, 0xff, 0x1d, 0xfe, 0xff, 0x5f, 0xfc, 0xcc, 0x4f, 0x48, 0xa0, 0x27, 0xf7, 0xe7, 0x50, 0xbe, 0xbf, 0x1a, 0xff, 0xa1, 0x1f, 0xff, 0xb0, 0x7f, 0xf5, 0xe0, 0xbf, 0x22, 0xca, 0x19, 0xa2, 0x44, 0xe0, 0x20, 0x4d, 0x97, 0x61, 0x11, 0xd8, 0xec, 0x89, 0xff, 0xfd, 0xb4, 0xaa, 0xbf, 0xff, 0xff, 0xf0, 0x5f, 0x48, 0x17, 0xff, 0xa0, 0xbf, 0xff, 0xff, 0xff, 0xfe, 0x1b, 0xd2, 0xff, 0xd1, 0x15, 0xff, 0x48, 0x19, 0x54, 0x2a, 0xca, 0x1c, 0x22, 0x3a, 0x68, 0x60, 0x8b, 0xaa, 0x13, 0x8b, 0x61, 0xd7, 0xed, 0xff, 0xff, 0xff, 0xff, 0xfa, 0x22, 0xbf, 0xf4, 0x45, 0x7a, 0xd7, 0xfa, 0x23, 0xbf, 0xff, 0x27, 0xa7, 0xfe, 0x5e, 0x95, 0xfe, 0x61, 0xb7, 0xa5, 0x32, 0xbd, 0xfc, 0xbf, 0xfc, 0x42, 0x42, 0x22, 0x23, 0xa4, 0x29, 0x60, 0xdd, 0xff, 0xd7, 0xff, 0xf5, 0xff, 0xff, 0xa2, 0x7d, 0xf4, 0xa5, 0xff, 0xbe, 0xbb, 0x82, 0xff, 0xfa, 0xff, 0xbd, 0xff, 0xf0, 0xfa, 0x5f, 0xae, 0x97, 0xe1, 0x08, 0x88, 0xe0, 0xdd, 0x7f, 0xae, 0xbd, 0xaf, 0xff, 0xbf, 0xff, 0x0b, 0xf4, 0x92, 0xdf, 0xfe, 0xab, 0xf7, 0x5d, 0xcd, 0x16, 0xbf, 0x99, 0xce, 0x69, 0x7f, 0xf9, 0xa4, 0x48, 0x9f, 0x4b, 0x34, 0xb7, 0xfd, 0x7c, 0x3c, 0x3f, 0xdd, 0x46, 0xc5, 0x59, 0x9d, 0xfd, 0xff, 0xeb, 0xff, 0xfe, 0x96, 0xbf, 0x7f, 0x7f, 0xf7, 0xfa, 0x0e, 0xff, 0x7e, 0xd6, 0xff, 0xef, 0xff, 0xb5, 0xed, 0x2f, 0xfd, 0x19, 0x01, 0xac, 0xb5, 0x01, 0x67, 0xff, 0x7f, 0xde, 0xbd, 0x7f, 0xbf, 0xff, 0x5f, 0x4b, 0xfd, 0xd7, 0xf5, 0xfd, 0x7b, 0xab, 0x5b, 0x5b, 0x5e, 0xad, 0x7f, 0x6d, 0x6d, 0x74, 0x9b, 0xae, 0xfd, 0xd7, 0xd9, 0x92, 0xb4, 0x9f, 0xfe, 0xda, 0xd6, 0xda, 0xda, 0xed, 0xff, 0xe9, 0x7f, 0xda, 0xff, 0xaf, 0xc3, 0x4b, 0xed, 0x5f, 0x61, 0xae, 0xda, 0xb6, 0xb6, 0x16, 0xc2, 0x4c, 0x30, 0xac, 0x30, 0xbf, 0xd8, 0x4a, 0x2b, 0x44, 0x31, 0x03, 0xd8, 0xae, 0x2f, 0xe4, 0xb7, 0x20, 0x8a, 0x21, 0x76, 0xbf, 0x69, 0x75, 0x69, 0x36, 0x97, 0x61, 0x2f, 0xd8, 0x30, 0x97, 0xfc, 0x43, 0xf4, 0x43, 0x0e, 0x2e, 0x0f, 0x63, 0xf8, 0x87, 0xec, 0x7b, 0x14, 0xc6, 0xc6, 0xc6, 0xc5, 0x31, 0xfe, 0xc5, 0x3f, 0xb5, 0xb5, 0xb2, 0x20, 0xef, 0xe2, 0x54, 0x24, 0x9a, 0xd8, 0xaf, 0x62, 0xb7, 0x63, 0x63, 0xd8, 0xaf, 0xd8, 0xff, 0xdf, 0xf9, 0x08, 0x3b, 0xf6, 0xbd, 0x91, 0x07, 0xfb, 0x22, 0x0f, 0xda, 0x64, 0x57, 0xb2, 0x2b, 0xc3, 0x09, 0xa6, 0x45, 0x7f, 0xed, 0x06, 0x17, 0x86, 0xb0, 0xd3, 0x4c, 0x27, 0xf9, 0x5a, 0xd2, 0x14, 0xf6, 0xbd, 0xa6, 0xb6, 0x13, 0x0b, 0x6b, 0xf6, 0x13, 0x4d, 0x6d, 0x32, 0x38, 0xfd, 0x06, 0x13, 0x4d, 0x34, 0x18, 0x42, 0x21, 0x84, 0x1c, 0x44, 0x30, 0x42, 0x21, 0x84, 0x0c, 0x21, 0x06, 0x08, 0x41, 0x95, 0x50, 0x21, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0xfd, 0x0c, 0x22, 0x3f, 0xb0, 0x9e, 0x83, 0x08, 0x44, 0x30, 0x83, 0x08, 0x41, 0x99, 0x9a, 0x65, 0xe3, 0x42, 0x76, 0x6a, 0xb1, 0x11, 0x11, 0x11, 0xff, 0xaf, 0xc4, 0x57, 0xef, 0xf3, 0x22, 0xb4, 0x8a, 0x1f, 0xf3, 0xb2, 0x9c, 0xa5, 0x9f, 0xf9, 0xde, 0x56, 0x91, 0xe4, 0x5d, 0x1e, 0x44, 0x7c, 0xf2, 0x28, 0xc8, 0xe8, 0x5a, 0x8f, 0xc5, 0x32, 0xad, 0x04, 0x88, 0xe8, 0x24, 0x93, 0x29, 0x16, 0x56, 0xde, 0x0f, 0xf1, 0xc4, 0x44, 0x44, 0x45, 0x30, 0x5f, 0x62, 0xc1, 0x11, 0xf0, 0xff, 0x32, 0x30, 0xb1, 0x5f, 0xe2, 0xfe, 0x10, 0x20, 0x4b, 0xf8, 0x45, 0xf2, 0x14, 0x88, 0x2a, 0x8a, 0x3b, 0x75, 0xf8, 0xac, 0xab, 0x46, 0xd1, 0xce, 0xdb, 0x65, 0x27, 0xfd, 0x94, 0xe5, 0x59, 0x56, 0x50, 0xe5, 0x59, 0x57, 0xc8, 0xe9, 0xcb, 0xa1, 0x84, 0x47, 0xd2, 0xcb, 0x54, 0x46, 0x56, 0x6f, 0xb0, 0x99, 0x56, 0x54, 0x32, 0x3a, 0x49, 0x26, 0x88, 0xe9, 0x20, 0x92, 0x88, 0xeb, 0x9d, 0x99, 0x7e, 0x11, 0x74, 0x22, 0x22, 0x22, 0x22, 0x22, 0x3f, 0xf7, 0xe1, 0x8f, 0xeb, 0xeb, 0xf7, 0xf0, 0xca, 0xe0, 0x69, 0xfd, 0x7c, 0x11, 0x1d, 0x19, 0x2c, 0xec, 0xaa, 0xe5, 0xa8, 0xaa, 0xc8, 0x67, 0x93, 0x99, 0xd7, 0x35, 0x1e, 0x66, 0x32, 0x40, 0xcf, 0xa2, 0x84, 0x7b, 0x30, 0x67, 0x08, 0x9c, 0x66, 0x79, 0x82, 0x08, 0x1f, 0xec, 0x10, 0x2d, 0x2c, 0x20, 0xc2, 0x0f, 0x04, 0x19, 0xf8, 0x28, 0x43, 0x41, 0xa6, 0x9a, 0x6a, 0x13, 0x09, 0xa0, 0xd0, 0x87, 0xfe, 0x8e, 0xc7, 0x44, 0x74, 0x48, 0x46, 0xac, 0x8e, 0x8d, 0xa3, 0xd1, 0x74, 0x6d, 0x11, 0xd1, 0x74, 0x47, 0x45, 0xd1, 0xb4, 0x47, 0x4c, 0x57, 0xa0, 0xd3, 0xd3, 0x8d, 0x42, 0x61, 0x3f, 0x88, 0xb4, 0xff, 0xd9, 0x1d, 0x15, 0x44, 0x61, 0x11, 0xd0, 0x59, 0x27, 0x38, 0xf8, 0x93, 0xf4, 0x93, 0x4d, 0x04, 0x9a, 0xb1, 0x45, 0x0f, 0x44, 0xe2, 0x89, 0xc3, 0xd1, 0x3b, 0x7a, 0x27, 0x79, 0x79, 0x97, 0x8f, 0xe4, 0xf0, 0x95, 0xd1, 0x79, 0x92, 0xc6, 0x18, 0x2d, 0xc7, 0xb4, 0x0c, 0xf8, 0x08, 0x5c, 0x1a, 0xc4, 0x52, 0x16, 0x51, 0x52, 0x1d, 0x04, 0xda, 0x08, 0x37, 0xd0, 0x6e, 0x0a, 0x13, 0xa4, 0xda, 0x4f, 0xf5, 0x4e, 0x93, 0x75, 0xbf, 0xc5, 0x95, 0xb5, 0xbf, 0x4f, 0x4f, 0xa5, 0xd2, 0xbd, 0x3d, 0x5f, 0xf5, 0xd3, 0xd3, 0xfa, 0xc4, 0x48, 0xba, 0x75, 0xd6, 0xfa, 0x7a, 0xad, 0x6d, 0x5a, 0xfa, 0x7f, 0xff, 0xf0, 0x58, 0x5a, 0x1f, 0xff, 0xde, 0xbc, 0x7f, 0xfd, 0x6b, 0xf7, 0x0c, 0xc8, 0xb1, 0x0b, 0xff, 0xff, 0xff, 0xfe, 0xbc, 0x7f, 0xea, 0x11, 0x91, 0x56, 0xbf, 0x4f, 0xf7, 0xfe, 0xff, 0xef, 0xf7, 0xfe, 0x0d, 0x8a, 0xfb, 0xfe, 0xbf, 0xd7, 0xff, 0xd1, 0x7a, 0xaf, 0xf0, 0x88, 0xe8, 0xaa, 0x23, 0x68, 0x8e, 0x8b, 0xa2, 0x3c, 0x71, 0x11, 0xd1, 0x1f, 0x23, 0xa2, 0x3e, 0x47, 0x46, 0xd1, 0x1d, 0x17, 0x46, 0x32, 0x3a, 0x23, 0xa2, 0xe8, 0xf2, 0x2e, 0x8f, 0x27, 0xfd, 0x7f, 0xff, 0xfd, 0x7f, 0x7b, 0xff, 0x5b, 0x29, 0xd2, 0x0d, 0x02, 0x69, 0xb4, 0x10, 0x42, 0xd2, 0x49, 0x95, 0x0d, 0x59, 0x56, 0x92, 0x23, 0xa4, 0x88, 0xe9, 0x3e, 0xcc, 0xef, 0xff, 0xd6, 0xfc, 0xcd, 0xff, 0xf9, 0xa5, 0xff, 0x86, 0xa3, 0x0a, 0xc2, 0xd8, 0x69, 0xab, 0x41, 0x2a, 0x4c, 0x21, 0x16, 0x94, 0xaa, 0xaf, 0xde, 0xbb, 0x5e, 0xf7, 0xa7, 0xab, 0xff, 0xb5, 0xff, 0xc2, 0x2e, 0x84, 0x44, 0x44, 0x44, 0x44, 0x54, 0x46, 0x09, 0x25, 0x75, 0xb5, 0xff, 0xd6, 0xd6, 0xd7, 0x5f, 0xfa, 0xaf, 0x3c, 0xfc, 0x31, 0x1d, 0xee, 0xad, 0x76, 0xd2, 0xd8, 0x6b, 0x69, 0x5a, 0xda, 0xfe, 0xc3, 0x0b, 0xf0, 0xff, 0x08, 0xba, 0xd5, 0x8d, 0x8a, 0xd8, 0xad, 0x8d, 0x8d, 0x8a, 0x63, 0xfd, 0x8a, 0xbe, 0xff, 0x79, 0x92, 0xae, 0x2e, 0xd3, 0x5b, 0x5b, 0x22, 0x0f, 0x61, 0x34, 0xc8, 0xaf, 0xfd, 0xaa, 0xdf, 0xf4, 0x39, 0x1f, 0x08, 0xa1, 0xec, 0x20, 0xc2, 0x76, 0x15, 0x30, 0x84, 0x30, 0x81, 0x82, 0x0d, 0x08, 0x88, 0x86, 0x08, 0x44, 0x47, 0xd1, 0xdd, 0xa3, 0xb7, 0x4c, 0x64, 0x59, 0x6e, 0x22, 0x22, 0x22, 0x22, 0x23, 0xec, 0xad, 0x61, 0x05, 0x9b, 0xc8, 0x68, 0x84, 0xc8, 0xe8, 0xa1, 0x64, 0x71, 0xd3, 0x2a, 0xbf, 0xc8, 0xf8, 0x65, 0x0e, 0x55, 0xa4, 0x11, 0x74, 0x47, 0x44, 0x76, 0xca, 0x50, 0x92, 0x16, 0x11, 0x1d, 0x2a, 0x52, 0x87, 0xee, 0x28, 0x64, 0xc7, 0x28, 0x71, 0x18, 0x97, 0xd9, 0x45, 0xd1, 0x1d, 0x11, 0xf6, 0x55, 0x0a, 0x74, 0x96, 0x2f, 0xa8, 0x45, 0xd0, 0x38, 0x88, 0x88, 0x88, 0x88, 0x88, 0x83, 0xfe, 0xf1, 0xfd, 0xd6, 0x21, 0x1c, 0x7e, 0xa3, 0x24, 0x88, 0xe8, 0x8a, 0x11, 0x74, 0x3f, 0x82, 0x21, 0x68, 0x8e, 0xd0, 0x66, 0x7a, 0x06, 0x5d, 0x20, 0xc8, 0xe9, 0x77, 0xb2, 0x87, 0x47, 0x90, 0x65, 0x42, 0x49, 0xa1, 0x7f, 0xe2, 0x22, 0x22, 0x2b, 0xec, 0x7f, 0x94, 0xff, 0xf1, 0x32, 0x15, 0xff, 0x82, 0x5f, 0xa3, 0xb1, 0x74, 0xe4, 0xa1, 0x2f, 0xbb, 0x72, 0x3a, 0x65, 0x27, 0xfa, 0x23, 0xa3, 0x5e, 0x44, 0x91, 0xa2, 0x35, 0x23, 0x44, 0x63, 0x08, 0x22, 0x3a, 0x4d, 0x25, 0xf1, 0x62, 0xca, 0xf4, 0x73, 0x48, 0x8e, 0x8d, 0xa0, 0x90, 0x65, 0x0e, 0x86, 0x11, 0x1d, 0x0b, 0xfc, 0x44, 0x44, 0x71, 0x11, 0xc7, 0xf8, 0x8e, 0x17, 0xff, 0x72, 0xb8, 0xe8, 0x23, 0x8f, 0x5d, 0x24, 0xc8, 0xf8, 0x75, 0xe1, 0x3e, 0x11, 0xc7, 0xfd, 0x17, 0xcd, 0x59, 0x2d, 0x46, 0x79, 0x42, 0x28, 0xc8, 0xf1, 0x74, 0x47, 0x46, 0xd1, 0xa2, 0x3c, 0x98, 0xa0, 0xfe, 0xc6, 0x24, 0x4d, 0x17, 0x52, 0x28, 0x6c, 0x10, 0x28, 0xd2, 0x4d, 0x23, 0xc9, 0x25, 0xf5, 0xe9, 0x26, 0x55, 0x94, 0x3e, 0x11, 0x1f, 0xa4, 0x53, 0x82, 0x04, 0x92, 0x84, 0x0b, 0xe2, 0x28, 0x22, 0x3a, 0x2a, 0xd7, 0xf0, 0x42, 0x22, 0xca, 0x91, 0xaa, 0xd9, 0x49, 0xe8, 0x25, 0xf2, 0xf9, 0xad, 0x08, 0x8a, 0x4f, 0x49, 0x7c, 0x73, 0xb7, 0x5a, 0x88, 0xfc, 0xbe, 0x24, 0x0d, 0x1a, 0xd1, 0x1d, 0x63, 0xfb, 0x13, 0x56, 0x10, 0x56, 0x47, 0x44, 0x74, 0x6d, 0x02, 0x10, 0x64, 0x74, 0x47, 0xc8, 0xe8, 0x8e, 0x87, 0xf0, 0x62, 0x92, 0x4d, 0x11, 0xd2, 0x44, 0x74, 0x8a, 0x1c, 0xe3, 0x94, 0x3d, 0x84, 0x93, 0x3c, 0x86, 0xbf, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x1f, 0xc1, 0x7e, 0x1b, 0xf8, 0x46, 0x45, 0x68, 0x8f, 0xaf, 0x86, 0x87, 0xf8, 0x22, 0x5d, 0x10, 0x34, 0x75, 0x44, 0x5d, 0x14, 0xe8, 0xd1, 0x35, 0xff, 0xb2, 0x3e, 0x5d, 0x11, 0xd1, 0x1e, 0xb3, 0x34, 0x5d, 0x10, 0xd1, 0x74, 0x47, 0xc8, 0xea, 0xcc, 0x22, 0xe8, 0xdc, 0x91, 0x1d, 0x17, 0x44, 0x7d, 0x22, 0x3a, 0x2e, 0x88, 0xf9, 0x1d, 0x11, 0xd3, 0x65, 0x51, 0x7f, 0x10, 0xec, 0x58, 0x82, 0x7a, 0xd8, 0x4c, 0x42, 0xde, 0xdb, 0x09, 0xda, 0x42, 0xf6, 0x52, 0x7f, 0xda, 0x95, 0x68, 0x46, 0x84, 0x5c, 0x5a, 0x11, 0xa1, 0x38, 0x90, 0x44, 0x74, 0x93, 0xfc, 0x44, 0x44, 0x44, 0x47, 0x16, 0x52, 0x7f, 0xe9, 0x2f, 0xe5, 0xf1, 0xff, 0x88, 0xff, 0x32, 0x04, 0xfe, 0xa7, 0x6b, 0x28, 0x12, 0xfe, 0x56, 0x11, 0x42, 0x23, 0xe4, 0x74, 0x6d, 0x17, 0x44, 0x74, 0x79, 0x17, 0x44, 0x74, 0x79, 0x17, 0x46, 0xd1, 0xb4, 0x91, 0x1d, 0x17, 0x46, 0x79, 0x1d, 0x11, 0xd3, 0x65, 0x53, 0x7e, 0xec, 0xaa, 0x0a, 0x48, 0x8e, 0x98, 0x51, 0x69, 0x34, 0xac, 0xab, 0x2a, 0x1b, 0x4c, 0xab, 0x28, 0x74, 0x92, 0xb7, 0xaf, 0xcb, 0xe2, 0x5f, 0x11, 0x18, 0xa0, 0xa2, 0x22, 0x22, 0x22, 0x12, 0x11, 0x14, 0x87, 0xf7, 0x42, 0x4b, 0xa1, 0x18, 0x5f, 0xa6, 0x52, 0xea, 0x7f, 0xff, 0xc7, 0xf9, 0x92, 0xc6, 0x47, 0x88, 0xba, 0xfd, 0x9d, 0x87, 0x9c, 0x47, 0xd1, 0x0d, 0x15, 0x08, 0xd1, 0x17, 0x4c, 0x52, 0x5f, 0xc8, 0xe8, 0x92, 0x22, 0x3e, 0x47, 0x20, 0x81, 0x5a, 0x0f, 0x23, 0xa2, 0xf9, 0x83, 0x3a, 0xe9, 0x98, 0xa1, 0x91, 0xfa, 0x23, 0xa1, 0xf6, 0x44, 0x2f, 0x48, 0x34, 0xc1, 0x11, 0xf0, 0x76, 0x82, 0x04, 0xec, 0x11, 0x1d, 0x3c, 0x20, 0x45, 0x0e, 0x08, 0x14, 0x46, 0xff, 0xec, 0xad, 0xa4, 0x88, 0x88, 0x88, 0x88, 0xa0, 0x44, 0x7f, 0xe3, 0x88, 0x8e, 0x4a, 0x17, 0xe8, 0xc2, 0x14, 0xbf, 0x69, 0x32, 0x86, 0x7e, 0x24, 0x29, 0x0a, 0xea, 0x8b, 0xe9, 0x19, 0xe6, 0x37, 0xdd, 0x89, 0xad, 0x58, 0x8a, 0xfa, 0x2f, 0xe3, 0xfc, 0x47, 0xf9, 0x90, 0x52, 0x7f, 0x66, 0x45, 0x7a, 0xff, 0x23, 0xa8, 0xaf, 0xf6, 0x56, 0x99, 0x26, 0x88, 0xe8, 0xd5, 0x9e, 0x44, 0x74, 0x5d, 0x1b, 0x44, 0x7d, 0xff, 0x42, 0x55, 0x3c, 0xc2, 0x35, 0xa0, 0x41, 0x46, 0x47, 0xd0, 0x4d, 0x2a, 0x48, 0x22, 0x3a, 0xd7, 0xe5, 0xfd, 0xb4, 0x9b, 0x04, 0x83, 0x2a, 0xca, 0x1c, 0xab, 0x97, 0xf1, 0x18, 0xd0, 0x44, 0x7f, 0xf8, 0x8c, 0x10, 0x24, 0x22, 0x22, 0xd0, 0x88, 0x8e, 0x3f, 0xb2, 0x3e, 0x6b, 0x42, 0x22, 0x3f, 0xeb, 0xff, 0x63, 0xfc, 0x7f, 0x5f, 0xff, 0x98, 0x45, 0x70, 0x35, 0xfb, 0x49, 0x94, 0x33, 0xf1, 0x49, 0x7e, 0x3f, 0xff, 0x45, 0xf2, 0x37, 0x91, 0xd1, 0x42, 0x2f, 0x17, 0x46, 0xd1, 0x1d, 0x1b, 0x46, 0xd1, 0x1e, 0x2e, 0xc8, 0xf9, 0x1d, 0x11, 0xd1, 0x76, 0x4f, 0x91, 0xd1, 0x1c, 0x66, 0x32, 0x3a, 0x23, 0xa2, 0xe8, 0xc6, 0x47, 0x8b, 0xa2, 0x3a, 0x2e, 0x8d, 0xa2, 0x3e, 0x47, 0x46, 0xef, 0xe2, 0xf0, 0x64, 0x74, 0x10, 0x51, 0xa4, 0x10, 0xd2, 0x0b, 0xa1, 0x1b, 0x06, 0xc4, 0x5a, 0x1c, 0x30, 0x45, 0x38, 0xd0, 0x86, 0xc2, 0x08, 0x5b, 0x44, 0x74, 0x56, 0xd7, 0xf3, 0x08, 0x93, 0xc5, 0xa4, 0x92, 0x40, 0x81, 0x2e, 0xb6, 0x9e, 0x4a, 0x1c, 0xe3, 0x94, 0xf6, 0xa0, 0x81, 0x47, 0x46, 0x1d, 0x36, 0x22, 0x23, 0xbf, 0xb4, 0x90, 0x42, 0x2c, 0xa1, 0xc2, 0x11, 0x11, 0x11, 0x0c, 0x10, 0x88, 0x88, 0x88, 0x88, 0x88, 0xeb, 0xfc, 0x44, 0x44, 0x7f, 0xe5, 0x71, 0xb5, 0xfd, 0x94, 0xb8, 0xd7, 0xfa, 0x9d, 0x96, 0xe3, 0xfc, 0x4e, 0xc8, 0x44, 0x74, 0x79, 0x1c, 0xc8, 0xe9, 0x83, 0x24, 0x22, 0x59, 0x98, 0x44, 0x09, 0x1e, 0x45, 0x0b, 0xf9, 0x16, 0x47, 0x44, 0x47, 0x47, 0x44, 0x08, 0x5e, 0x85, 0xc2, 0x2e, 0x88, 0xf9, 0x1d, 0x64, 0x7c, 0x8f, 0x90, 0x79, 0xe4, 0x47, 0x48, 0x22, 0x3d, 0x64, 0xbe, 0xca, 0xcf, 0xfd, 0x95, 0x65, 0xe0, 0xcc, 0xd3, 0x2e, 0x0a, 0x1e, 0x0a, 0x81, 0x11, 0xf5, 0xc3, 0x6c, 0x24, 0x11, 0x4f, 0xd1, 0x8d, 0xa1, 0x68, 0x32, 0xaa, 0x28, 0x70, 0x43, 0x8a, 0xfb, 0xc8, 0xf9, 0x57, 0xf0, 0x9d, 0x30, 0x87, 0xd7, 0xe3, 0x44, 0x74, 0x93, 0x28, 0x61, 0x56, 0x57, 0x22, 0x3e, 0x22, 0xd2, 0x4e, 0x0f, 0xae, 0x84, 0x44, 0x45, 0x95, 0x88, 0x34, 0x22, 0x28, 0x22, 0x3e, 0x1c, 0x44, 0x44, 0x44, 0x47, 0x0b, 0xfb, 0x11, 0x11, 0x11, 0xd0, 0x22, 0x3f, 0xff, 0x7f, 0xb8, 0xa0, 0x44, 0x7f, 0xc6, 0xfe, 0x08, 0xec, 0x55, 0x20, 0x88, 0xeb, 0xe4, 0x7c, 0x8d, 0xe4, 0x3d, 0x37, 0xff, 0xb6, 0x6d, 0x11, 0xd0, 0x22, 0x87, 0x44, 0x78, 0xba, 0x36, 0x8f, 0x66, 0x68, 0xdb, 0x30, 0x88, 0xf8, 0x40, 0x88, 0xf9, 0xda, 0x5a, 0x5f, 0xfd, 0x26, 0xc2, 0x09, 0x91, 0xd2, 0x44, 0x74, 0x12, 0x23, 0xa4, 0x11, 0x1f, 0x48, 0x8e, 0x9a, 0x68, 0x20, 0x5d, 0x61, 0xff, 0x88, 0x88, 0x88, 0x88, 0x88, 0x88, 0x88, 0x88, 0x88, 0xe1, 0x7f, 0xf0, 0x45, 0xd7, 0x8f, 0x61, 0x7e, 0x08, 0x8f, 0xaf, 0xff, 0x3b, 0x5a, 0xc8, 0xfb, 0xff, 0xe8, 0xa7, 0x5d, 0x1c, 0x5f, 0xfe, 0xf3, 0xb0, 0xd1, 0xb4, 0xc6, 0xca, 0xb2, 0x9c, 0xae, 0x38, 0xe5, 0x71, 0x44, 0x14, 0x39, 0x56, 0x50, 0xe5, 0x10, 0x50, 0xd4, 0x7f, 0x18, 0x91, 0x3c, 0xc2, 0x30, 0x8b, 0xac, 0x10, 0x59, 0xf4, 0x7f, 0xb1, 0x48, 0x2d, 0xa5, 0x6d, 0x32, 0x80, 0xff, 0x82, 0x2e, 0x85, 0x24, 0xb1, 0x71, 0xc7, 0x11, 0x84, 0x22, 0x23, 0xfe, 0x31, 0xc4, 0x46, 0x10, 0x88, 0x5f, 0x04, 0x5d, 0x1a, 0xd0, 0xe7, 0x62, 0x8b, 0xfa, 0x58, 0xff, 0xf1, 0x14, 0x08, 0xba, 0xfd, 0x95, 0xc6, 0x96, 0xbf, 0xfb, 0x23, 0xaf, 0xe6, 0xb5, 0xbf, 0xe3, 0xf4, 0x3f, 0x8e, 0xfe, 0x08, 0x8e, 0xb4, 0x11, 0x1d, 0x7e, 0xc6, 0xbf, 0x1c, 0x7f, 0x2b, 0x8d, 0x2f, 0xff, 0xf5, 0xfe, 0xef, 0xe0, 0x88, 0xe8, 0xa7, 0x42, 0x82, 0x23, 0xaf, 0xde, 0x57, 0x0d, 0x52, 0xf8, 0xf2, 0x2a, 0x32, 0x28, 0x7c, 0x7f, 0xe7, 0x1c, 0x22, 0x3c, 0x40, 0x87, 0xff, 0x11, 0x70, 0xe4, 0x49, 0x7f, 0x82, 0x2e, 0x8d, 0x6b, 0x53, 0x04, 0x5d, 0x11, 0xd1, 0x1d, 0x18, 0xac, 0xbb, 0x2e, 0x88, 0xf9, 0x7c, 0xef, 0x99, 0x76, 0x61, 0x91, 0xe2, 0xe2, 0x7f, 0x87, 0x95, 0x6a, 0x28, 0x2a, 0xc4, 0x37, 0x74, 0xe3, 0xb2, 0x25, 0xc4, 0x22, 0x3a, 0x43, 0xf7, 0xf0, 0x88, 0xe8, 0x57, 0xdc, 0x3b, 0xf1, 0xba, 0x44, 0x74, 0x7b, 0x23, 0xa2, 0x3b, 0x34, 0x44, 0x75, 0x28, 0x70, 0x82, 0xec, 0x11, 0x1d, 0x04, 0x61, 0xfa, 0xff, 0xab, 0x96, 0xee, 0xef, 0x3e, 0x4c, 0x98, 0xef, 0x1b, 0x6c, 0x1b, 0x2f, 0xb4, 0x47, 0x58, 0xdc, 0xa1, 0xfb, 0x58, 0xff, 0xb1, 0x23, 0x10, 0x88, 0x88, 0x83, 0x08, 0xcd, 0x1e, 0x42, 0x22, 0x22, 0x23, 0x62, 0x22, 0x22, 0x3f, 0x8c, 0x44, 0x44, 0x7f, 0xfe, 0x08, 0xba, 0x35, 0xa2, 0xb8, 0x69, 0xfc, 0x3f, 0x5d, 0x58, 0xff, 0xf8, 0x22, 0x3f, 0xe0, 0x8b, 0xaf, 0xfc, 0x7b, 0xfa, 0x3b, 0x19, 0x91, 0xd1, 0xb4, 0x47, 0x45, 0xd1, 0x1d, 0x1b, 0x44, 0x7c, 0x8e, 0x88, 0xec, 0x8e, 0x88, 0xf9, 0x1d, 0x17, 0x22, 0x3b, 0x23, 0xa2, 0x3b, 0x23, 0x8c, 0x8e, 0x88, 0xec, 0x8e, 0xc8, 0xe8, 0x8f, 0xeb, 0xbb, 0x3b, 0x0f, 0x08, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x46, 0x2f, 0xaa, 0x89, 0x02, 0xef, 0x2b, 0x5c, 0x22, 0x3a, 0xf7, 0x21, 0xb1, 0xd4, 0x8c, 0x72, 0xe0, 0x9b, 0x90, 0x83, 0xdc, 0x7f, 0xc4, 0x22, 0x38, 0xc8, 0xf4, 0x44, 0xee, 0xc8, 0xe0, 0x5f, 0x05, 0xdc, 0x11, 0x75, 0xce, 0xfe, 0x22, 0xf0, 0xfa, 0xbf, 0xeb, 0xcb, 0xe7, 0x91, 0x4e, 0x8b, 0xa3, 0x19, 0xe4, 0x6d, 0x11, 0xd0, 0x50, 0xbb, 0xc4, 0xd6, 0x8d, 0x11, 0xb4, 0x5d, 0x11, 0xd1, 0x78, 0x8e, 0x8b, 0xa2, 0x3a, 0x34, 0x64, 0x74, 0x5e, 0x23, 0x83, 0x44, 0x5e, 0xc8, 0x6c, 0x71, 0x12, 0x12, 0x0f, 0x02, 0xd3, 0xb7, 0x40, 0x8b, 0xa8, 0x44, 0x75, 0xe1, 0xb2, 0xbd, 0x11, 0xd2, 0x41, 0x04, 0xd0, 0x35, 0x67, 0x44, 0xd2, 0x2a, 0xc4, 0xef, 0x89, 0x63, 0xd9, 0x0c, 0xad, 0xe9, 0xf5, 0x04, 0x47, 0x42, 0x22, 0x22, 0x22, 0x22, 0x22, 0x0c, 0x76, 0x47, 0x0c, 0x04, 0x71, 0xd7, 0xfe, 0xd5, 0xa9, 0x18, 0xe2, 0x2d, 0x0f, 0xc5, 0x48, 0x17, 0x73, 0x8f, 0x44, 0xc7, 0x76, 0x47, 0x0d, 0x38, 0x22, 0x3f, 0xe1, 0x17, 0x5a, 0xc7, 0x4c, 0x6c, 0x22, 0x3a, 0xf1, 0xc1, 0x02, 0xd4, 0xf0, 0xc8, 0xf8, 0x44, 0x18, 0x79, 0x07, 0x98, 0x8d, 0xb2, 0xf9, 0x8c, 0xbe, 0x5c, 0xd0, 0xf7, 0xd2, 0x11, 0x1f, 0x0c, 0x8e, 0x06, 0x0d, 0x72, 0x16, 0x15, 0x38, 0xf0, 0x7f, 0xfc, 0x48, 0x20, 0xe9, 0x62, 0x71, 0xcc, 0xe3, 0xb8, 0xbf, 0x5f, 0x15, 0x64, 0x70, 0x2f, 0xd4, 0x61, 0x99, 0xfe, 0xf8, 0x88, 0x20, 0x5b, 0xfd, 0x70, 0x5f, 0xc8, 0x68, 0x72, 0x6e, 0x41, 0x07, 0x3b, 0xa5, 0x94, 0x3e, 0x08, 0x10, 0x89, 0x28, 0x17, 0x50, 0x45, 0xd7, 0xfb, 0xe2, 0x2e, 0x71, 0xfb, 0x22, 0x0e, 0x91, 0x9c, 0x9b, 0xb2, 0x3b, 0x8f, 0xc2, 0x23, 0xa8, 0x88, 0x8b, 0x23, 0x86, 0x71, 0x11, 0x11, 0x11, 0xfd, 0x2d, 0x2b, 0xf8, 0xa0, 0xca, 0x1c, 0xa7, 0x28, 0x72, 0xc7, 0x28, 0x73, 0x8e, 0x53, 0x98, 0x72, 0x9c, 0xb8, 0x3f, 0x14, 0x39, 0x4e, 0x64, 0x04, 0x0c, 0xab, 0x28, 0x72, 0xb8, 0x25, 0xf6, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x2f, 0xe9, 0x7d, 0xc1, 0x17, 0x5f, 0x7f, 0x08, 0x8e, 0xa1, 0x11, 0xd7, 0xbf, 0xf0, 0x88, 0xe9, 0x7f, 0xc1, 0x98, 0x8c, 0x33, 0x71, 0x84, 0x47, 0xcc, 0x19, 0x1f, 0x30, 0x88, 0xe8, 0x8f, 0x98, 0x66, 0x23, 0x99, 0x1d, 0x18, 0xcc, 0x22, 0x3c, 0x6d, 0x1c, 0xc8, 0xe8, 0x8e, 0x88, 0xf1, 0x74, 0x47, 0x64, 0x74, 0x47, 0x88, 0xe4, 0x47, 0x44, 0x76, 0x47, 0x44, 0x76, 0x47, 0x44, 0x70, 0x60, 0x8e, 0x1a, 0x46, 0x61, 0x0d, 0x8a, 0x48, 0x20, 0xba, 0xfc, 0x11, 0x72, 0x04, 0x50, 0xe5, 0x0e, 0x10, 0x23, 0x8e, 0x10, 0x49, 0x04, 0x47, 0x30, 0x87, 0x1b, 0x84, 0x08, 0x20, 0x8c, 0x38, 0x30, 0xa1, 0x83, 0xc1, 0x04, 0x17, 0xb0, 0x84, 0x10, 0x43, 0x84, 0x82, 0x42, 0x22, 0x08, 0x21, 0x11, 0xfc, 0x47, 0xfb, 0x1f, 0x06, 0x16, 0x1b, 0xc4, 0x45, 0x04, 0x21, 0x17, 0x07, 0x08, 0x50, 0x22, 0x87, 0x28, 0x70, 0xa2, 0x14, 0x58, 0x45, 0x0e, 0x08, 0x10, 0x88, 0x8a, 0x08, 0x44, 0x5b, 0xee, 0x22, 0x22, 0x10, 0x42, 0x20, 0x81, 0x08, 0x88, 0x88, 0x88, 0x88, 0x8a, 0xf1, 0x11, 0x5d, 0x90, 0xd4, 0x1c, 0xb7, 0x29, 0xca, 0x01, 0x57, 0xc4, 0x44, 0x7f, 0x5f, 0xff, 0xff, 0xc8, 0x09, 0x83, 0x45, 0xe3, 0x91, 0x1e, 0x23, 0xa3, 0x48, 0xba, 0x2e, 0x88, 0xe0, 0x84, 0x72, 0x23, 0x86, 0x48, 0x35, 0x79, 0x60, 0x53, 0x39, 0x9b, 0x02, 0x57, 0xe5, 0xb4, 0x5b, 0x11, 0xc4, 0x23, 0x81, 0xc8, 0x09, 0xfc, 0xb5, 0x4c, 0x8c, 0x8e, 0x0b, 0x91, 0xc0, 0x94, 0x0c, 0xe4, 0x71, 0x91, 0xc8, 0xba, 0x23, 0x8a, 0x47, 0x5e, 0x59, 0xa3, 0x64, 0x61, 0x1b, 0x02, 0x58, 0x6e, 0x47, 0xcd, 0xa2, 0x3a, 0x23, 0xa2, 0x3a, 0x11, 0x11, 0x1f, 0x2c, 0xe4, 0x80, 0x6c, 0x0d, 0x04, 0x78, 0xbc, 0x47, 0xcf, 0x22, 0x3c, 0x22, 0x22, 0x3f, 0x20, 0xb6, 0x04, 0x0e, 0x53, 0x95, 0x85, 0x26, 0x47, 0xec, 0x93, 0x94, 0x39, 0xc7, 0x28, 0x04, 0x6b, 0xc4, 0x44, 0x7f, 0xff, 0xff, 0xff, 0xff, 0xff, 0xc8, 0x0c, 0x57, 0x1a, 0xa3, 0xba, 0xe3, 0xb2, 0x71, 0x4a, 0x64, 0xaa, 0xf2, 0x99, 0x4f, 0x14, 0x46, 0xb8, 0xdc, 0x73, 0x3b, 0x03, 0xbd, 0x7f, 0x39, 0xf9, 0x6c, 0xd5, 0x1d, 0x22, 0x4c, 0xc8, 0x89, 0x3f, 0xd3, 0x25, 0x2b, 0xfc, 0x84, 0xbf, 0x4f, 0xcb, 0x21, 0x19, 0x84, 0x73, 0x2e, 0x07, 0xe5, 0x93, 0xe3, 0xa4, 0x54, 0x47, 0x77, 0x1b, 0x7a, 0xaa, 0x90, 0x97, 0xfe, 0x6e, 0x4e, 0xf7, 0x1f, 0xa1, 0xfc, 0xb7, 0x14, 0x0c, 0x90, 0x59, 0x32, 0x2d, 0x04, 0x25, 0x51, 0xd2, 0x2a, 0xb1, 0xd2, 0xfc, 0xd5, 0xfe, 0x72, 0xe9, 0xfb, 0xeb, 0x1f, 0xac, 0x7f, 0xaf, 0x44, 0x0f, 0x0d, 0x41, 0xc8, 0x8e, 0x50, 0xe4, 0x63, 0x98, 0x72, 0x63, 0x98, 0x73, 0xb9, 0x54, 0x2a, 0x0a, 0xc2, 0x90, 0x50, 0x42, 0x95, 0x69, 0xff, 0x92, 0xf7, 0xf7, 0xef, 0xf0, 0x87, 0x5c, 0x7f, 0xef, 0xc8, 0x5a, 0xb2, 0x23, 0xb2, 0x0d, 0x1a, 0x23, 0xab, 0x24, 0xdf, 0xce, 0xba, 0xce, 0xff, 0xff, 0xff, 0x1f, 0xf9, 0x87, 0x7f, 0xf6, 0x76, 0x05, 0x12, 0x79, 0x9c, 0x48, 0x22, 0x19, 0xd1, 0xb6, 0x4b, 0x99, 0x20, 0x88, 0x42, 0x34, 0x46, 0x23, 0x19, 0xe4, 0x60, 0x61, 0x03, 0x3a, 0x8a, 0x7f, 0x30, 0x32, 0x71, 0xe4, 0x38, 0xb9, 0x1b, 0x19, 0xa0, 0x99, 0xf8, 0x10, 0x33, 0x54, 0x10, 0x64, 0x88, 0x10, 0x60, 0x81, 0x82, 0x0c, 0xce, 0x23, 0xb0, 0x41, 0xfe, 0xb2, 0xe6, 0xf1, 0xc7, 0xc7, 0xff, 0xff, 0xf3, 0x07, 0xa0, 0x67, 0x54, 0x10, 0x66, 0x63, 0x22, 0x05, 0xcf, 0x8a, 0x68, 0x21, 0xf8, 0xb8, 0xcd, 0x59, 0xa4, 0x6e, 0x08, 0x19, 0xaa, 0x04, 0x0c, 0x10, 0x61, 0x06, 0x10, 0x76, 0x10, 0x67, 0xa3, 0x6d, 0x06, 0x83, 0x3a, 0x83, 0xa6, 0xa9, 0xa6, 0x9a, 0x84, 0xe2, 0xc2, 0x1c, 0x43, 0x4d, 0x3a, 0x50, 0x9f, 0x71, 0x0d, 0x34, 0x1a, 0x1a, 0x7f, 0xbe, 0xff, 0xff, 0xe4, 0xd2, 0x3a, 0x33, 0xab, 0x3a, 0x19, 0xd5, 0x27, 0x97, 0x24, 0x19, 0xe1, 0x4f, 0xe7, 0x22, 0xe3, 0x08, 0x1a, 0xbe, 0x83, 0x3f, 0x66, 0xda, 0x91, 0xd8, 0x4e, 0xc2, 0x0d, 0x3d, 0x34, 0xe2, 0xd3, 0xe2, 0xe2, 0x2d, 0x30, 0x9c, 0x5f, 0x16, 0x13, 0xe3, 0xe2, 0xdd, 0x3b, 0x58, 0xb4, 0xed, 0x24, 0x49, 0xdf, 0x52, 0x31, 0xc4, 0xce, 0xd1, 0x38, 0xe8, 0x9c, 0x3f, 0xfd, 0xff, 0xca, 0xb2, 0x31, 0xa9, 0x72, 0x08, 0x19, 0x3c, 0x69, 0x1e, 0x17, 0xcf, 0x88, 0x72, 0x3f, 0x1f, 0x89, 0x10, 0x20, 0xc1, 0x03, 0x3d, 0x04, 0x0c, 0x20, 0xcf, 0x40, 0x99, 0xa3, 0x3c, 0xcf, 0x32, 0xf0, 0x41, 0xc4, 0x30, 0x98, 0x4e, 0xe2, 0xd6, 0xae, 0x2f, 0xfd, 0xfd, 0x34, 0xf4, 0x4d, 0xda, 0x27, 0x0e, 0x46, 0xef, 0xe4, 0x70, 0xe4, 0xa0, 0x8e, 0x1a, 0x27, 0x79, 0x76, 0xe4, 0xad, 0xf2, 0x56, 0xe5, 0xe3, 0x92, 0xc6, 0x82, 0x79, 0x3c, 0x86, 0x0a, 0x6e, 0xc9, 0xe6, 0x5f, 0x64, 0xf0, 0x9e, 0x51, 0x7d, 0xd2, 0x84, 0x1b, 0xc3, 0x0a, 0x10, 0x61, 0x3a, 0x08, 0x37, 0x05, 0x08, 0x37, 0xff, 0xd9, 0xc1, 0x49, 0xc5, 0xcf, 0xb3, 0x11, 0xcc, 0xb8, 0xa6, 0x82, 0x97, 0xf3, 0xa4, 0x78, 0x50, 0x81, 0xe7, 0x48, 0x21, 0x71, 0x0d, 0x7d, 0x3e, 0x82, 0x7a, 0x7c, 0x5a, 0x71, 0x69, 0xc6, 0xfd, 0x7f, 0xa7, 0xdb, 0xaf, 0x25, 0x6f, 0xf0, 0xc2, 0xba, 0x0c, 0x12, 0x2f, 0xa8, 0xbe, 0x7a, 0x08, 0x37, 0x08, 0x3c, 0x27, 0xf8, 0x41, 0xb8, 0x4d, 0x3c, 0x26, 0xd2, 0x0f, 0x4f, 0xd3, 0xa4, 0xf4, 0xec, 0x25, 0xa7, 0xf7, 0x49, 0xd2, 0x7a, 0xde, 0x9e, 0x92, 0x4b, 0xea, 0xa9, 0xe9, 0xe9, 0x7f, 0xd7, 0xc2, 0x69, 0xe9, 0x68, 0x5a, 0x1f, 0xa0, 0xd7, 0xd6, 0xfb, 0x54, 0x4e, 0x1f, 0xa2, 0x50, 0xef, 0x59, 0x28, 0x68, 0xbc, 0xc9, 0x5b, 0x45, 0xe3, 0xad, 0x7c, 0x18, 0x29, 0x2c, 0x60, 0xc1, 0x4d, 0xde, 0x4f, 0x21, 0x82, 0xa7, 0x84, 0x1b, 0xfe, 0xb5, 0xe9, 0xba, 0x7a, 0xa7, 0xfa, 0x7f, 0xaf, 0xa7, 0xfa, 0xe9, 0xfa, 0x7a, 0xba, 0xba, 0xea, 0xfa, 0xeb, 0xaf, 0xad, 0xfb, 0x4a, 0x9f, 0xeb, 0xfb, 0xaa, 0x7f, 0xdf, 0xa4, 0xd3, 0xff, 0x44, 0x87, 0xfa, 0x27, 0x16, 0xbe, 0x5e, 0x64, 0xb2, 0x0c, 0x13, 0xe8, 0x26, 0xfe, 0x13, 0xbf, 0x50, 0x83, 0x74, 0xf0, 0x9d, 0x27, 0x82, 0xed, 0x7e, 0xbf, 0x75, 0xa7, 0xfb, 0xff, 0xf7, 0xf5, 0x75, 0xf5, 0xeb, 0xaf, 0xf7, 0xaf, 0x1d, 0x5f, 0xff, 0xdf, 0x7f, 0xfc, 0x7f, 0xfa, 0x7c, 0x57, 0x4b, 0xfb, 0xfd, 0x7f, 0xff, 0xf5, 0x97, 0x94, 0x5f, 0x3d, 0x2e, 0x4b, 0x1c, 0x20, 0x6f, 0xe1, 0x36, 0x18, 0x5e, 0x93, 0xb5, 0xfd, 0x53, 0xfd, 0x37, 0xdf, 0x5f, 0x7b, 0xd5, 0xd5, 0xf5, 0xf4, 0xfd, 0x7f, 0xeb, 0xef, 0xff, 0x75, 0xfe, 0x37, 0x58, 0xff, 0xff, 0xfa, 0xe3, 0xff, 0xeb, 0x5f, 0xfe, 0x44, 0x0a, 0xfe, 0xff, 0x9a, 0x09, 0x1c, 0x7f, 0xfe, 0xfc, 0x7f, 0xfa, 0xd3, 0xd7, 0xa5, 0xd6, 0x97, 0xfb, 0xff, 0x4f, 0x4f, 0xda, 0xff, 0xab, 0xda, 0xfb, 0x8f, 0x57, 0xbe, 0xff, 0xff, 0x8e, 0xf5, 0x7e, 0xf5, 0xff, 0xeb, 0xd5, 0xd5, 0x45, 0x9f, 0x13, 0xfe, 0xbf, 0xcf, 0x85, 0xaf, 0xfd, 0x0f, 0xff, 0xf0, 0x55, 0xd7, 0xfc, 0x16, 0xef, 0xff, 0xff, 0x5f, 0x58, 0xaa, 0xd5, 0xf4, 0xba, 0x7a, 0x7f, 0xc7, 0xff, 0xfd, 0xf5, 0xbe, 0xeb, 0x79, 0x87, 0xaf, 0x6b, 0xff, 0xe8, 0xce, 0xff, 0xfc, 0xa0, 0x7f, 0xf1, 0x7f, 0xfd, 0xbd, 0x7f, 0xde, 0x0b, 0xff, 0xdf, 0xe1, 0x7f, 0xff, 0xff, 0xfc, 0x2f, 0xfe, 0xb8, 0x44, 0x41, 0xfd, 0x7e, 0xff, 0xff, 0xe7, 0x64, 0xd1, 0x51, 0xbd, 0x0f, 0x43, 0x84, 0xbf, 0x5a, 0xf8, 0x3f, 0xff, 0xfb, 0xa8, 0xfa, 0xff, 0xeb, 0xcf, 0x05, 0xde, 0x3a, 0xbf, 0x5f, 0xfc, 0xf0, 0x7f, 0xad, 0x7f, 0xfe, 0xff, 0xff, 0x44, 0x57, 0xff, 0xff, 0xe8, 0x95, 0xff, 0xfe, 0x5a, 0x8f, 0xff, 0xa2, 0x7d, 0xff, 0xfe, 0x5f, 0xe4, 0xdd, 0xcc, 0xaf, 0xff, 0xfc, 0xcb, 0xaa, 0xfc, 0xee, 0x11, 0x1c, 0x29, 0xc4, 0x92, 0x06, 0xb4, 0x50, 0x2f, 0x1f, 0xff, 0xec, 0x89, 0xff, 0x5d, 0x7f, 0x5f, 0xfb, 0xf6, 0xff, 0x0b, 0xeb, 0xbf, 0xd7, 0xfe, 0xbf, 0xf7, 0xff, 0xd3, 0xaf, 0xff, 0x36, 0xa4, 0xfb, 0xff, 0xff, 0xa0, 0x5d, 0xff, 0x5b, 0xde, 0xbf, 0xf0, 0xbf, 0x75, 0xfd, 0x2e, 0x9f, 0xeb, 0x5d, 0xff, 0xfc, 0x24, 0x8a, 0x1c, 0x9c, 0x3b, 0x12, 0x23, 0x45, 0x0e, 0xde, 0x5a, 0x7f, 0xff, 0xdf, 0xb0, 0xff, 0xdd, 0xfd, 0xeb, 0xef, 0xdb, 0x4b, 0xfd, 0x11, 0xc7, 0xe4, 0x38, 0xe1, 0x7d, 0x7f, 0xfe, 0x89, 0xf5, 0x7b, 0xd1, 0x74, 0xdf, 0xff, 0xd7, 0xf6, 0x69, 0xfc, 0x2f, 0xfe, 0xeb, 0xff, 0xcc, 0xea, 0xfb, 0xf3, 0x4f, 0x5f, 0xff, 0xff, 0xff, 0xd6, 0xaf, 0x34, 0xbf, 0xfd, 0x7b, 0x33, 0xbf, 0xa1, 0xb7, 0x6d, 0x35, 0xf0, 0xbd, 0xff, 0xfe, 0x1b, 0xff, 0xff, 0xbe, 0x5e, 0xbf, 0xff, 0x4b, 0xd1, 0x7e, 0xb5, 0x66, 0xd7, 0xab, 0xaf, 0xff, 0x5b, 0xff, 0xbf, 0xff, 0xdf, 0xdd, 0x6b, 0xd9, 0x9d, 0xff, 0xaf, 0xff, 0x5b, 0xf7, 0xff, 0xa7, 0xff, 0xfe, 0xbf, 0x7f, 0xff, 0xbd, 0xfd, 0xff, 0x75, 0xeb, 0xf8, 0x54, 0x78, 0xb7, 0x6d, 0x29, 0xd9, 0x08, 0x8d, 0x3f, 0x44, 0xb3, 0xc9, 0xbf, 0xff, 0xbc, 0x1f, 0xf7, 0x5f, 0xf5, 0xff, 0xaf, 0xfe, 0xbb, 0xff, 0x8e, 0x2b, 0xff, 0xaf, 0xeb, 0xab, 0xd7, 0xfd, 0x8f, 0x7d, 0xfd, 0xff, 0xff, 0xb5, 0xeb, 0xb5, 0xbe, 0xbe, 0xbb, 0xab, 0x4b, 0xff, 0xff, 0xb5, 0xff, 0x5e, 0xdb, 0x5f, 0xfd, 0xb5, 0xdb, 0xa7, 0xfa, 0xed, 0xb7, 0x5e, 0xff, 0x85, 0x7d, 0x5f, 0xff, 0xe0, 0xdf, 0xff, 0xfb, 0xd3, 0x9a, 0x7d, 0x5f, 0x1b, 0x1e, 0xb5, 0xdd, 0x66, 0x96, 0xff, 0xff, 0xff, 0xeb, 0xdf, 0xfd, 0xd5, 0xda, 0xda, 0xd5, 0xad, 0xa7, 0xed, 0xad, 0xa5, 0xdf, 0x6b, 0x61, 0x7f, 0xbd, 0xb5, 0xb0, 0xbf, 0xf0, 0x70, 0xc1, 0x3f, 0x63, 0xfd, 0x8b, 0xdb, 0x86, 0x09, 0x70, 0xf7, 0xe2, 0xb8, 0xff, 0x3a, 0x33, 0x34, 0x61, 0x14, 0x23, 0x08, 0xe2, 0x41, 0x7f, 0x45, 0x1c, 0x63, 0xfd, 0x55, 0x99, 0xd4, 0xff, 0xbf, 0x59, 0x87, 0xff, 0x7f, 0xf1, 0xeb, 0xdb, 0xab, 0x55, 0x7e, 0xba, 0xda, 0x5d, 0x7f, 0xfe, 0xbf, 0x77, 0xbd, 0x84, 0xbf, 0x87, 0xc3, 0x60, 0xc1, 0x26, 0x2a, 0xd8, 0x61, 0x28, 0xbf, 0x8e, 0x3f, 0xd8, 0xb6, 0x2a, 0xff, 0xd8, 0xa8, 0xaf, 0xfd, 0x8b, 0xf7, 0xfe, 0xfd, 0x8a, 0xdf, 0xf6, 0xb6, 0xbf, 0x83, 0x04, 0x24, 0xc7, 0x34, 0x72, 0x39, 0x32, 0xad, 0x35, 0x4c, 0xa3, 0xd9, 0x4e, 0x11, 0x1d, 0x0f, 0xf7, 0xfb, 0x7f, 0xda, 0xdf, 0xd7, 0x7b, 0x6b, 0xfb, 0xda, 0xfd, 0xa5, 0xf6, 0x95, 0xac, 0x34, 0x9b, 0x5b, 0xda, 0xe1, 0xff, 0x0c, 0x8e, 0x13, 0xea, 0x1d, 0x5c, 0x57, 0xfb, 0xec, 0x53, 0x5b, 0x14, 0xc8, 0x8f, 0xf6, 0x44, 0x1f, 0x0b, 0xf6, 0x45, 0x76, 0xd5, 0x7d, 0x6d, 0x4c, 0xe9, 0xeb, 0xa7, 0x64, 0x71, 0x7d, 0x91, 0x5d, 0x6d, 0x61, 0x92, 0xb5, 0xb8, 0x61, 0x53, 0xbd, 0x50, 0x61, 0x34, 0x18, 0x4b, 0xf1, 0x1f, 0x14, 0xad, 0xdd, 0xa4, 0x10, 0x21, 0x30, 0x88, 0xe9, 0x20, 0x8a, 0x72, 0x87, 0x09, 0x22, 0x3a, 0xfb, 0x56, 0xd7, 0xbf, 0xdb, 0xe4, 0x30, 0xf6, 0xd6, 0xe4, 0x30, 0xfb, 0x0b, 0xf0, 0x74, 0xc5, 0x7b, 0x1e, 0xf1, 0x4c, 0x5c, 0x6c, 0x55, 0x3f, 0xdf, 0xec, 0x7f, 0x6e, 0xbc, 0xb1, 0xd7, 0xbb, 0xd3, 0xb0, 0x9a, 0x69, 0x84, 0xd3, 0xd3, 0x86, 0x13, 0x52, 0xdd, 0x08, 0x8b, 0x08, 0x34, 0x0c, 0x10, 0x88, 0x88, 0x86, 0x0b, 0x0c, 0xec, 0xa5, 0x3f, 0x9d, 0xc9, 0x39, 0x18, 0xfb, 0xdf, 0xfb, 0xb6, 0x84, 0x44, 0x5a, 0xfb, 0x05, 0x61, 0x82, 0x5b, 0xff, 0x1f, 0xc5, 0x43, 0xf6, 0x3f, 0xf6, 0xbd, 0x84, 0xd7, 0x52, 0x23, 0xe6, 0x1d, 0x35, 0xfe, 0xff, 0xb2, 0x38, 0xfd, 0x62, 0x22, 0x18, 0x21, 0x11, 0x1c, 0x44, 0x44, 0x44, 0x44, 0x44, 0x68, 0x44, 0x44, 0x71, 0xfe, 0xa3, 0xe2, 0xef, 0xb4, 0xb1, 0x49, 0x7d, 0x8b, 0x8a, 0xef, 0xf7, 0xf7, 0x7f, 0x64, 0x51, 0xfe, 0xee, 0xd6, 0xd0, 0x6b, 0xa9, 0x9d, 0x06, 0x13, 0xe1, 0x84, 0xc2, 0x11, 0x11, 0x11, 0x11, 0x06, 0x08, 0x44, 0x44, 0x47, 0xbf, 0xf1, 0x17, 0x16, 0xf7, 0x54, 0x96, 0xbd, 0x91, 0x5e, 0xd6, 0xfd, 0x61, 0x91, 0x8f, 0xf0, 0xc2, 0x71, 0x10, 0x61, 0x62, 0x23, 0x42, 0x22, 0x22, 0x38, 0x88, 0xe2, 0x23, 0x5f, 0xfb, 0xdb, 0x60, 0x8a, 0x71, 0x49, 0x08, 0xe2, 0x18, 0x20, 0xd0, 0x30, 0x42, 0x22, 0x22, 0x38, 0x88, 0x88, 0xff, 0xef, 0xfe, 0x20, 0xca, 0x81, 0x70, 0xd0, 0x58, 0x88, 0xd1, 0x5e, 0x2a, 0x5f, 0x26, 0xf5, 0x97, 0xfe, 0x21, 0x89, 0x50, 0x10, 0xe5, 0xb8, 0x77, 0x6b, 0x5f, 0xaf, 0xf8, 0x8f, 0x6a, 0xc3, 0x04, 0x81, 0x7e, 0x84, 0x7f, 0xd8, 0xa6, 0x3a, 0xf1, 0xff, 0x69, 0x85, 0x54, 0x3f, 0xed, 0x08, 0x8f, 0xf8, 0xff, 0xff, 0xf7, 0xff, 0xe5, 0x32, 0x94, 0x8a, 0xaa, 0x2b, 0x51, 0x23, 0xeb, 0xcb, 0x64, 0xbc, 0x76, 0xb1, 0x15, 0x46, 0x9a, 0x69, 0xa7, 0xfe, 0x5a, 0xa5, 0x51, 0x09, 0x1a, 0xa2, 0x14, 0xca, 0x23, 0x54, 0x6d, 0x9b, 0xbf, 0xfb, 0xfb, 0xf2, 0xce, 0xab, 0xfe, 0xab, 0xf9, 0xc8, 0x8d, 0xd9, 0xd8, 0xb5, 0xff, 0xff, 0xe5, 0x97, 0x19, 0xd6, 0x4f, 0x5e, 0xff, 0xff, 0xff, 0xd7, 0xff, 0xf2, 0xa9, 0xe4, 0x25, 0xfa, 0xe3, 0x8f, 0xff, 0xfd, 0xff, 0xfe, 0x9b, 0x5f, 0xff, 0xff, 0xf9, 0x53, 0xc8, 0xb6, 0x75, 0xb2, 0x9d, 0x9d, 0x1e, 0x4e, 0xcd, 0x4a, 0x61, 0xf9, 0x9b, 0x21, 0x9f, 0xe4, 0x66, 0x47, 0x46, 0x44, 0x7e, 0x38, 0xff, 0xcc, 0x3b, 0xcd, 0xfa, 0xa9, 0x39, 0x10, 0x67, 0x94, 0x23, 0xe3, 0x3a, 0x11, 0x2e, 0x33, 0x44, 0x4f, 0x84, 0x0f, 0x2e, 0x32, 0x71, 0x4a, 0x07, 0x9f, 0x8f, 0x8c, 0xbc, 0x6e, 0x2f, 0x02, 0x22, 0x79, 0xa6, 0x6c, 0x30, 0xe0, 0xc1, 0x06, 0xa1, 0x03, 0x08, 0x1e, 0x08, 0x19, 0xfc, 0x26, 0xaf, 0x82, 0x0c, 0x20, 0x7f, 0xc5, 0xff, 0x59, 0x6e, 0x29, 0x1e, 0x19, 0x38, 0xa5, 0x05, 0x99, 0x8a, 0xe5, 0xc7, 0x99, 0x8a, 0xae, 0xe0, 0x81, 0x9f, 0xb3, 0x70, 0x40, 0xc8, 0xf1, 0xa3, 0x08, 0x18, 0x41, 0x84, 0x33, 0x70, 0x4c, 0x26, 0x7c, 0x10, 0x20, 0xd3, 0x55, 0xd3, 0x41, 0x84, 0x1e, 0xa1, 0x0e, 0x34, 0xfe, 0x2d, 0x0d, 0x30, 0x9e, 0x9a, 0x1d, 0x5e, 0x9a, 0x7f, 0xe6, 0x59, 0xfe, 0x42, 0xd5, 0x90, 0x28, 0xe8, 0xca, 0x83, 0x3a, 0xa3, 0x59, 0xa9, 0x6e, 0x04, 0xd5, 0x34, 0xc2, 0x18, 0x4e, 0x2f, 0x09, 0xd5, 0xc5, 0xff, 0xdd, 0x69, 0xac, 0x68, 0x3b, 0x4f, 0xf8, 0xb5, 0x5d, 0x2f, 0x4f, 0xed, 0x12, 0x7a, 0x26, 0xed, 0x12, 0x77, 0xa2, 0x70, 0xff, 0xe5, 0xc3, 0x44, 0xe3, 0xfc, 0x10, 0x8e, 0x59, 0x3f, 0x30, 0x67, 0x08, 0xd0, 0x52, 0x81, 0xe4, 0x71, 0x9f, 0x8e, 0x65, 0xc5, 0x34, 0x14, 0x20, 0xc8, 0xec, 0xd2, 0x31, 0x02, 0x0c, 0x20, 0x67, 0x58, 0x20, 0xcf, 0x41, 0x32, 0xec, 0xdc, 0x13, 0x08, 0x1c, 0x69, 0xa6, 0xa9, 0xdf, 0x7f, 0x25, 0x0f, 0xf6, 0xb5, 0x69, 0x13, 0xb6, 0x89, 0xde, 0xa5, 0xe6, 0x4a, 0xda, 0x27, 0x9f, 0x06, 0x0a, 0x4f, 0x1a, 0x2f, 0x9a, 0x27, 0x8f, 0x49, 0x17, 0xd8, 0x48, 0xbe, 0xfc, 0x9e, 0x61, 0x07, 0x48, 0x1e, 0x10, 0x7d, 0x04, 0x1e, 0x09, 0x5f, 0x48, 0x3a, 0x08, 0x37, 0xf8, 0x99, 0x0a, 0x2d, 0x08, 0x61, 0x34, 0x18, 0x41, 0xc4, 0x3d, 0x0b, 0x41, 0xc6, 0xb1, 0x0d, 0x38, 0xb8, 0xf8, 0xbe, 0x91, 0x78, 0xd1, 0x7c, 0xe5, 0xe6, 0x6e, 0xa2, 0x59, 0xd1, 0x79, 0x57, 0x84, 0x1b, 0xfc, 0x30, 0x9f, 0x0c, 0x28, 0x4f, 0x4f, 0x04, 0x93, 0x74, 0x1b, 0x84, 0xdf, 0xf4, 0xf5, 0xd3, 0xe9, 0x25, 0xc2, 0x49, 0xbf, 0xa7, 0x49, 0xea, 0xd2, 0x6f, 0xdb, 0xaa, 0xbf, 0xe9, 0xff, 0x2b, 0x5a, 0xf1, 0x68, 0x90, 0xf4, 0x48, 0x77, 0x22, 0x8f, 0xe4, 0x71, 0x44, 0xe3, 0x25, 0x6e, 0xa4, 0xae, 0x8b, 0xb7, 0x25, 0x6e, 0xb9, 0x3c, 0x61, 0x82, 0x82, 0x49, 0xeb, 0x49, 0xd5, 0xda, 0x6f, 0x49, 0xba, 0xbf, 0xff, 0xba, 0xd5, 0xb4, 0x9e, 0xa9, 0xeb, 0x57, 0xfe, 0x9b, 0xfa, 0xf4, 0xa9, 0xea, 0x9f, 0xd2, 0xeb, 0xa7, 0xa7, 0xeb, 0xa5, 0xfc, 0x7b, 0xfc, 0xa9, 0xc1, 0x49, 0x08, 0xec, 0x51, 0x5f, 0x27, 0x84, 0xaf, 0x04, 0x1b, 0x40, 0x83, 0xc1, 0x06, 0xf8, 0x4d, 0xa0, 0x9b, 0x0f, 0xf0, 0x9b, 0x48, 0x3d, 0x3c, 0x17, 0x5b, 0xd5, 0x5e, 0xf4, 0xed, 0x74, 0xfd, 0x3f, 0xd3, 0xff, 0xeb, 0xd3, 0xd3, 0xeb, 0x7b, 0xd7, 0xdf, 0xe3, 0xa8, 0xe9, 0x7f, 0xfe, 0xfe, 0xea, 0x3f, 0xab, 0xfb, 0x7b, 0x06, 0xbf, 0xfc, 0x22, 0x3a, 0xb6, 0x56, 0xd1, 0xda, 0x74, 0x9f, 0x7a, 0xfa, 0xe9, 0xf7, 0x5d, 0xea, 0xe9, 0xba, 0xe9, 0xff, 0x71, 0x55, 0xc7, 0xef, 0xf5, 0x7e, 0xff, 0xdf, 0xff, 0xea, 0xba, 0xfb, 0xff, 0xcd, 0x05, 0xe3, 0xdf, 0xef, 0xd7, 0x5f, 0xef, 0xfe, 0x3e, 0x42, 0x65, 0xff, 0x11, 0x11, 0x1b, 0xaa, 0xbf, 0xab, 0xdf, 0xdf, 0xbe, 0xea, 0xbf, 0xff, 0xff, 0xf0, 0xbe, 0x50, 0x35, 0xf8, 0xed, 0x3f, 0xff, 0xba, 0xff, 0xff, 0xff, 0xff, 0x73, 0x81, 0xfb, 0x5f, 0xff, 0xff, 0xff, 0xfd, 0x76, 0xff, 0xf3, 0x25, 0x71, 0x1d, 0x57, 0xe2, 0xaa, 0x3f, 0xfa, 0xf5, 0xfd, 0xaf, 0x4f, 0xff, 0xe8, 0x67, 0x03, 0xf9, 0xe0, 0xef, 0xfa, 0x1f, 0xff, 0xeb, 0xaf, 0xff, 0xff, 0xf5, 0xfa, 0xff, 0xff, 0xef, 0xff, 0xff, 0xf7, 0x83, 0x7f, 0xf9, 0x28, 0x8d, 0x68, 0xc6, 0x18, 0x86, 0x46, 0x77, 0xf9, 0xa0, 0xbf, 0xff, 0x1e, 0xeb, 0xf1, 0xff, 0xff, 0xeb, 0xda, 0xff, 0xdf, 0xff, 0xbf, 0xff, 0xff, 0xff, 0xff, 0xa2, 0x7d, 0xe4, 0xdd, 0xbf, 0xff, 0xaf, 0xff, 0x5f, 0xf2, 0x4e, 0x77, 0xe0, 0xdf, 0xff, 0xdf, 0x5d, 0x7e, 0x70, 0x3f, 0xff, 0xf7, 0xd7, 0xff, 0xff, 0xf2, 0x3c, 0x04, 0x89, 0x67, 0xa4, 0x4f, 0xbf, 0xcc, 0x27, 0xff, 0xfb, 0xad, 0xff, 0xff, 0xfa, 0xff, 0x54, 0x12, 0xe4, 0xea, 0x9f, 0xfe, 0xbf, 0xdd, 0x73, 0x4b, 0xfd, 0x74, 0x08, 0x5f, 0x0e, 0xeb, 0xfd, 0x50, 0x88, 0xff, 0xaf, 0xff, 0xfd, 0xff, 0x5f, 0xff, 0xec, 0x10, 0xc1, 0x7f, 0x5f, 0xfa, 0x2c, 0xff, 0xff, 0x75, 0xff, 0x5e, 0xfb, 0xef, 0xfe, 0xff, 0xc2, 0x7d, 0xeb, 0xdf, 0xef, 0xfb, 0xad, 0xfb, 0xff, 0x79, 0x89, 0xff, 0xf1, 0x1f, 0xe9, 0x13, 0xef, 0xff, 0xcb, 0x51, 0x75, 0xf9, 0x6a, 0x3f, 0xff, 0xe6, 0x9a, 0xab, 0xdd, 0x6b, 0x5e, 0x69, 0x77, 0xd7, 0xfc, 0x57, 0x6b, 0x7e, 0xf5, 0xae, 0xba, 0xfd, 0x7b, 0x75, 0xbd, 0xfb, 0xae, 0xbf, 0x7d, 0xd6, 0xbd, 0xd6, 0x97, 0xfd, 0xa5, 0xff, 0xfc, 0x2f, 0x34, 0xff, 0xfe, 0xae, 0xba, 0xf5, 0xff, 0xfb, 0x4f, 0xed, 0x2d, 0x5b, 0x5e, 0xd6, 0xbb, 0x5f, 0xff, 0xe9, 0xb5, 0xed, 0x6d, 0x26, 0xfb, 0xfb, 0x5d, 0x75, 0xed, 0xb5, 0xed, 0x2b, 0x55, 0xdb, 0x0a, 0xda, 0xb6, 0x96, 0xda, 0xe7, 0x1e, 0xfc, 0x35, 0x6d, 0x7f, 0xfe, 0xd7, 0x74, 0xff, 0xfc, 0xce, 0xe3, 0xf7, 0x33, 0xaf, 0xff, 0xfe, 0xb5, 0xff, 0xb5, 0xdb, 0xa3, 0x8d, 0x5b, 0xb4, 0xbf, 0xdf, 0x6c, 0x2d, 0xae, 0xd8, 0x4a, 0xd6, 0x18, 0x4a, 0xc2, 0xc1, 0xc3, 0x09, 0x30, 0xc1, 0x36, 0x0c, 0x25, 0xb7, 0x0c, 0x17, 0x63, 0x8f, 0xe3, 0x8a, 0x62, 0xb8, 0xaf, 0xab, 0xd8, 0xa8, 0xaf, 0xff, 0xf5, 0xba, 0xff, 0xdf, 0xb6, 0xad, 0x6f, 0xd2, 0xff, 0xcf, 0xfb, 0x6a, 0xda, 0xb0, 0xc2, 0xc3, 0x04, 0xed, 0x2e, 0x18, 0x5f, 0xe3, 0xfe, 0x0e, 0xa0, 0xd8, 0xa6, 0x3e, 0x38, 0xa6, 0x29, 0x8f, 0x8e, 0x2d, 0x8f, 0xd8, 0xf6, 0x9f, 0xdd, 0xda, 0xda, 0xf5, 0xf6, 0x9a, 0xff, 0xfd, 0xd7, 0x5f, 0xfe, 0xd7, 0xed, 0x26, 0xd6, 0x1a, 0xff, 0xda, 0x7b, 0x15, 0x10, 0xd8, 0xd8, 0xb8, 0xad, 0x8a, 0xeb, 0xaf, 0xff, 0x69, 0x91, 0x07, 0xec, 0x29, 0x87, 0x4d, 0x32, 0x28, 0xf7, 0x98, 0x70, 0x99, 0x15, 0xec, 0x27, 0x76, 0x45, 0x7e, 0xc2, 0x64, 0x6f, 0x7c, 0x32, 0x37, 0xb0, 0x9a, 0xc3, 0x09, 0xaa, 0x69, 0xda, 0x68, 0x30, 0xbf, 0xfe, 0xac, 0x26, 0xc1, 0x84, 0xbf, 0xf6, 0x2a, 0x1b, 0xc7, 0x15, 0x15, 0xff, 0x0f, 0x76, 0x99, 0x15, 0xec, 0x8a, 0x3d, 0x91, 0xc6, 0x61, 0xd6, 0xd6, 0xaf, 0x3c, 0x2d, 0xad, 0xdd, 0xa0, 0xc2, 0x61, 0x08, 0x86, 0x16, 0x18, 0x40, 0xc2, 0x60, 0x84, 0x44, 0x18, 0x40, 0xc1, 0x08, 0x30, 0x42, 0x20, 0xc2, 0xc4, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x47, 0xff, 0xf8, 0x98, 0x76, 0xc5, 0x7f, 0xed, 0x3d, 0x42, 0x6a, 0x61, 0xd7, 0xfb, 0xe2, 0x18, 0x40, 0xc1, 0x08, 0x30, 0x42, 0x0c, 0x10, 0x88, 0x88, 0x88, 0x88, 0x88, 0x88, 0x8d, 0x08, 0x88, 0xe2, 0x22, 0x22, 0x22, 0xbf, 0xf5, 0xe1, 0xa7, 0x69, 0xaf, 0x6a, 0x83, 0x4f, 0xcc, 0xe1, 0x06, 0x16, 0x0c, 0x10, 0x88, 0x88, 0x88, 0x88, 0x8f, 0x99, 0x2b, 0xab, 0xef, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x1f, 0x11, 0xc5, 0x7b, 0x5f, 0xae, 0xbe, 0xb6, 0x3f, 0x7f, 0xf0, 0x5d, 0xaf, 0x5d, 0x7d, 0x2d, 0x85, 0xed, 0xe0, 0x97, 0xb4, 0x23, 0xf5, 0xd7, 0x8f, 0x7e, 0xd0, 0x8f, 0x5e, 0x3d, 0xdf, 0xf5, 0xfd, 0x9d, 0xd4, 0xbf, 0xa3, 0xa0, 0xc8, 0xe0, 0xc1, 0x1c, 0x10, 0x8e, 0x21, 0xbc, 0xb9, 0x04, 0x45, 0x13, 0x25, 0xb2, 0xb2, 0xb4, 0xfd, 0xa3, 0x8d, 0x14, 0x2a, 0x08, 0x30, 0x5e, 0x53, 0x55, 0xe5, 0x53, 0x3b, 0x02, 0xbe, 0x84, 0x44, 0x7c, 0xb5, 0xc4, 0xd1, 0x5e, 0x91, 0xb8, 0x85, 0x45, 0x56, 0x4d, 0x3f, 0xec, 0xc8, 0xba, 0x30, 0xbc, 0xb5, 0x45, 0x99, 0xaa, 0x20, 0x72, 0x7f, 0xff, 0xfe, 0x6b, 0xcb, 0xe4, 0x76, 0x47, 0x44, 0x72, 0x21, 0xe5, 0xe2, 0x04, 0x64, 0x74, 0x47, 0xc8, 0xe8, 0x8e, 0x14, 0xd4, 0x0d, 0x7f, 0xfa, 0x9d, 0xdd, 0xff, 0xff, 0xf1, 0x11, 0x12, 0x87, 0x45, 0xe8, 0xcc, 0x5c, 0x44, 0x48, 0xc7, 0x52, 0x15, 0xff, 0xff, 0xed, 0x7f, 0xff, 0xc8, 0x8f, 0xfb, 0xa8, 0x91, 0x47, 0xf1, 0x23, 0x72, 0x87, 0x8a, 0xff, 0xf8, 0xff, 0xff, 0xce, 0x39, 0xc7, 0x08, 0x10, 0x8b, 0xa9, 0x43, 0x94, 0x3b, 0x76, 0x71, 0xcb, 0x70, 0x41, 0x65, 0x0e, 0x13, 0xb3, 0xb9, 0x6e, 0x78, 0x08, 0x43, 0x3e, 0xc0, 0xbf, 0xff, 0xe4, 0x42, 0x20, 0x79, 0x24, 0x79, 0x19, 0x1d, 0x2c, 0xd1, 0x9a, 0xd1, 0xa8, 0x8e, 0xb1, 0x0c, 0xff, 0xa1, 0x11, 0x11, 0x11, 0x11, 0x22, 0x13, 0x88, 0x88, 0x88, 0x88, 0x88, 0x89, 0xde, 0x89, 0x7f, 0xcd, 0xe7, 0x56, 0xa4, 0xe4, 0x54, 0x19, 0x20, 0x8e, 0x91, 0x99, 0x9c, 0x22, 0x71, 0x73, 0x99, 0xb0, 0x43, 0xe3, 0xcb, 0x8c, 0xa0, 0x52, 0x71, 0x73, 0xec, 0x10, 0x32, 0xf1, 0xb8, 0xbb, 0x38, 0x21, 0xf8, 0xd2, 0x37, 0x17, 0x14, 0x20, 0xf0, 0x40, 0xc1, 0x03, 0xc2, 0x06, 0x7e, 0x09, 0x84, 0x19, 0xe8, 0x20, 0x61, 0x07, 0xfd, 0xe3, 0xe5, 0xa8, 0xa6, 0x32, 0x81, 0x99, 0xe4, 0xfe, 0x7c, 0x79, 0xa8, 0x79, 0x71, 0x93, 0x8a, 0x7a, 0x3f, 0x1f, 0xb0, 0x40, 0xc1, 0x06, 0x7a, 0x3c, 0xcf, 0xc1, 0x03, 0x08, 0x33, 0x54, 0x10, 0x61, 0x06, 0x79, 0xa9, 0x76, 0x83, 0x4c, 0x27, 0xaa, 0x84, 0x1c, 0x43, 0x09, 0x84, 0xf4, 0x90, 0xe3, 0x41, 0xfc, 0x5a, 0x18, 0x4d, 0x07, 0x84, 0xe3, 0x4e, 0x2d, 0x0f, 0xeb, 0x25, 0x19, 0xdd, 0x84, 0x3c, 0x10, 0xf0, 0x9a, 0x0c, 0x27, 0x6b, 0xa1, 0x84, 0xe2, 0xc2, 0x0f, 0x4f, 0x8b, 0x41, 0xf7, 0xe9, 0xc6, 0x9c, 0x71, 0x16, 0x9f, 0xeb, 0x69, 0xa7, 0xa4, 0xba, 0x24, 0x3f, 0xf4, 0x49, 0xf2, 0x6f, 0x44, 0xe3, 0xc9, 0xc3, 0xd1, 0x38, 0xc8, 0xde, 0x89, 0x47, 0xec, 0x86, 0x8e, 0x66, 0x71, 0x0c, 0xcb, 0xb0, 0x88, 0x7b, 0x27, 0x05, 0x90, 0x0e, 0x71, 0xca, 0x70, 0x88, 0xe9, 0x95, 0x05, 0x44, 0x19, 0x57, 0x74, 0xd0, 0x7f, 0xaa, 0x76, 0x89, 0x0e, 0xef, 0x59, 0x15, 0xda, 0x27, 0x1b, 0xd2, 0x69, 0x13, 0xb7, 0x25, 0x6d, 0x17, 0x8f, 0x92, 0xb2, 0x57, 0x97, 0x95, 0xc9, 0x07, 0x2f, 0x1c, 0x9f, 0x66, 0xec, 0xbe, 0x7a, 0x48, 0xbe, 0xc1, 0x20, 0x40, 0xdf, 0xc9, 0xf3, 0x41, 0x07, 0x41, 0x06, 0xd0, 0x41, 0xbd, 0x04, 0xdc, 0x9e, 0xa1, 0x07, 0x84, 0x1e, 0x13, 0xfd, 0x28, 0x8b, 0x04, 0x21, 0x94, 0x50, 0x56, 0xc1, 0x2a, 0x8b, 0xca, 0x27, 0x9f, 0xd1, 0x3c, 0xcb, 0xc7, 0x27, 0x98, 0x40, 0xef, 0xd4, 0x13, 0xa0, 0x83, 0x7f, 0x86, 0x14, 0x20, 0xf0, 0xb4, 0x9e, 0x4f, 0x95, 0x37, 0x4f, 0xf4, 0x93, 0xd3, 0x7b, 0xa5, 0xe9, 0x53, 0xd5, 0x3f, 0xd7, 0x4f, 0x4f, 0x4f, 0xa4, 0xf5, 0xdd, 0x5a, 0x4f, 0xf6, 0xe3, 0xfe, 0x93, 0x70, 0x9b, 0xfe, 0x9e, 0x9e, 0x9d, 0x26, 0xff, 0xa7, 0xdb, 0x75, 0xf5, 0xba, 0x7a, 0x6e, 0xa9, 0xad, 0x2f, 0xd2, 0xab, 0xfa, 0xf7, 0xd2, 0x5e, 0xbb, 0xfd, 0xeb, 0x5d, 0x6f, 0xdf, 0x6b, 0xaf, 0x7f, 0xc4, 0x44, 0x7d, 0xd5, 0xff, 0x49, 0xf6, 0xab, 0xaf, 0x4f, 0xfa, 0xfb, 0x5e, 0x9f, 0xf7, 0xff, 0x1d, 0xf4, 0xb7, 0xa7, 0x1e, 0x87, 0x4a, 0x9f, 0x5f, 0xeb, 0x5e, 0x87, 0xfa, 0xba, 0x15, 0xfa, 0xff, 0xe9, 0xaa, 0xff, 0xf8, 0x63, 0xfb, 0xdc, 0xc3, 0xd7, 0xf7, 0xb9, 0x87, 0xd7, 0xff, 0xff, 0xe1, 0x7d, 0x25, 0x36, 0x97, 0xcd, 0x05, 0xe2, 0xfe, 0xa9, 0xff, 0xff, 0xa7, 0xff, 0x22, 0x02, 0xff, 0xbf, 0x45, 0x29, 0x1d, 0x81, 0x23, 0xbd, 0x57, 0x8f, 0xff, 0x5c, 0x1f, 0xfb, 0xfd, 0x7a, 0xef, 0xff, 0xfe, 0xbf, 0xf9, 0xe0, 0xbf, 0xc4, 0x7e, 0x70, 0x3f, 0xff, 0xff, 0xfb, 0xff, 0xfe, 0x17, 0xff, 0xef, 0xbf, 0xfb, 0xff, 0xd9, 0x0b, 0x9d, 0x7d, 0x2f, 0xff, 0xd2, 0xd7, 0xff, 0xff, 0xf0, 0xab, 0xa5, 0xfa, 0x22, 0x0f, 0xef, 0xff, 0xff, 0xa5, 0xff, 0xfd, 0x11, 0x5f, 0xff, 0xf5, 0xd7, 0xaf, 0xff, 0xe0, 0xdf, 0xff, 0xb7, 0xff, 0xfb, 0xd7, 0xfe, 0xff, 0xfa, 0x25, 0x97, 0xd2, 0x96, 0xa3, 0xa2, 0x7d, 0xe5, 0xbf, 0xfd, 0x7f, 0xef, 0xed, 0x7f, 0xd1, 0x7f, 0xff, 0x5e, 0xc4, 0x7d, 0xfa, 0xff, 0xc1, 0xfd, 0xf6, 0xfd, 0x2f, 0xfb, 0xef, 0xff, 0xff, 0xfe, 0x17, 0xe9, 0x77, 0xc2, 0xf3, 0x4a, 0x9b, 0xfe, 0xfd, 0x7f, 0xec, 0xce, 0xff, 0xaf, 0xff, 0xfe, 0x8c, 0xaa, 0x87, 0xff, 0xff, 0x06, 0xff, 0xff, 0xfd, 0xf7, 0xaf, 0xff, 0xff, 0xfe, 0xbf, 0x49, 0xcd, 0x3d, 0x7f, 0xf7, 0xbf, 0x7f, 0xfd, 0xff, 0x7a, 0xef, 0xeb, 0xfb, 0x5f, 0xbf, 0xcd, 0x2b, 0xff, 0xbc, 0x91, 0x7f, 0xac, 0x53, 0x1f, 0xeb, 0x1c, 0x57, 0x6b, 0xf6, 0xbf, 0xff, 0xfe, 0x9f, 0xeb, 0x6b, 0xde, 0xbd, 0xa5, 0x7f, 0xda, 0xeb, 0x6b, 0xba, 0xff, 0xef, 0xfe, 0xd7, 0x6b, 0xae, 0xbb, 0xad, 0xff, 0x7b, 0xd7, 0xdd, 0x6f, 0xf4, 0xbe, 0x97, 0xfe, 0xbe, 0x95, 0xd5, 0xa5, 0xab, 0x69, 0x6e, 0xda, 0xf7, 0xeb, 0xf6, 0xad, 0xf6, 0xb5, 0x69, 0x76, 0x17, 0xe1, 0xaf, 0xe3, 0xb7, 0x4d, 0xf7, 0xf6, 0xaf, 0x5e, 0xda, 0x5f, 0xed, 0x85, 0x7f, 0x61, 0x85, 0x7d, 0x86, 0xbf, 0xf6, 0x13, 0x5d, 0x10, 0x7b, 0x0c, 0x2c, 0x30, 0xb0, 0xc2, 0x70, 0xc2, 0xf6, 0xc1, 0x85, 0xd8, 0xa6, 0x3f, 0x63, 0x62, 0x98, 0xab, 0x63, 0xe2, 0xfd, 0x8f, 0xf3, 0xb4, 0xbc, 0xc4, 0x6a, 0x45, 0xcc, 0xec, 0x85, 0xd8, 0x5b, 0x09, 0x58, 0x5d, 0x86, 0x16, 0x3f, 0x8a, 0xff, 0x8a, 0xaa, 0x83, 0x62, 0x97, 0x62, 0xbf, 0xd8, 0xbf, 0xb6, 0x2a, 0x29, 0x8b, 0x62, 0xb7, 0x8f, 0x6a, 0x42, 0x0f, 0xf7, 0x69, 0xad, 0xad, 0x90, 0x83, 0xbf, 0x7f, 0xfe, 0xef, 0xd8, 0xa6, 0x29, 0x8f, 0x63, 0x6b, 0xda, 0xa7, 0xf6, 0xbf, 0x69, 0xf6, 0xbf, 0xe4, 0x58, 0xbf, 0x4d, 0x4c, 0xe1, 0x32, 0x38, 0xb5, 0xb6, 0x19, 0x1b, 0xf6, 0x10, 0x61, 0x7d, 0x06, 0x4a, 0x13, 0x08, 0x30, 0x9a, 0x61, 0x61, 0x84, 0xd6, 0xd3, 0x25, 0x6b, 0xfd, 0xa0, 0xd7, 0xb4, 0x1a, 0x64, 0x6f, 0x76, 0x46, 0xf6, 0xbc, 0x34, 0xf4, 0xd5, 0x06, 0x10, 0x68, 0x43, 0x41, 0x84, 0x22, 0x18, 0x21, 0x11, 0x10, 0x61, 0x08, 0x88, 0x83, 0x04, 0x22, 0x22, 0x22, 0x23, 0x88, 0x88, 0x88, 0x88, 0x88, 0x88, 0x88, 0x88, 0x88, 0x8f, 0x7b, 0x88, 0xf9, 0x6a, 0x12, 0x62, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x23, 0xff, 0xf8, 0x96, 0x42, 0x59, 0x5f, 0xca, 0xda, 0x4b, 0xfa, 0xff, 0x1f, 0x83, 0x23, 0x8f, 0xf1, 0xf6, 0x2b, 0xff, 0x0c, 0x2f, 0xfc, 0x7f, 0xff, 0xfd, 0x7c, 0xef, 0x91, 0x59, 0x45, 0xf3, 0x08, 0xdb, 0xff, 0xfd, 0x7f, 0xff, 0x29, 0xd5, 0xb7, 0x0f, 0xff, 0xf7, 0x95, 0xb2, 0x8f, 0xf8, 0x88, 0x98, 0xca, 0x75, 0xff, 0xf7, 0xff, 0xe9, 0x79, 0x6b, 0x0d, 0xb3, 0x19, 0xc8, 0x85, 0xe5, 0x4d, 0x9d, 0x95, 0x45, 0x62, 0xfc, 0x47, 0xcb, 0x55, 0x44, 0x9a, 0x7d, 0xaa, 0xe7, 0x66, 0x57, 0xff, 0xff, 0xaf, 0xff, 0xff, 0x04, 0xff, 0x0b, 0xf7, 0xff, 0xd4, 0x71, 0xaf, 0xd7, 0xff, 0xff, 0xf7, 0xff, 0xc8, 0x2f, 0xe4, 0xf1, 0x07, 0x11, 0x63, 0xb3, 0x43, 0x3a, 0xc7, 0x51, 0x91, 0x03, 0x27, 0x17, 0x33, 0x19, 0xa6, 0x62, 0x3a, 0x0b, 0x99, 0x8a, 0x50, 0x29, 0xe8, 0xd3, 0x39, 0x11, 0xc6, 0x6c, 0x66, 0x82, 0x9f, 0x8b, 0x8c, 0x10, 0x3f, 0xfc, 0xb5, 0x02, 0xb3, 0x11, 0xe1, 0x94, 0x0d, 0x4d, 0xc6, 0x71, 0x98, 0xa0, 0x81, 0x84, 0x0c, 0x8e, 0xf0, 0x40, 0xc2, 0x22, 0x71, 0xa0, 0x83, 0xe0, 0x60, 0x83, 0x08, 0x19, 0xe9, 0x42, 0x61, 0x06, 0x9e, 0x10, 0x68, 0x68, 0x61, 0x06, 0x9e, 0x9a, 0x16, 0x13, 0x4e, 0x2f, 0x5f, 0x29, 0xd1, 0x28, 0x47, 0xd7, 0xc6, 0x10, 0x61, 0x0f, 0xc2, 0x69, 0xfe, 0x9a, 0x7e, 0x9e, 0x9c, 0x69, 0xaa, 0x7a, 0x7a, 0x7a, 0x7d, 0x31, 0xa2, 0x6e, 0xed, 0xfb, 0xff, 0xf5, 0xb5, 0xee, 0x4d, 0xda, 0x24, 0x3b, 0xa7, 0xd1, 0x38, 0x68, 0x9c, 0x7a, 0x44, 0xed, 0x83, 0x09, 0x17, 0x8e, 0xa6, 0xc7, 0x2f, 0x1a, 0x2f, 0x1e, 0x89, 0xe3, 0x85, 0x2f, 0x12, 0x2f, 0x9a, 0x2f, 0x9f, 0x72, 0xf0, 0x96, 0x34, 0x10, 0x6e, 0x4f, 0x21, 0x82, 0xfc, 0x44, 0x57, 0xa4, 0x5e, 0x65, 0xf7, 0xa4, 0x10, 0x6d, 0x02, 0x0d, 0x86, 0x12, 0xf0, 0x83, 0xc2, 0x6d, 0x49, 0x0e, 0x9b, 0xa4, 0x9e, 0x09, 0x27, 0x49, 0xd2, 0x0f, 0xd3, 0xc2, 0x49, 0xd2, 0x6e, 0xbf, 0xda, 0xe9, 0xe9, 0xff, 0xdf, 0x82, 0x49, 0xb4, 0x9f, 0xd2, 0xe9, 0xff, 0x5b, 0xdf, 0x4a, 0x9f, 0xa7, 0xad, 0xea, 0xea, 0xf4, 0x9e, 0xa9, 0xfd, 0x5f, 0xeb, 0xd7, 0xaf, 0xff, 0xea, 0x9e, 0xbf, 0xdd, 0x7d, 0xfa, 0x7c, 0x5d, 0x24, 0xbf, 0xbc, 0x57, 0x6b, 0x7f, 0xba, 0x5e, 0x9e, 0x87, 0xfa, 0xea, 0xff, 0x7f, 0xff, 0xff, 0xba, 0x1e, 0xff, 0xf8, 0x7a, 0x5f, 0xaf, 0xaa, 0x8f, 0xf5, 0xff, 0xff, 0xff, 0x1f, 0xff, 0xaf, 0xff, 0xf5, 0xc7, 0xae, 0x87, 0x22, 0x4f, 0xc5, 0xfb, 0xe4, 0x60, 0x5d, 0x77, 0xff, 0xff, 0xff, 0xff, 0xff, 0x7d, 0xe3, 0x57, 0xff, 0xdf, 0xd8, 0x3d, 0x2f, 0xae, 0x82, 0xff, 0xff, 0x5f, 0xff, 0xff, 0xff, 0xe5, 0x3a, 0x25, 0x08, 0xee, 0xbf, 0xd5, 0x7f, 0xff, 0xfc, 0x1b, 0xd2, 0xaf, 0xed, 0x11, 0xc7, 0xf5, 0xff, 0xff, 0xff, 0xe6, 0xab, 0xff, 0xf7, 0xfb, 0xcb, 0xd3, 0xff, 0x2d, 0x45, 0x79, 0x63, 0x7d, 0x29, 0x95, 0xef, 0xe6, 0x9f, 0xff, 0xfb, 0xff, 0x27, 0x5e, 0xbf, 0xfe, 0xfc, 0x44, 0x57, 0x57, 0x75, 0xfc, 0xd2, 0xf7, 0xdc, 0x3e, 0x97, 0xeb, 0xaa, 0xe6, 0x93, 0xaf, 0x75, 0xfe, 0xb6, 0x9f, 0x5f, 0xd9, 0x9d, 0xff, 0xcc, 0x94, 0x27, 0xfc, 0xd2, 0xff, 0xbf, 0x33, 0xbf, 0xcd, 0x22, 0x8b, 0xd2, 0xb3, 0x3b, 0x7e, 0xbd, 0xd2, 0xbf, 0x75, 0xdd, 0x6f, 0xd7, 0x5f, 0xdf, 0xff, 0xe6, 0x55, 0x28, 0x7f, 0xdf, 0x7e, 0xba, 0xbf, 0xfd, 0xad, 0xfe, 0xff, 0x69, 0x5e, 0xb6, 0xba, 0x5d, 0xfd, 0xab, 0x69, 0x37, 0x56, 0xaf, 0xf6, 0xbf, 0x9e, 0x7f, 0xe1, 0x11, 0xd7, 0xee, 0xad, 0xad, 0xa6, 0xda, 0x56, 0xbf, 0xb6, 0x93, 0x6b, 0xa5, 0x69, 0x6d, 0xad, 0x36, 0xac, 0x35, 0x61, 0xae, 0xc3, 0x09, 0x6c, 0x30, 0xb0, 0xc2, 0xc3, 0x05, 0x8f, 0xf8, 0xaf, 0x83, 0xfe, 0x22, 0x3e, 0xf0, 0xc2, 0x51, 0xc3, 0x0b, 0x1b, 0x14, 0xff, 0x1c, 0x7a, 0x21, 0x8b, 0x1f, 0x15, 0x71, 0x0d, 0x8a, 0x62, 0xb6, 0x2b, 0x63, 0x62, 0x98, 0xa6, 0xff, 0x6b, 0xff, 0xe6, 0x55, 0x7f, 0xb1, 0x4e, 0xc5, 0x34, 0xd2, 0xfb, 0x4d, 0x7b, 0x58, 0x6b, 0x64, 0x57, 0xb4, 0xc2, 0xda, 0xd9, 0x1b, 0xc3, 0x09, 0xa6, 0x46, 0xea, 0xb6, 0x83, 0x5e, 0xef, 0xf1, 0x2e, 0xbf, 0x69, 0x91, 0x5e, 0xc8, 0xe2, 0x1a, 0x69, 0xaa, 0xc3, 0x08, 0x30, 0xa9, 0x90, 0x83, 0xa6, 0x10, 0x86, 0x08, 0x43, 0x08, 0x34, 0x18, 0x20, 0x61, 0x08, 0x30, 0x42, 0x18, 0x42, 0x22, 0x22, 0x22, 0x22, 0x22, 0x23, 0xff, 0xc4, 0x18, 0x21, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x11, 0x1f, 0x8f, 0x8f, 0xff, 0xeb, 0xfd, 0xff, 0xff, 0xcc, 0xaa, 0x7f, 0xf2, 0x9d, 0x12, 0x84, 0x51, 0x87, 0xff, 0xff, 0x7f, 0xf1, 0x11, 0x1f, 0xff, 0xff, 0xff, 0xff, 0x5f, 0xef, 0xfc, 0xa7, 0xc8, 0xba, 0x1f, 0xff, 0xfc, 0x44, 0xc8, 0x11, 0x7f, 0xff, 0x99, 0x0a, 0xe3, 0xff, 0xfe, 0x3f, 0xff, 0x9d, 0x99, 0x23, 0xb2, 0xb5, 0xff, 0x29, 0xd7, 0xf7, 0x10, 0x5f, 0xea, 0x3f, 0xf3, 0x27, 0xca, 0x8f, 0xff, 0xff, 0xf1, 0xff, 0xe3, 0xff, 0x32, 0x39, 0x11, 0xd0, 0xfd, 0xe5, 0x0e, 0x3f, 0xa8, 0xce, 0x38, 0x44, 0x75, 0xfc, 0x44, 0x7e, 0xe5, 0x72, 0x95, 0xf5, 0xff, 0xff, 0xff, 0xb9, 0xdd, 0xa3, 0xbc, 0xce, 0x9f, 0xeb, 0x24, 0xd7, 0xff, 0xf5, 0x17, 0xff, 0xe2, 0x23, 0xeb, 0xff, 0xff, 0xfa, 0xff, 0xbf, 0xfe, 0x64, 0x7f, 0xfd, 0x49, 0x35, 0xff, 0xbe, 0x46, 0xb0, 0xa7, 0x45, 0xff, 0x88, 0x8f, 0xff, 0x99, 0x1a, 0xe7, 0x11, 0x3e, 0x26, 0x9f, 0xfa, 0xf7, 0x5f, 0xfb, 0xf5, 0x75, 0xff, 0x88, 0xb8, 0xff, 0xe6, 0x47, 0xc8, 0xe9, 0x07, 0xff, 0xd2, 0xdf, 0xff, 0x17, 0x5f, 0xf8, 0x8f, 0xfe, 0x64, 0x1f, 0xff, 0xff, 0xfb, 0xff, 0xe3, 0xff, 0x66, 0x47, 0x43, 0xfd, 0x2f, 0xf8, 0x9d, 0x98, 0x5f, 0xaf, 0xf4, 0xff, 0xff, 0xff, 0xff, 0xff, 0xe3, 0xfe, 0x65, 0x56, 0x6a, 0xff, 0xca, 0x7c, 0x8b, 0xe6, 0x7f, 0x9d, 0xda, 0xdf, 0xd5, 0x74, 0x3e, 0xbe, 0x74, 0x42, 0x22, 0x3f, 0xff, 0xff, 0xff, 0xff, 0xff, 0x8f, 0xff, 0xff, 0x94, 0xf9, 0x17, 0xc9, 0x3f, 0xff, 0xfa, 0xff, 0xc4, 0x47, 0xff, 0xf7, 0xfe, 0xbf, 0xff, 0xff, 0xff, 0xf9, 0xd1, 0x7f, 0xff, 0xfe, 0x3f, 0xff, 0xff, 0xff, 0xaf, 0xfb, 0xef, 0xff, 0xff, 0xff, 0xff, 0xfd, 0x75, 0xf7, 0xff, 0x5f, 0xf7, 0xfd, 0x7f, 0xdf, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfc, 0xe8, 0xbd, 0xff, 0xff, 0xc7, 0x5f, 0xff, 0xff, 0xff, 0xff, 0xaf, 0xff, 0xfe, 0xfb, 0xff, 0xaf, 0xff, 0xeb, 0xbf, 0xff, 0xef, 0xf1, 0xa5, 0xfb, 0xfc, 0xae, 0x52, 0xa9, 0xeb, 0xed, 0x6f, 0x3a, 0x2e, 0xbf, 0xff, 0xfc, 0x7f, 0xff, 0xf1, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0x2b, 0x94, 0xaf, 0xfe, 0xfd, 0x46, 0xbd, 0xff, 0x5f, 0xff, 0xff, 0xff, 0xf3, 0xb5, 0xb4, 0x76, 0x93, 0x3a, 0x7f, 0xe7, 0x4c, 0x20, 0x7d, 0xfe, 0xf8, 0x8b, 0x5f, 0xf5, 0xfe, 0xa2, 0x3f, 0xff, 0xfa, 0xff, 0xf9, 0x56, 0x8d, 0x11, 0x84, 0x61, 0x11, 0xd1, 0xd9, 0x5c, 0x47, 0x1f, 0xf9, 0xac, 0x0b, 0xa1, 0x0d, 0x0f, 0xff, 0x82, 0x23, 0xda, 0xff, 0x20, 0xe3, 0xae, 0x14, 0x98, 0xed, 0xff, 0x25, 0xf2, 0x3e, 0x09, 0x1f, 0x4d, 0x08, 0x8f, 0xf8, 0x88, 0x88, 0xff, 0x95, 0xca, 0x17, 0xf9, 0xda, 0xaa, 0x30, 0x8a, 0x45, 0xff, 0x9d, 0x08, 0x8e, 0x64, 0x70, 0x30, 0x4c, 0x0a, 0x6d, 0x97, 0x67, 0x80, 0x82, 0xe1, 0xcd, 0x91, 0x80, 0xa3, 0xfe, 0x22, 0x22, 0x22, 0x22, 0x22, 0xbd, 0xe5, 0x71, 0x39, 0xff, 0x32, 0x4b, 0xcb, 0xc4, 0x72, 0x23, 0x8c, 0x8e, 0xcb, 0xc4, 0x7a, 0x1f, 0xfe, 0x92, 0x1e, 0xc4, 0x7f, 0xe8, 0x54, 0xce, 0x96, 0x4d, 0xda, 0xff, 0xd4, 0x5b, 0x4b, 0xff, 0x77, 0x25, 0x14, 0xc3, 0xff, 0xcc, 0x38, 0x8e, 0x21, 0xd7, 0xfb, 0xb3, 0x0e, 0x4e, 0x33, 0xd9, 0x6e, 0x9a, 0xfa, 0xc4, 0x44, 0x44, 0x44, 0x7f, 0xff, 0xfe, 0xff, 0xff, 0xf2, 0x5a, 0x8e, 0x22, 0xf9, 0x7c, 0x8e, 0x19, 0x00, 0x57, 0xf1, 0x11, 0x11, 0x21, 0x90, 0x20, 0xe7, 0x1c, 0xe3, 0x9c, 0x04, 0x80, 0xf8, 0x88, 0x8f, 0xf5, 0xdf, 0x5f, 0xff, 0xff, 0xe5, 0x36, 0x54, 0x8b, 0xe7, 0xd1, 0x99, 0x91, 0xc0, 0xd8, 0x0d, 0xbe, 0x5b, 0x6a, 0x11, 0x0d, 0x17, 0x0a, 0x47, 0x19, 0x1c, 0x09, 0xa0, 0xc9, 0xe5, 0xad, 0xe8, 0xfa, 0x23, 0xe5, 0xc1, 0x08, 0xe0, 0x4d, 0x07, 0x23, 0x8c, 0xb8, 0x86, 0xd1, 0x74, 0x47, 0x88, 0xe8, 0xf3, 0x23, 0xe5, 0xd1, 0x9a, 0xf2, 0xcd, 0xf4, 0x4e, 0x88, 0xe8, 0x8f, 0x18, 0x32, 0x38, 0x13, 0x05, 0x2f, 0x08, 0x88, 0x88, 0x88, 0x88, 0xf9, 0x67, 0x52, 0x03, 0x60, 0x85, 0xd1, 0x1f, 0x31, 0x1e, 0x44, 0x34, 0x3f, 0x20, 0xb6, 0x1b, 0x8e, 0x61, 0xca, 0x73, 0x8e, 0x50, 0xe5, 0x26, 0x75, 0xe1, 0x94, 0x02, 0x09, 0xf1, 0xff, 0xff, 0xff, 0xff, 0xfe, 0xbf, 0xc8, 0x0d, 0x30, 0xce, 0xd4, 0x67, 0x64, 0x46, 0xa8, 0xdc, 0x4b, 0x63, 0xba, 0x5e, 0x53, 0x2b, 0x79, 0xcc, 0xcb, 0x22, 0x37, 0x19, 0x57, 0x2d, 0xff, 0xfe, 0x5b, 0x09, 0xf2, 0xb8, 0x1c, 0x76, 0x91, 0x93, 0xb3, 0x54, 0xb7, 0xe7, 0x69, 0xf2, 0x5b, 0xea, 0x77, 0xad, 0xff, 0xfe, 0x4d, 0xd4, 0xb3, 0x01, 0x08, 0xe0, 0x78, 0x17, 0x2c, 0x9d, 0x1d, 0x22, 0x05, 0x1d, 0xe8, 0x65, 0x15, 0xeb, 0xfa, 0x9b, 0x88, 0xdc, 0x4d, 0x1f, 0xda, 0xf0, 0x5f, 0xff, 0xf9, 0x6e, 0x24, 0x19, 0x20, 0xb0, 0x64, 0x5a, 0x08, 0x76, 0x0e, 0x21, 0x55, 0xae, 0xbe, 0x77, 0x4b, 0xbf, 0xde, 0xfc, 0x47, 0xc5, 0x71, 0xc7, 0xc7, 0xe4, 0x35, 0x47, 0x2d, 0xca, 0x5c, 0xf4, 0x1a, 0xe5, 0x56, 0xeb, 0x21, 0x28, 0x5e, 0xba, 0xe3, 0x8f, 0xff, 0xff, 0xfc, 0xeb, 0x92, 0x6d, 0xfd, 0xb5, 0x7e, 0xbf, 0xee, 0xbf, 0xae, 0xc8, 0x17, 0x93, 0x99, 0x49, 0x1f, 0x89, 0x04, 0xa6, 0xb2, 0x3a, 0x9e, 0x60, 0xf3, 0x42, 0x25, 0xcf, 0x28, 0xcf, 0x91, 0xd0, 0x8e, 0x86, 0x4b, 0x91, 0x41, 0x7f, 0xcb, 0x9d, 0x7f, 0xc7, 0xfd, 0xf9, 0x87, 0xe6, 0xef, 0xb2, 0x73, 0x2a, 0x33, 0xe4, 0x83, 0x3e, 0x29, 0xfc, 0xf6, 0x60, 0x8d, 0x59, 0xec, 0xb9, 0x1b, 0x23, 0xf1, 0x71, 0x94, 0x0a, 0x67, 0x97, 0x04, 0x38, 0x21, 0xe8, 0xb8, 0xc2, 0x0c, 0x91, 0x1b, 0x81, 0x03, 0x08, 0x18, 0x41, 0x9f, 0x88, 0xec, 0xc4, 0x08, 0x30, 0x41, 0x84, 0x18, 0x40, 0xcc, 0x41, 0x06, 0x7e, 0x08, 0x32, 0x1c, 0x7d, 0x9e, 0xb0, 0x83, 0x3d, 0x61, 0x06, 0x10, 0xcd, 0xb0, 0xa1, 0x06, 0x7e, 0x4c, 0xfc, 0x10, 0x67, 0xa3, 0x60, 0x81, 0x10, 0x45, 0xc8, 0xff, 0x87, 0x7f, 0xeb, 0xf2, 0xaa, 0x8d, 0x59, 0xaa, 0xcd, 0x19, 0xd3, 0x23, 0x4d, 0x4d, 0x06, 0x43, 0x33, 0x86, 0x43, 0x22, 0x71, 0x91, 0x82, 0x9f, 0x8b, 0x8c, 0x9c, 0x7a, 0xbd, 0x84, 0x0c, 0xfd, 0x9b, 0x61, 0x10, 0x4a, 0x18, 0xe1, 0x82, 0x0c, 0xd5, 0x05, 0x08, 0x34, 0x1a, 0x76, 0xa1, 0x3b, 0x54, 0xd0, 0x71, 0x61, 0x34, 0x34, 0xe2, 0xfe, 0x2f, 0x09, 0xc7, 0x11, 0x69, 0xea, 0x9c, 0x5d, 0xaf, 0x17, 0xe9, 0xac, 0x69, 0xa1, 0x0e, 0x2f, 0xb5, 0x5f, 0xfb, 0x5c, 0x84, 0x46, 0xae, 0xdd, 0x4f, 0x0c, 0xe9, 0x9d, 0x09, 0x06, 0x75, 0xcd, 0x43, 0x08, 0x1e, 0x5c, 0x64, 0xe2, 0x1e, 0x8b, 0xb3, 0x82, 0x19, 0x88, 0x08, 0x35, 0x08, 0x33, 0x31, 0x01, 0x06, 0x10, 0x30, 0x99, 0xe8, 0x26, 0x10, 0x67, 0x01, 0xd0, 0x69, 0xe9, 0xa1, 0xd5, 0xc5, 0xff, 0xae, 0x83, 0x8d, 0x3d, 0x3e, 0x2f, 0x88, 0xed, 0x12, 0x1d, 0xe8, 0x9b, 0xb9, 0x14, 0x77, 0xf2, 0x37, 0xc2, 0x44, 0xed, 0xf2, 0x4e, 0x45, 0x86, 0x89, 0xdb, 0x0d, 0x68, 0x9d, 0xb9, 0x2b, 0xff, 0x25, 0x7f, 0x44, 0xee, 0x89, 0xdf, 0x44, 0xed, 0xc9, 0x66, 0x4a, 0xfc, 0x95, 0xd1, 0x3c, 0xff, 0xf9, 0x99, 0x1d, 0x33, 0xe4, 0x50, 0x32, 0x40, 0xf3, 0x31, 0x94, 0xe3, 0xcb, 0x8c, 0x9c, 0x50, 0x40, 0xc2, 0x0e, 0xf0, 0x83, 0x38, 0xc2, 0x97, 0x82, 0x0c, 0x26, 0x47, 0x69, 0x84, 0x1a, 0xc4, 0x34, 0xe3, 0x4d, 0x06, 0x86, 0x10, 0x69, 0xa7, 0xa7, 0x11, 0x76, 0x9a, 0x71, 0x6b, 0xf2, 0x38, 0x7f, 0x86, 0x4e, 0x1d, 0x06, 0x12, 0x27, 0x9d, 0x13, 0xb8, 0x60, 0x91, 0x79, 0xe4, 0xaf, 0xc9, 0xd9, 0x2c, 0x72, 0x7c, 0xe1, 0x03, 0x72, 0x5c, 0x09, 0x04, 0x1e, 0x08, 0x38, 0x60, 0xb8, 0x41, 0xb0, 0xd5, 0x3c, 0x14, 0x20, 0xd3, 0xc2, 0x76, 0x17, 0x41, 0xb8, 0x4e, 0xfa, 0xc2, 0x7f, 0x84, 0xdd, 0x07, 0x93, 0xe0, 0x9e, 0x9b, 0x84, 0xdf, 0x4d, 0xd3, 0xfe, 0x76, 0x9f, 0x23, 0xe5, 0xd9, 0x1c, 0xcb, 0x91, 0x1c, 0x0f, 0x06, 0x6a, 0xe8, 0x20, 0xcf, 0x41, 0x30, 0x83, 0x08, 0x30, 0x86, 0x13, 0x08, 0x38, 0xb4, 0xc2, 0x6a, 0xf4, 0xb1, 0xe9, 0xfd, 0x27, 0xc8, 0xc7, 0xa2, 0x70, 0xf4, 0x4e, 0x1a, 0x27, 0x6d, 0x13, 0xbc, 0xbb, 0xcb, 0xb7, 0x36, 0x30, 0xc1, 0x4d, 0xce, 0x4e, 0xc8, 0xef, 0x25, 0x94, 0x5e, 0x51, 0x7d, 0x93, 0xca, 0x2f, 0xaa, 0xf0, 0x83, 0xff, 0x5f, 0x54, 0xdc, 0x14, 0x26, 0xfa, 0x7e, 0x13, 0x7d, 0x35, 0xd3, 0xa4, 0xf5, 0xd3, 0xd5, 0xfd, 0x6e, 0x93, 0x75, 0xd3, 0xff, 0xa5, 0xf7, 0xdd, 0x77, 0xea, 0xe9, 0x75, 0x4d, 0xd7, 0xbf, 0x5a, 0x5f, 0xe7, 0x03, 0x24, 0x29, 0x74, 0x47, 0x8e, 0x23, 0x99, 0xbe, 0xfd, 0x38, 0xa4, 0xd3, 0x54, 0x48, 0x77, 0x2e, 0x1c, 0x8a, 0x3b, 0x45, 0xc3, 0x44, 0xed, 0x86, 0x15, 0xac, 0xbc, 0x75, 0xa2, 0xf2, 0x0c, 0x13, 0xaa, 0x27, 0xcc, 0x18, 0x28, 0x40, 0xda, 0x09, 0xe0, 0x90, 0x41, 0xd0, 0x4f, 0x09, 0xd2, 0x6d, 0x27, 0x57, 0xd7, 0xa6, 0x9e, 0x9b, 0xa7, 0xab, 0xa7, 0x49, 0xea, 0xea, 0xff, 0xa7, 0x5d, 0x27, 0xa5, 0x7f, 0xbf, 0xfa, 0xdf, 0xba, 0xba, 0xdf, 0xff, 0xdf, 0xa7, 0xaa, 0xf1, 0xfe, 0x9e, 0xbb, 0x5e, 0xbf, 0xaf, 0x7f, 0xdd, 0xea, 0xff, 0xdf, 0xf9, 0xa4, 0x20, 0xa8, 0x29, 0xcd, 0xb7, 0xd6, 0x15, 0x17, 0xd8, 0x48, 0xbe, 0x68, 0x9f, 0x39, 0x7d, 0x40, 0x83, 0x69, 0x07, 0x82, 0x0e, 0x90, 0x6e, 0x9b, 0x6b, 0xd0, 0x4f, 0x05, 0x69, 0x37, 0xdf, 0x4f, 0xd3, 0xd3, 0xc2, 0xab, 0xdb, 0x57, 0xa7, 0xa7, 0xdd, 0xe9, 0xfa, 0xe9, 0xf1, 0xfa, 0xfd, 0x5f, 0x7f, 0xee, 0xeb, 0xee, 0xbb, 0xa1, 0xfa, 0xff, 0xe9, 0xf7, 0xf1, 0x5a, 0xff, 0xd7, 0xff, 0xd7, 0xfb, 0xf7, 0x98, 0x7a, 0xff, 0xdd, 0xd7, 0xef, 0xdf, 0xf5, 0xd7, 0xfd, 0x2f, 0x91, 0xee, 0xe2, 0xaa, 0xeb, 0x7a, 0x74, 0x9e, 0x9e, 0xba, 0xba, 0x74, 0x9f, 0x7a, 0xfa, 0xaa, 0x7d, 0xea, 0xaf, 0xed, 0xff, 0x7a, 0xeb, 0x5e, 0xc7, 0x15, 0x15, 0xdf, 0xf8, 0x63, 0xfd, 0x3f, 0xff, 0xff, 0xf5, 0xff, 0x92, 0x05, 0xff, 0xff, 0xff, 0xcd, 0x02, 0x7f, 0xd6, 0xff, 0xfe, 0x78, 0x3f, 0xff, 0xff, 0x5f, 0xf1, 0xfe, 0xbf, 0xff, 0x7f, 0xff, 0xfa, 0x10, 0xff, 0xfa, 0x4b, 0xab, 0xaf, 0xbb, 0x1f, 0x5f, 0xfb, 0x51, 0xff, 0xfd, 0x7f, 0xac, 0x57, 0x51, 0xdf, 0xea, 0xd8, 0x36, 0x0d, 0xd6, 0xbf, 0xd8, 0x32, 0xa0, 0x5e, 0xfe, 0x2e, 0xbf, 0xf7, 0x5f, 0xf8, 0xec, 0xf8, 0x7f, 0xff, 0xff, 0xfc, 0x2f, 0xff, 0xfd, 0xff, 0xaf, 0xff, 0xde, 0xdf, 0xff, 0xff, 0xff, 0xfe, 0xff, 0xff, 0x85, 0x82, 0x23, 0x9f, 0xd8, 0xfe, 0xff, 0xeb, 0xdd, 0x75, 0x75, 0xfe, 0x17, 0xff, 0xbd, 0x5f, 0xdc, 0xcc, 0x4f, 0x5f, 0x78, 0xe0, 0xe4, 0x27, 0xcc, 0xc2, 0xff, 0x5c, 0x19, 0xac, 0x3f, 0xfa, 0xff, 0xfd, 0xd7, 0xff, 0x41, 0x7f, 0xff, 0xff, 0xf5, 0xff, 0xf5, 0xeb, 0xfd, 0x11, 0x5f, 0xff, 0xee, 0x97, 0xff, 0xc1, 0x11, 0xd7, 0xff, 0xff, 0xd2, 0xff, 0xfc, 0x52, 0xbf, 0xcb, 0xa3, 0x0b, 0x54, 0x2a, 0xff, 0x64, 0x70, 0x8c, 0x8b, 0x3f, 0x1c, 0x5e, 0xf4, 0x66, 0x17, 0xe3, 0xde, 0xbf, 0xf0, 0x5f, 0xf5, 0xf6, 0x18, 0x6f, 0x0b, 0xaf, 0xd8, 0x61, 0x85, 0xeb, 0xff, 0xff, 0xff, 0xf9, 0x3b, 0x2a, 0x99, 0x3c, 0xff, 0xff, 0xff, 0xe8, 0xbf, 0xff, 0xff, 0xff, 0x5c, 0xbf, 0xaf, 0xff, 0xfa, 0x5f, 0xf3, 0x28, 0xff, 0xad, 0x7f, 0xff, 0xd7, 0xc4, 0x48, 0xa4, 0x9f, 0x73, 0xc1, 0xff, 0xd5, 0xe3, 0x60, 0xff, 0xfb, 0x50, 0xbf, 0xfa, 0xd7, 0xfa, 0x22, 0xbe, 0xbf, 0xfa, 0x06, 0xc1, 0x87, 0xa2, 0x59, 0xfe, 0xe8, 0x9c, 0x72, 0xfb, 0xff, 0x2e, 0x6e, 0xff, 0xf7, 0x5f, 0xfa, 0x1d, 0x05, 0xff, 0xff, 0xff, 0xe9, 0x7f, 0xff, 0xff, 0xde, 0x92, 0xbf, 0xd7, 0xc6, 0xc7, 0xff, 0x93, 0xf7, 0xee, 0xaf, 0xf5, 0xfd, 0xff, 0xe6, 0x4a, 0x01, 0xbf, 0xed, 0x85, 0xff, 0xfc, 0x37, 0xf5, 0x5f, 0x48, 0x96, 0x7e, 0x6a, 0xb7, 0x57, 0xfe, 0x8b, 0xff, 0xfb, 0xac, 0xca, 0x19, 0x03, 0x7c, 0x17, 0xff, 0x83, 0xa5, 0xff, 0xa5, 0xff, 0xf5, 0x75, 0xdd, 0x79, 0xa7, 0xd7, 0xff, 0xfd, 0xae, 0xbf, 0xaf, 0xff, 0xf6, 0xbf, 0x5d, 0x7f, 0x7f, 0xd7, 0xff, 0x6b, 0xaf, 0x7e, 0xb6, 0xbf, 0xba, 0xff, 0xc8, 0xb0, 0x77, 0x3c, 0x48, 0xff, 0xfc, 0x95, 0xff, 0xf5, 0x96, 0x34, 0xfe, 0x6d, 0x4d, 0x55, 0xf8, 0x5f, 0xfb, 0xee, 0xbe, 0xb5, 0xf9, 0xa6, 0xff, 0xdb, 0xbe, 0xbf, 0xfe, 0x62, 0x7a, 0xfb, 0xb5, 0xdb, 0xd7, 0xfe, 0x3f, 0xfd, 0x7f, 0xff, 0xff, 0xab, 0xaf, 0xff, 0xff, 0x7f, 0xfb, 0xef, 0xf6, 0xd7, 0xdf, 0xff, 0x75, 0x6d, 0x7d, 0x2b, 0xff, 0xfb, 0xff, 0xcc, 0x80, 0xb5, 0x58, 0x87, 0xfe, 0x81, 0x7f, 0xef, 0xe1, 0xff, 0xf8, 0xd2, 0xff, 0x27, 0xf8, 0xff, 0xbd, 0x7d, 0xd3, 0xd6, 0xfc, 0xce, 0x31, 0x39, 0x11, 0x7e, 0xbf, 0xeb, 0xff, 0xd7, 0xd7, 0x7f, 0xf6, 0xfb, 0x6b, 0xb6, 0xb7, 0x6b, 0xff, 0xfd, 0xab, 0x6b, 0xee, 0xbf, 0x7f, 0xed, 0xa5, 0xff, 0x85, 0x5e, 0xd2, 0xfe, 0xbf, 0xe1, 0xad, 0xae, 0xc3, 0x5b, 0x09, 0x43, 0x09, 0x7f, 0x61, 0x5f, 0xf3, 0x88, 0xca, 0x67, 0xc5, 0xa2, 0xc7, 0x0f, 0xfe, 0xbe, 0xcc, 0xdb, 0xaf, 0xe6, 0x71, 0x22, 0x7f, 0xb3, 0x3a, 0xcc, 0xee, 0xb5, 0xfb, 0x5e, 0xae, 0xbe, 0xb5, 0xbb, 0xab, 0xad, 0x5f, 0xd6, 0xd5, 0x75, 0xdf, 0xb4, 0xad, 0x6d, 0x7d, 0xb5, 0x57, 0xb4, 0xbf, 0xea, 0xdb, 0x09, 0x76, 0x94, 0x3b, 0x0b, 0xff, 0xfc, 0x54, 0x57, 0x07, 0x17, 0xf0, 0xff, 0x56, 0x2b, 0xfd, 0x88, 0x6c, 0x1e, 0xc5, 0x7e, 0xff, 0xec, 0x53, 0x1e, 0xc5, 0x45, 0x45, 0x7e, 0xc7, 0xfe, 0x81, 0x9d, 0x82, 0xd0, 0xcb, 0xa1, 0x85, 0xbf, 0xe9, 0x7e, 0xf5, 0x75, 0x7b, 0xfa, 0xfb, 0xff, 0xbf, 0xfb, 0xae, 0xf6, 0xbd, 0xab, 0xaf, 0x6a, 0xda, 0xb6, 0xb0, 0xd6, 0xd2, 0x39, 0x5a, 0xb6, 0xda, 0xff, 0x0d, 0x61, 0xa5, 0x60, 0xbf, 0x0c, 0x16, 0xae, 0x2b, 0xf8, 0x6f, 0x0e, 0x2b, 0x63, 0xd8, 0xbf, 0xff, 0xe9, 0xaf, 0x64, 0x41, 0xdf, 0xbf, 0xfb, 0x5f, 0xec, 0x8a, 0xfd, 0xda, 0xf6, 0xbf, 0xf6, 0x99, 0x10, 0x7e, 0xd4, 0xc3, 0xa9, 0x87, 0x5e, 0xec, 0x88, 0x3f, 0xaf, 0xb4, 0xf4, 0xfd, 0x02, 0x23, 0xa2, 0x3d, 0xfa, 0xda, 0xf6, 0xb6, 0xb6, 0xb6, 0xb7, 0xfd, 0xab, 0x6b, 0x7b, 0x61, 0x7e, 0x1a, 0x50, 0xf6, 0x18, 0x4b, 0x8a, 0x8b, 0xd8, 0xa8, 0xa8, 0xd8, 0xa6, 0x3d, 0x8a, 0x87, 0x10, 0xff, 0x8a, 0x63, 0x62, 0xfd, 0x8d, 0x7a, 0xfd, 0xba, 0x76, 0xb6, 0x9b, 0x64, 0x57, 0xff, 0xf5, 0xcc, 0xe8, 0x34, 0xd3, 0xb4, 0xfb, 0x4f, 0xbd, 0x34, 0x18, 0x54, 0xd3, 0x0a, 0x9a, 0x69, 0xa6, 0x83, 0x08, 0x44, 0x44, 0x44, 0x44, 0x30, 0x83, 0x08, 0x44, 0x30, 0xb0, 0xc2, 0xc3, 0x08, 0x44, 0x43, 0x0b, 0xff, 0xc2, 0x84, 0x50, 0xe2, 0x45, 0xc0, 0x44, 0x7d, 0x0a, 0x5a, 0x23, 0xff, 0x15, 0x6b, 0xb6, 0x93, 0x61, 0x26, 0x18, 0x56, 0x1a, 0xc5, 0x7b, 0x14, 0xc5, 0x43, 0xa8, 0x87, 0x5b, 0x15, 0x74, 0xc5, 0x74, 0xdd, 0x34, 0xd3, 0xb4, 0xd6, 0xd6, 0xc8, 0xaf, 0xfe, 0x58, 0xe9, 0x84, 0xc8, 0xaf, 0xf0, 0xc8, 0xde, 0xd3, 0xb3, 0xc2, 0x84, 0xd3, 0x4d, 0x6d, 0x03, 0x08, 0x43, 0x04, 0x21, 0x82, 0x11, 0x11, 0x11, 0x11, 0xc4, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x44, 0x71, 0xc4, 0x7f, 0xf8, 0x30, 0x44, 0x87, 0x71, 0x21, 0xb2, 0xc4, 0xa7, 0x04, 0x0b, 0x4b, 0xfd, 0x31, 0x7c, 0x6c, 0x53, 0x1b, 0x10, 0x9a, 0xf6, 0x9a, 0x77, 0x64, 0x41, 0xfe, 0xd3, 0xb8, 0x6b, 0x99, 0xd3, 0x25, 0x77, 0x0c, 0x20, 0xc2, 0x06, 0x4f, 0x40, 0x83, 0x09, 0xc3, 0x04, 0x21, 0x84, 0x1a, 0x11, 0x1c, 0x32, 0x97, 0x5a, 0x88, 0x88, 0xfe, 0x4a, 0xef, 0xff, 0x05, 0xec, 0x2f, 0x5f, 0x5f, 0x4c, 0x8a, 0xfc, 0x30, 0x83, 0x41, 0x92, 0x84, 0xd0, 0x61, 0x6d, 0x30, 0x83, 0x09, 0xc4, 0x18, 0x21, 0x11, 0x06, 0x08, 0x68, 0x44, 0x44, 0x44, 0x44, 0x44, 0x47, 0x11, 0x1a, 0x1a, 0xff, 0x4b, 0xfe, 0xb7, 0x62, 0x82, 0x4b, 0x14, 0xbe, 0x21, 0x84, 0x1c, 0x43, 0x04, 0x6b, 0x42, 0x20, 0xc1, 0x08, 0x88, 0x88, 0x88, 0xfd, 0xff, 0xc3, 0x0b, 0xd7, 0xd1, 0xd8, 0xd5, 0xe4, 0xbe, 0x5c, 0x32, 0xd6, 0xbc, 0x44, 0x44, 0x75, 0xa5, 0xfd, 0x8a, 0xff, 0xb8, 0xba, 0x14, 0x23, 0xf5, 0xac, 0x12, 0xfd, 0xaf, 0xfb, 0x22, 0x11, 0xdd, 0x86, 0x01, 0x21, 0x20, 0x48, 0x8e, 0x0d, 0x3e, 0x09, 0x0f, 0x58, 0x88, 0x33, 0x2e, 0x33, 0xfc, 0x11, 0x1d, 0x43, 0x0a, 0x22, 0x70, 0xc8, 0xe0, 0x5f, 0xfd, 0x84, 0x23, 0xff, 0x42, 0x83, 0x08, 0x21, 0x83, 0x23, 0xdf, 0x08, 0x47, 0xfe, 0xc8, 0xf8, 0x54, 0x08, 0x19, 0x6e, 0x45, 0x1f, 0xf8, 0xff, 0xc7, 0x60, 0x90, 0x75, 0x8b, 0xff, 0xfa, 0xd0, 0x44, 0x97, 0x16, 0x53, 0x8a, 0xff, 0xfb, 0xc8, 0xe8, 0x85, 0x83, 0x19, 0x8c, 0x59, 0x87, 0xff, 0xfc, 0x98, 0xf6, 0x09, 0x34, 0x10, 0x86, 0x52, 0x17, 0xff, 0xe2, 0x1d, 0x06, 0x4a, 0x41, 0x81, 0x35, 0x65, 0xee, 0xbf, 0xf2, 0xe9, 0xd2, 0x08, 0xe3, 0x84, 0x2f, 0xff, 0xf1, 0x61, 0xc8, 0xf8, 0x42, 0x10, 0xf9, 0x6a, 0x95, 0xe6, 0x22, 0x57, 0x12, 0x88, 0xbd, 0xff, 0xd2, 0x68, 0x2e, 0xd6, 0xbf, 0xff, 0xda, 0x4c, 0x10, 0x5e, 0x59, 0x14, 0xe2, 0xca, 0x25, 0x52, 0x5f, 0xff, 0xc9, 0x81, 0x0b, 0x08, 0x98, 0xe8, 0xe6, 0x4f, 0xff, 0xff, 0xb7, 0xdf, 0xe1, 0xb0, 0x99, 0x1c, 0x51, 0x44, 0x63, 0x95, 0xb1, 0xb3, 0x53, 0x96, 0x45, 0x16, 0xb7, 0x62, 0xf5, 0xfe, 0xa5, 0xd4, 0xc3, 0xb4, 0x20, 0xa2, 0x47, 0xb5, 0x61, 0xfe, 0x3f, 0x7f, 0xff, 0x16, 0xf0, 0xda, 0x94, 0xe4, 0x17, 0xd8, 0x8f, 0xe5, 0x95, 0x59, 0x5f, 0x93, 0x99, 0x20, 0x66, 0x79, 0x99, 0x14, 0x0d, 0x25, 0xff, 0x41, 0x07, 0x61, 0x2c, 0xe3, 0x99, 0xca, 0x82, 0x13, 0x61, 0xff, 0x08, 0x33, 0xd1, 0xa4, 0x10, 0x7d, 0x1c, 0x82, 0x0c, 0x27, 0x61, 0x06, 0x83, 0x4a, 0xbf, 0xda, 0xb6, 0x17, 0xeb, 0x91, 0xda, 0x7e, 0x59, 0x0e, 0x41, 0x06, 0x7c, 0x66, 0x79, 0xcc, 0xc1, 0x1a, 0x0a, 0x9d, 0xf8, 0x8c, 0x5a, 0x7a, 0x69, 0x88, 0xad, 0x7c, 0x37, 0x85, 0xd4, 0x43, 0x9c, 0x73, 0x38, 0x86, 0x11, 0xc7, 0xf8, 0x41, 0xa6, 0x10, 0x6a, 0x84, 0x34, 0xd1, 0x78, 0xfc, 0x30, 0x52, 0x79, 0x45, 0xf3, 0xe6, 0xea, 0x2f, 0x2f, 0xf8, 0x6c, 0x34, 0x47, 0x86, 0x38, 0xf9, 0x63, 0xc8, 0xf9, 0x1f, 0x42, 0xbd, 0x3d, 0x7d, 0x13, 0x1d, 0xa4, 0xfe, 0xf4, 0xf4, 0xde, 0xb6, 0x93, 0x6b, 0xfb, 0x4d, 0x26, 0x4a, 0x83, 0x60, 0x25, 0xe0, 0xfe, 0x10, 0x5f, 0x36, 0x41, 0x82, 0x45, 0xf3, 0xe4, 0xb1, 0xc2, 0x07, 0xa6, 0xfd, 0x7b, 0x57, 0xf6, 0xa9, 0xfb, 0xf9, 0xc7, 0x6d, 0x61, 0xd3, 0xe8, 0x10, 0x25, 0xf4, 0xbd, 0x5f, 0xa7, 0xeb, 0x5b, 0xff, 0xeb, 0xaf, 0x6c, 0x7f, 0xfe, 0x9d, 0xa4, 0x1c, 0x93, 0x96, 0x38, 0x8e, 0xf7, 0xe8, 0x92, 0x6b, 0xfb, 0xff, 0xd3, 0xe2, 0xaf, 0x5f, 0xff, 0xc8, 0xb3, 0x66, 0x12, 0xff, 0xa1, 0x8a, 0xfc, 0x44, 0x44, 0x65, 0xd5, 0x42, 0x23, 0xaf, 0xb1, 0xc5, 0x7f, 0x6f, 0xff, 0xfe, 0xf6, 0x0e, 0x23, 0xff, 0xf0, 0xbc, 0x43, 0x23, 0xb1, 0x08, 0xe3, 0xd9, 0x54, 0xec, 0x1e, 0x0b, 0xfc, 0x8a, 0xc8, 0x4f, 0xdf, 0xff, 0xed, 0xff, 0xed, 0x30, 0x7a, 0xfa, 0xd0, 0x41, 0x59, 0x1d, 0x7b, 0x21, 0x3a, 0x7c, 0x3f, 0xec, 0x1f, 0xff, 0xfd, 0x64, 0xe3, 0x99, 0xa4, 0x6b, 0xfe, 0x50, 0x53, 0x88, 0x91, 0x07, 0x1a, 0x64, 0x76, 0x47, 0x51, 0x1f, 0xb7, 0xaf, 0xe1, 0xbf, 0xff, 0xff, 0x07, 0xff, 0xe0, 0xc8, 0xeb, 0x0c, 0x85, 0x1f, 0x20, 0xc0, 0xf8, 0xc5, 0x2f, 0x06, 0xf4, 0x4f, 0xbf, 0x94, 0x13, 0xae, 0xbf, 0xdf, 0x98, 0x9f, 0x34, 0xbf, 0xc2, 0x18, 0x23, 0x8e, 0x50, 0xe5, 0x0f, 0x23, 0xa1, 0x79, 0xdc, 0x8c, 0x75, 0x2c, 0x78, 0x23, 0xb8, 0x44, 0x74, 0xca, 0x47, 0x2c, 0x95, 0x3d, 0x05, 0xfe, 0x1f, 0xff, 0xfd, 0x7f, 0xbf, 0xfe, 0xc4, 0x58, 0x86, 0x22, 0x1d, 0xda, 0x48, 0x8b, 0x68, 0x62, 0xbe, 0x59, 0x3a, 0x7f, 0x5f, 0xcc, 0x4f, 0x69, 0x6b, 0xfb, 0x69, 0x76, 0xad, 0xa4, 0x46, 0x5f, 0xfd, 0xca, 0x45, 0xc1, 0x04, 0x16, 0x5b, 0xff, 0xff, 0xff, 0xbd, 0x86, 0x93, 0x6b, 0x7f, 0x0c, 0x2e, 0xc3, 0x09, 0x43, 0x0a, 0xbf, 0xf8, 0x6c, 0x44, 0xcd, 0x24, 0x84, 0x58, 0xfd, 0xaf, 0xaf, 0xfa, 0x9b, 0x6c, 0x71, 0xb0, 0xfd, 0x8a, 0xe3, 0x62, 0xbf, 0xf9, 0x35, 0x46, 0x28, 0x24, 0x4c, 0x72, 0x70, 0x11, 0x1f, 0xf8, 0x6b, 0x0d, 0x86, 0x13, 0xfd, 0x8a, 0xda, 0x64, 0x41, 0xff, 0x41, 0xac, 0x34, 0xd3, 0xff, 0xc8, 0x81, 0x6d, 0x20, 0x8a, 0x7e, 0x2d, 0xfb, 0x15, 0x71, 0x7f, 0xbe, 0x18, 0x41, 0x84, 0x21, 0x84, 0x22, 0x18, 0x21, 0x06, 0x7d, 0x41, 0x0f, 0xfe, 0xe3, 0x6c, 0x43, 0x7f, 0x6b, 0x64, 0x57, 0xfe, 0xd5, 0x08, 0x88, 0x88, 0xff, 0xc1, 0x11, 0xf6, 0x88, 0xfa, 0x12, 0x50, 0x82, 0x08, 0x7c, 0x18, 0x21, 0x06, 0x08, 0x44, 0x44, 0x47, 0xff, 0x16, 0x12, 0x61, 0x3d, 0x7c, 0x47, 0xff, 0x23, 0xe1, 0xf4, 0x42, 0xc4, 0x42, 0x5f, 0xfe, 0xc6, 0xc5, 0x24, 0x9a, 0x5f, 0xff, 0xb4, 0x14, 0x20, 0x44, 0x73, 0xfe, 0xbd, 0x74, 0x29, 0xaf, 0xff, 0x65, 0x8f, 0x0d, 0x28, 0xff, 0xfe, 0x22, 0x9f, 0xff, 0xa2, 0x12, 0x42, 0x64, 0x3c, 0x7f, 0xfe, 0x93, 0x82, 0x2e, 0xbf, 0xff, 0x08, 0x10, 0x45, 0x3b, 0x1f, 0xff, 0xce, 0xcb, 0x51, 0xe4, 0x82, 0x88, 0x5f, 0xff, 0x9d, 0xa1, 0x93, 0xc1, 0x06, 0x09, 0xc2, 0x30, 0xbf, 0xff, 0xb4, 0xcb, 0xea, 0x63, 0x7b, 0x64, 0xc7, 0xb3, 0x8e, 0x0b, 0xff, 0xe5, 0xc0, 0x48, 0xce, 0x82, 0x11, 0x7e, 0xe2, 0xc7, 0xff, 0xf8, 0xe3, 0x6e, 0xed, 0x87, 0xfe, 0xfc, 0x70, 0xae, 0xd3, 0x43, 0xfd, 0x7b, 0x12, 0x37, 0x82, 0xa8, 0xff, 0xf8, 0xb2, 0x93, 0x82, 0x1f, 0xff, 0x11, 0x3b, 0x35, 0x47, 0xb3, 0x0c, 0x8e, 0x06, 0x3f, 0xe2, 0x22, 0x3f, 0xf0, 0xc8, 0x35, 0x8e, 0x71, 0xcc, 0x39, 0x50, 0x4a, 0xca, 0x91, 0x2f, 0xf1, 0x11, 0x11, 0x13, 0x22, 0xa5, 0xfe, 0x7b, 0x37, 0x98, 0x65, 0xcc, 0x8e, 0x19, 0x20, 0x9f, 0xe8, 0x44, 0x44, 0x86, 0x40, 0x20, 0xe4, 0xc7, 0x26, 0xe4, 0xdc, 0x9b, 0x96, 0xe5, 0x0e, 0x78, 0x26, 0xe6, 0x1c, 0xa7, 0x34, 0x75, 0xf9, 0x70, 0x5c, 0x17, 0x85, 0x2e, 0x8e, 0xf7, 0xc2, 0x11, 0x1f, 0xff, 0xff, 0xf2, 0xbd, 0x4f, 0xff, 0xc1, 0x3f, 0xff, 0x09, 0xff, 0xf8, 0x4f, 0xff, 0xd1, 0x2c, 0xff, 0xfc, 0x2b, 0xff, 0xf7, 0x7f, 0x50, 0x01, 0x00, 0x10 }; unsigned int bw1_ccitt_2521x1000_1_bin_len = 16688; unsigned char bw1_ccitt_2521x1000_2_bin[] = { 0x26, 0xa6, 0x5b, 0x8a, 0x67, 0x33, 0x23, 0x48, 0xfb, 0x3e, 0xcd, 0x32, 0x8c, 0x80, 0xd5, 0x57, 0xfa, 0xb7, 0xff, 0xfd, 0xff, 0xff, 0xbe, 0x97, 0xff, 0xf6, 0x09, 0x7f, 0xf9, 0x92, 0x93, 0x6d, 0x88, 0x5f, 0xfe, 0x9f, 0x0b, 0xff, 0xef, 0x85, 0xff, 0xe7, 0x62, 0x95, 0xb6, 0xc1, 0x10, 0xd7, 0xff, 0x85, 0x98, 0x77, 0x62, 0x68, 0xff, 0xfe, 0x53, 0x83, 0x29, 0x76, 0xde, 0x10, 0x2f, 0xff, 0x57, 0x04, 0x1e, 0xdb, 0x82, 0x0b, 0xff, 0xd2, 0x4c, 0x2f, 0x70, 0x82, 0x05, 0xfd, 0x7e, 0x8e, 0x3b, 0x05, 0xb5, 0x10, 0x82, 0x24, 0x7f, 0xff, 0x15, 0x44, 0x7e, 0x4a, 0x28, 0x58, 0x41, 0x05, 0xeb, 0xff, 0x42, 0x1c, 0x2d, 0x97, 0x92, 0x73, 0x08, 0x17, 0xff, 0x83, 0x16, 0x4a, 0x3d, 0x24, 0x84, 0x20, 0x40, 0x8e, 0x7d, 0xf7, 0xf2, 0x11, 0xd8, 0x26, 0xc5, 0x38, 0x23, 0x1c, 0x10, 0xff, 0xf8, 0x67, 0x1f, 0x61, 0x6b, 0x08, 0x2a, 0xff, 0xf2, 0x2c, 0xa9, 0x0e, 0x14, 0x2a, 0x08, 0x20, 0x97, 0xff, 0xda, 0x13, 0x40, 0x38, 0x23, 0x69, 0x84, 0x20, 0x82, 0x09, 0xff, 0x5e, 0x0a, 0xb3, 0x0e, 0xc4, 0x27, 0x61, 0x04, 0x09, 0xff, 0xf9, 0x02, 0x0a, 0x8b, 0x1e, 0x10, 0x48, 0xd0, 0xc1, 0x5c, 0xd2, 0x38, 0xc1, 0x7f, 0xfc, 0x2a, 0xc6, 0xbc, 0xa7, 0x7a, 0x08, 0x8f, 0x84, 0x08, 0x10, 0x5f, 0xfe, 0x0b, 0x48, 0x69, 0x11, 0xe7, 0xd4, 0x61, 0x04, 0x67, 0xff, 0xf8, 0x44, 0x63, 0x87, 0x10, 0xa3, 0x56, 0x94, 0x8e, 0x84, 0x24, 0x10, 0x5f, 0xfe, 0x99, 0x1c, 0x3b, 0x22, 0x5d, 0x04, 0x47, 0xa0, 0x84, 0xc2, 0x8c, 0x20, 0x5f, 0xff, 0x9a, 0xc8, 0xc3, 0xc3, 0x56, 0x92, 0x61, 0x84, 0x6d, 0x1e, 0x21, 0x08, 0x20, 0x8e, 0x39, 0x63, 0x82, 0xff, 0xf0, 0x5d, 0xc1, 0x88, 0xa4, 0x77, 0x43, 0x60, 0xd9, 0x0d, 0x84, 0x2c, 0x8e, 0xbf, 0xfc, 0x20, 0x44, 0x77, 0x72, 0x37, 0x46, 0x80, 0xe7, 0xd1, 0xa3, 0x98, 0x75, 0x4a, 0x47, 0xd3, 0x04, 0x53, 0x82, 0x3d, 0x20, 0x82, 0x38, 0xe3, 0xff, 0xf0, 0x8a, 0x1c, 0xcf, 0xd8, 0x84, 0x10, 0x57, 0x0d, 0x0b, 0x0f, 0x1d, 0x60, 0x94, 0x30, 0xb0, 0x90, 0x91, 0x8e, 0xbf, 0xfc, 0x20, 0xa3, 0x6c, 0x8f, 0x5c, 0x71, 0x62, 0xc3, 0x09, 0x17, 0x48, 0xce, 0xc4, 0x20, 0x44, 0x7c, 0x65, 0x8f, 0x1f, 0xff, 0x42, 0x3a, 0x5d, 0x90, 0x5c, 0x70, 0x88, 0xea, 0x54, 0x0d, 0x41, 0xcf, 0x70, 0x82, 0xd8, 0x26, 0x47, 0x44, 0x7f, 0xff, 0xcc, 0x03, 0x91, 0xe8, 0xc5, 0x90, 0x8e, 0xa8, 0x46, 0x29, 0xba, 0x09, 0x88, 0x43, 0x1e, 0xbf, 0xe4, 0xdd, 0x31, 0x05, 0xb1, 0xca, 0x1d, 0x02, 0x0a, 0x21, 0x24, 0x61, 0x77, 0xdf, 0xc1, 0x02, 0x77, 0x26, 0x3d, 0xa4, 0x08, 0x8f, 0x8d, 0x30, 0x88, 0xed, 0x84, 0xd7, 0xff, 0xff, 0xd4, 0xd1, 0xd1, 0x15, 0xfb, 0x28, 0x7c, 0x25, 0xa6, 0x12, 0x5f, 0xd7, 0xbf, 0x15, 0x40, 0x8e, 0x38, 0x23, 0x6a, 0x08, 0x8f, 0x5c, 0x63, 0xb8, 0xe3, 0xff, 0xf7, 0x11, 0x61, 0x45, 0x44, 0x5a, 0x17, 0x4d, 0x85, 0xff, 0xf1, 0x20, 0xc0, 0xf1, 0x11, 0x0c, 0xe3, 0xa4, 0x53, 0xe1, 0x7f, 0xfb, 0x36, 0x44, 0x61, 0x0a, 0x63, 0xff, 0xed, 0x50, 0x83, 0xff, 0xf8, 0xb8, 0x5f, 0xff, 0x61, 0x27, 0xff, 0xf0, 0x41, 0xff, 0xfc, 0x7f, 0xff, 0x61, 0x7f, 0xfc, 0x2f, 0xff, 0x1f, 0xff, 0xeb, 0xeb, 0xff, 0xeb, 0xff, 0xbe, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xaf, 0xff, 0xfe, 0xbb, 0xfd, 0x3e, 0xbf, 0xaf, 0xff, 0xff, 0x57, 0xff, 0x75, 0xff, 0x5f, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xce, 0xd2, 0xd7, 0xff, 0x9d, 0x96, 0x44, 0x74, 0x88, 0x4d, 0x81, 0x7f, 0xf8, 0xb3, 0x60, 0xbf, 0xf5, 0xea, 0x08, 0x8a, 0x3f, 0xdf, 0xf3, 0xb1, 0x60, 0xff, 0xff, 0xec, 0x47, 0xff, 0x5c, 0x86, 0x81, 0xff, 0xfd, 0x48, 0x78, 0x4c, 0xe3, 0x9f, 0x62, 0x55, 0xfe, 0xd2, 0x09, 0x02, 0x29, 0xd0, 0xef, 0xfd, 0x3a, 0x38, 0xf1, 0x93, 0x72, 0x9c, 0xfb, 0x27, 0xff, 0xce, 0xc5, 0x34, 0x3c, 0x11, 0x43, 0xbb, 0xad, 0x7d, 0x55, 0x0e, 0xb9, 0x4e, 0x08, 0x17, 0xff, 0xfe, 0x43, 0xc3, 0x8f, 0x8f, 0x5f, 0xfe, 0x53, 0x9c, 0x70, 0xe0, 0x8b, 0xdf, 0x1b, 0xff, 0xff, 0x1e, 0xbf, 0xff, 0xeb, 0xc8, 0xdc, 0x53, 0x1f, 0x5b, 0xfe, 0xfd, 0x7d, 0xff, 0xfc, 0x45, 0xc4, 0x4c, 0x3b, 0xbf, 0xfe, 0x44, 0x1f, 0x2c, 0x72, 0x63, 0x94, 0xe5, 0x0e, 0x83, 0x5f, 0xfe, 0xce, 0x38, 0x41, 0x44, 0x44, 0x44, 0x45, 0x7f, 0xf1, 0x11, 0x6b, 0xff, 0xff, 0xf5, 0xff, 0xdf, 0xff, 0x4f, 0xff, 0x7f, 0xaf, 0x3b, 0x11, 0x11, 0xac, 0xd1, 0x9a, 0x99, 0xf3, 0xff, 0xac, 0xaa, 0x19, 0xa7, 0xda, 0xa5, 0x49, 0x7f, 0xf9, 0x76, 0x83, 0x2e, 0xcb, 0x9b, 0x98, 0x65, 0xd9, 0x70, 0xe1, 0x60, 0x88, 0xf9, 0x99, 0xaf, 0xff, 0xed, 0x27, 0xa7, 0xe8, 0x44, 0x61, 0xd0, 0xab, 0xff, 0xbf, 0x76, 0x12, 0xc2, 0xe4, 0x3b, 0x96, 0x3c, 0x25, 0x24, 0xe8, 0x1f, 0xfe, 0xbd, 0x50, 0xf4, 0x2f, 0xef, 0x41, 0x9f, 0x2f, 0xff, 0x43, 0x7b, 0x44, 0x87, 0x26, 0x3a, 0x69, 0x93, 0x1e, 0xad, 0x6d, 0x7f, 0xea, 0x22, 0x22, 0x22, 0x22, 0x22, 0x22, 0x3e, 0xfe, 0xe7, 0x69, 0x4c, 0xf6, 0x47, 0x8b, 0xa3, 0x40, 0x85, 0xd1, 0x1d, 0x11, 0xc1, 0x6b, 0xfe, 0x22, 0x22, 0x22, 0x23, 0xff, 0x90, 0x55, 0x1c, 0x85, 0x82, 0x6e, 0x61, 0xca, 0x82, 0xb8, 0xa9, 0x01, 0xff, 0x11, 0x11, 0x11, 0x1f, 0xf2, 0x94, 0x8d, 0xe6, 0xe3, 0x0c, 0xc3, 0x37, 0x98, 0x65, 0xcc, 0xb9, 0x97, 0x66, 0x19, 0x70, 0x3c, 0x36, 0xff, 0xcf, 0x06, 0x48, 0x6b, 0x7f, 0xa2, 0x1c, 0x72, 0x19, 0xc7, 0x22, 0xc1, 0x0c, 0x0e, 0x53, 0x96, 0x39, 0xc7, 0x34, 0x16, 0xe5, 0x79, 0x6a, 0x85, 0x6d, 0x3f, 0xfd, 0x9d, 0x71, 0x3f, 0xfd, 0x1d, 0xd1, 0x1d, 0xba, 0xff, 0xed, 0x30, 0x82, 0xff, 0xfa, 0x3b, 0x8c, 0x2b, 0x7f, 0xfd, 0x85, 0xc7, 0xff, 0x48, 0x10, 0xce, 0xcd, 0x63, 0xcb, 0xff, 0x6c, 0x23, 0x8e, 0xc6, 0x1f, 0xff, 0x95, 0x54, 0x47, 0x08, 0x47, 0x09, 0x5f, 0xfe, 0xc9, 0xbe, 0x0c, 0xe2, 0x23, 0xa1, 0x2e, 0xbd, 0x7f, 0x25, 0x22, 0x82, 0x11, 0x11, 0x26, 0x94, 0xbf, 0xfe, 0x31, 0xff, 0xd5, 0x7f, 0xfa, 0x22, 0x57, 0xfe, 0xad, 0xc3, 0x5f, 0xf7, 0xe0, 0x97, 0xff, 0xd0, 0x5f, 0xff, 0xb2, 0xac, 0x82, 0xb3, 0xff, 0xfc, 0x64, 0x33, 0x5c, 0x7f, 0xfe, 0xc8, 0x17, 0x71, 0xff, 0xeb, 0x1f, 0xfe, 0xef, 0xff, 0xd3, 0x20, 0x5c, 0x75, 0xff, 0xfd, 0x91, 0x2c, 0xec, 0x21, 0x11, 0xff, 0xff, 0x84, 0xae, 0x49, 0x33, 0x19, 0x1c, 0x64, 0x72, 0x31, 0x91, 0xc1, 0x7f, 0xff, 0x2a, 0x3b, 0xc2, 0x90, 0x88, 0x8f, 0x97, 0x47, 0x88, 0x8f, 0x04, 0x22, 0x23, 0x90, 0xaf, 0xff, 0xd3, 0xd1, 0x14, 0x72, 0x87, 0xba, 0x82, 0x11, 0x11, 0x11, 0xff, 0xfd, 0x05, 0x69, 0x63, 0x84, 0xc8, 0x66, 0xb9, 0x0c, 0xc1, 0xc7, 0xff, 0xbf, 0x1c, 0x82, 0x81, 0xd7, 0x13, 0xba, 0x92, 0x7f, 0xff, 0xf1, 0x29, 0xf4, 0x3a, 0x29, 0xc4, 0x20, 0x89, 0xbf, 0xff, 0xbe, 0x22, 0x1c, 0x45, 0xdf, 0xff, 0xd4, 0x2e, 0x41, 0xc7, 0x23, 0x1c, 0x82, 0x39, 0x0c, 0xf0, 0xcb, 0x8b, 0xff, 0xaf, 0xb5, 0xca, 0x1c, 0x48, 0x23, 0xf4, 0xbf, 0xd7, 0x15, 0x89, 0x51, 0x16, 0x53, 0x92, 0x73, 0xbe, 0x11, 0x1f, 0x56, 0xff, 0xdf, 0x7b, 0x84, 0x08, 0x28, 0xb1, 0x54, 0x90, 0x8f, 0xff, 0x79, 0x87, 0x2c, 0x72, 0x9c, 0xa1, 0xca, 0x82, 0x16, 0x09, 0xb9, 0xa0, 0x12, 0x1f, 0x0c, 0x18, 0xaf, 0xff, 0xc4, 0x44, 0x44, 0x44, 0x45, 0xbd, 0x92, 0xe2, 0xa0, 0xa1, 0xca, 0x72, 0xac, 0x90, 0xff, 0xef, 0xe4, 0x41, 0xd0, 0x87, 0x48, 0x2c, 0x43, 0xff, 0xff, 0xaa, 0x23, 0xa3, 0x06, 0x47, 0x63, 0x1c, 0x20, 0x85, 0x7f, 0x5a, 0x71, 0x28, 0x74, 0x90, 0x22, 0x87, 0xb4, 0x60, 0xcb, 0x88, 0x1e, 0x4c, 0x73, 0x8e, 0xff, 0xf6, 0xab, 0x88, 0x94, 0x3f, 0x0c, 0x6f, 0x4f, 0xff, 0xf6, 0x4c, 0xad, 0xc3, 0x08, 0x2b, 0x0c, 0x8e, 0xa9, 0x41, 0xb4, 0xbf, 0xff, 0x1a, 0x08, 0xa1, 0xd0, 0xee, 0x32, 0x87, 0x0e, 0x1d, 0x43, 0x23, 0x8b, 0xff, 0xeb, 0x14, 0x63, 0xe8, 0xde, 0xcb, 0x1c, 0x9b, 0x8e, 0x2b, 0xff, 0xf7, 0x60, 0xc1, 0x3f, 0x15, 0x7d, 0x14, 0x3f, 0xff, 0xe8, 0xed, 0x67, 0xa4, 0x77, 0x48, 0x5e, 0x47, 0x44, 0x7d, 0x1d, 0xe8, 0xa1, 0xdc, 0x44, 0x4b, 0x1d, 0xff, 0xf6, 0xf0, 0x60, 0xa8, 0x4a, 0x8a, 0x11, 0x58, 0x62, 0x3a, 0xff, 0xf2, 0x13, 0x93, 0xa8, 0xab, 0x11, 0x43, 0x2c, 0x7a, 0x07, 0x38, 0xe4, 0x36, 0x0f, 0xbf, 0xff, 0xdd, 0x95, 0x64, 0x1c, 0x79, 0x7d, 0x14, 0x3f, 0x42, 0xcb, 0x88, 0x47, 0x13, 0xaf, 0xff, 0x41, 0x38, 0xa0, 0x41, 0x6e, 0xa2, 0x98, 0xe9, 0x8f, 0xff, 0xf1, 0x57, 0x62, 0x2d, 0x11, 0x07, 0x7f, 0x7f, 0xf7, 0x95, 0x7c, 0x39, 0x27, 0x41, 0x1d, 0xc9, 0x0e, 0x77, 0xec, 0x10, 0x5b, 0x76, 0xbf, 0xfd, 0x5e, 0x18, 0x21, 0xca, 0x74, 0xdd, 0x4e, 0xe5, 0x38, 0xa0, 0x99, 0xb0, 0xd0, 0xbf, 0xf5, 0xa9, 0x27, 0xf1, 0x08, 0x15, 0x0a, 0x09, 0x0d, 0x71, 0x82, 0x30, 0xe4, 0x10, 0x7f, 0xff, 0xff, 0xdd, 0xb9, 0x1d, 0x5a, 0x4c, 0xee, 0x3d, 0xff, 0xfb, 0xd6, 0xb7, 0x84, 0x10, 0xc2, 0x11, 0x11, 0x7d, 0xff, 0xfc, 0xa1, 0xe2, 0x1e, 0xf8, 0xfa, 0xff, 0xf1, 0x0d, 0xbc, 0x5f, 0xdf, 0xaf, 0xe9, 0xe8, 0x46, 0xd7, 0xff, 0x88, 0x41, 0xeb, 0xef, 0xfe, 0xc8, 0x83, 0x90, 0x6e, 0xe4, 0xdc, 0xb1, 0xca, 0x1c, 0x84, 0xc3, 0x0e, 0x87, 0xd7, 0xf2, 0x14, 0x85, 0x02, 0x05, 0x93, 0x75, 0x28, 0xb3, 0xff, 0x91, 0x0b, 0x60, 0x84, 0x44, 0x7f, 0xfc, 0xf1, 0x18, 0xe1, 0x98, 0xc8, 0xe2, 0x98, 0x41, 0x11, 0xed, 0x07, 0xd8, 0x9f, 0xff, 0x42, 0x22, 0x22, 0x24, 0x2c, 0x8a, 0xdf, 0xff, 0x5f, 0xff, 0x0a, 0xbf, 0xfc, 0x8f, 0xff, 0xfd, 0x3f, 0xff, 0xcb, 0x77, 0xff, 0xfe, 0x96, 0xdf, 0xff, 0x12, 0x6e, 0x7b, 0x69, 0x25, 0xff, 0xcc, 0x3d, 0x41, 0x3f, 0xff, 0xe1, 0x05, 0x8a, 0x23, 0xff, 0xff, 0x64, 0x7e, 0xcd, 0xa2, 0x3a, 0x23, 0x83, 0x57, 0xff, 0xf4, 0xe0, 0x81, 0x2b, 0x04, 0x5d, 0x3f, 0xff, 0x8e, 0xed, 0xff, 0xff, 0x91, 0xd4, 0x32, 0xe8, 0x25, 0xa7, 0xff, 0xec, 0xaa, 0x1c, 0x70, 0xdf, 0xff, 0x8d, 0xb2, 0x3a, 0x30, 0x19, 0x4b, 0xff, 0xd1, 0xf2, 0x87, 0x20, 0x43, 0xb6, 0xbf, 0xfc, 0x23, 0x38, 0x88, 0xce, 0xd0, 0xff, 0xfe, 0xd0, 0x2f, 0xff, 0xf9, 0xa0, 0x47, 0x0f, 0xff, 0xed, 0x2d, 0x3f, 0xfe, 0x96, 0x41, 0x36, 0x33, 0xff, 0xf2, 0x0d, 0x0f, 0x6b, 0xff, 0xe2, 0x50, 0xf4, 0xc3, 0x0e, 0xbf, 0xfa, 0x47, 0x73, 0x8e, 0x42, 0x0e, 0x25, 0x8e, 0x91, 0x50, 0x0b, 0xff, 0xc4, 0x44, 0x44, 0x46, 0x11, 0x75, 0xff, 0xe1, 0xb1, 0x25, 0x48, 0xc3, 0x39, 0x1b, 0x46, 0xd1, 0x8c, 0xbb, 0xbf, 0xfc, 0x84, 0xc4, 0x8b, 0xe1, 0x34, 0xc1, 0x30, 0x9a, 0x1d, 0xaf, 0xfe, 0xf1, 0x48, 0xce, 0x21, 0x6d, 0x04, 0xff, 0xfc, 0x4e, 0xcd, 0x59, 0x73, 0x2e, 0x66, 0x22, 0xec, 0xb9, 0x55, 0x5a, 0x6d, 0x07, 0x7f, 0xfe, 0x22, 0xfe, 0xaf, 0x63, 0x5e, 0xbf, 0xf6, 0x46, 0xe7, 0x1e, 0xae, 0x0f, 0x38, 0xe2, 0xd1, 0x28, 0x17, 0x5f, 0xff, 0xf0, 0x97, 0x5d, 0x89, 0xc7, 0xcc, 0xe0, 0x88, 0xf0, 0xff, 0xfa, 0x2d, 0xff, 0xf4, 0x22, 0x22, 0x23, 0x7f, 0xff, 0x15, 0xb6, 0x9f, 0xef, 0xfb, 0x50, 0x84, 0x30, 0x83, 0x08, 0x57, 0x5f, 0xc4, 0x44, 0x4a, 0x92, 0x23, 0xa3, 0x19, 0x1d, 0x17, 0x66, 0x23, 0x71, 0xb6, 0x47, 0x32, 0xe6, 0x5c, 0x4f, 0xf8, 0x88, 0x88, 0x88, 0x88, 0x88, 0xff, 0xd9, 0x03, 0xc1, 0x81, 0xc9, 0x0e, 0x4d, 0xcb, 0x72, 0x87, 0x33, 0x93, 0x83, 0xed, 0x6b, 0xf8, 0x88, 0x88, 0x88, 0x8f, 0xff, 0xff, 0xff, 0xff, 0xf9, 0x5c, 0x2e, 0x5f, 0xb2, 0xf9, 0x84, 0x47, 0xc8, 0xe1, 0x92, 0x1b, 0x7f, 0x11, 0x11, 0x20, 0x78, 0x1b, 0x8e, 0x71, 0xce, 0x39, 0xc7, 0x28, 0x04, 0xc4, 0xb8, 0x88, 0x88, 0xff, 0xff, 0xff, 0xff, 0xf9, 0x01, 0x30, 0x68, 0x8e, 0x8e, 0x66, 0x88, 0xb8, 0x43, 0x19, 0x1e, 0x36, 0x10, 0x8e, 0x8c, 0x44, 0x70, 0xa4, 0x74, 0x47, 0x44, 0x7c, 0xb8, 0x2c, 0x11, 0xc3, 0x20, 0x18, 0xf2, 0x9a, 0x24, 0xce, 0x64, 0x71, 0x0b, 0xa2, 0x39, 0x91, 0xc0, 0x94, 0x1a, 0x9e, 0x5b, 0x36, 0x8a, 0x0c, 0x8e, 0x8d, 0x91, 0x1c, 0x0e, 0x81, 0x9f, 0xcb, 0x50, 0x74, 0x5d, 0x17, 0x46, 0xd1, 0x1c, 0x09, 0xa0, 0xd6, 0x47, 0x07, 0x36, 0x8b, 0xc6, 0x17, 0x65, 0x9d, 0x60, 0x09, 0x61, 0x96, 0x73, 0x3e, 0x88, 0xf9, 0xd1, 0x08, 0x88, 0xfa, 0x20, 0x68, 0x0d, 0x30, 0x5e, 0x14, 0xda, 0x52, 0xf2, 0x07, 0x81, 0x8e, 0x3b, 0x09, 0x7c, 0x47, 0xff, 0xff, 0xff, 0xfa, 0xef, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xaf, 0xef, 0xff, 0xff, 0xff, 0xfa, 0xff, 0xfe, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfd, 0x7f, 0x7f, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfb, 0xfe, 0xbf, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfd, 0x77, 0xd7, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfe, 0xbf, 0xff, 0xfb, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xef, 0xff, 0xff, 0xbf, 0xff, 0xff, 0xff, 0xff, 0xeb, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfa, 0xef, 0xff, 0xfa, 0xff, 0xf5, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfa, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xef, 0xff, 0xaf, 0xef, 0xfa, 0xff, 0xfe, 0xfa, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfe, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xdf, 0xff, 0xff, 0xff, 0xff, 0xff, 0xf7, 0xff, 0xff, 0xff, 0xff, 0xdf, 0xff, 0xff, 0xef, 0xff, 0xff, 0xff, 0xdf, 0xff, 0xff, 0xff, 0xff, 0x7f, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xf7, 0xff, 0xd7, 0xdf, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfb, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xf9, 0x01, 0xdc, 0x5d, 0x3f, 0xf6, 0xbf, 0xc7, 0xfd, 0xff, 0xfe, 0xb7, 0xf5, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0x5b, 0xff, 0xeb, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfe, 0xf5, 0xfe, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0x7f, 0x5b, 0xd7, 0xdf, 0xeb, 0xfb, 0xff, 0xeb, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfa, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xfe, 0xbf, 0xff, 0xff, 0xfb, 0xeb, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0xff, 0x5f, 0xff, 0xff, 0xff, 0xd7, 0xfe, 0x00, 0x20, 0x02 }; unsigned int bw1_ccitt_2521x1000_2_bin_len = 2186; <file_sep>/pdfras_encryption/rc4_crypter.h #ifndef _H_Rc4Crypter #define _H_Rc4Crypter #ifdef __cplusplus extern "C" { #endif #include "PdfPlatform.h" extern pduint32 pdfras_rc4_encrypt_data(const char* key, const pduint32 key_len, const char* data_in, const pdint32 in_len, char* data_out); extern pduint32 pdfras_rc4_decrypt_data(const char* key, const pduint32 key_len, const char* data_in, const pdint32 in_len, char* data_out); #ifdef __cplusplus } #endif #endif // _H_Rc4Crypter <file_sep>/demo_raster_encoder/split_bw1_ccitt.sh #!/bin/sh convert -density 300x300 "sample bw1 ccitt.pdf" -compress Group4 bw1_ccitt.tif convert bw1_ccitt.tif -crop 2521x1000 -compress Group4 +repage bw1_ccitt_2521x1000_%d.tif mv bw1_ccitt_2521x1000_3.tif bw1_ccitt_2521x0279_3.tif dd if=bw1_ccitt_2521x1000_0.tif of=bw1_ccitt_2521x1000_0.bin bs=1 skip=8 count=13915 dd if=bw1_ccitt_2521x1000_1.tif of=bw1_ccitt_2521x1000_1.bin bs=1 skip=8 count=16688 dd if=bw1_ccitt_2521x1000_2.tif of=bw1_ccitt_2521x1000_2.bin bs=1 skip=8 count=2186 dd if=bw1_ccitt_2521x0279_3.tif of=bw1_ccitt_2521x0279_3.bin bs=1 skip=8 count=695 for i in $( ls bw1_ccitt_2521x*.bin ); do xxd -i $i > $i.h done rm -f bw1_ccitt_strip_data.h cat bw1_ccitt_2521x*.bin.h > bw1_ccitt_strip_data.h rm -f bw1_ccitt.tif rm -f bw1_ccitt_2521*.tif rm -f bw1_ccitt_2521*.bin rm -f bw1_ccitt_2521*.bin.h unix2dos bw1_ccitt_strip_data.h <file_sep>/pdfras_encryption/pdfras_encryption.h #ifndef _H_PdfRaster_Encryption #define _H_PdfRaster_Encryption #ifdef __cplusplus extern "C" { #endif #include "PdfPlatform.h" #include "pdfras_data_structures.h" struct RasterPubSecRecipient { const char* pubkey; PDFRAS_PERMS perms; }; typedef struct RasterPubSecRecipient RasterPubSecRecipient; // Creates encrypter for password security // user_passwd: open password with enabled restrictions on document // owner_password: <PASSWORD> for owner of document. Document withour any restrictions. // perms: permissions // algorithm: algorithm used to encrypt of document // metadata: true for encrypting metadata, otherwise false. t_encrypter* PDFRASAPICALL pdfr_create_encrypter(const char* user_passwd, const char* owner_passwd, PDFRAS_PERMS perms, PDFRAS_ENCRYPT_ALGORITHM algorithm, pdbool metadata); typedef t_encrypter* (PDFRASAPICALL *pfn_pdfr_create_encrypter) (const char* owner_passwd, const char* user_passwd, PDFRAS_PERMS perms, PDFRAS_ENCRYPT_ALGORITHM algorithm, pdbool metadata); // Creates encrypter for public key security // recipients: array of recipients (each recipient has own public key and permissions) // recipients_count: number of recipients in the first param. // algorithm: algorithm used to encrypt of document // metadata: true for encrypting metadata, otherwise false. t_encrypter* PDFRASAPICALL pdfr_create_pubsec_encrypter(const RasterPubSecRecipient* recipients, size_t recipients_count, PDFRAS_ENCRYPT_ALGORITHM algorithm, pdbool metadata); typedef t_encrypter* (PDFRASAPICALL *pfn_create_pubsec_encrypter)(const RasterPubSecRecipient* recipients, size_t recipients_count, PDFRAS_ENCRYPT_ALGORITHM algorithm, pdbool metdata); // Destroy encrypter void PDFRASAPICALL pdfr_destroy_encrypter(t_encrypter* encrypter); typedef void (PDFRASAPICALL *pfn_pdfr_destroy_encrypter) (t_encrypter* encrypter); // Update object number for actual object to be encrypted void PDFRASAPICALL pdfr_encrypter_object_number(t_encrypter* encrypter, pduint32 objnum, pduint32 gennum); typedef void (PDFRASAPICALL *pfn_pdfr_encrypter_object_number) (t_encrypter* encrypter, pduint32 objnum, pduint32 gennum); // Prepares Encrypt dictionary values // TODO: rename this function pdbool PDFRASAPICALL pdfr_encrypter_dictionary_data(t_encrypter* encrypter, const char* document_id, pduint32 id_len); typedef pdbool(PDFRASAPICALL *pfn_pdfr_encrypter_dictionary_data) (t_encrypter* encrypter, const char* document_id, pduint32 id_len); // Encrypt data pdint32 PDFRASAPICALL pdfr_encrypter_encrypt_data(t_encrypter* encrypter, const pduint8* data_in, const pdint32 in_len, pduint8* data_out); typedef pdint32(PDFRASAPICALL *pfn_pdfr_encrypter_encrypt_data) (t_encrypter* encrypter, const pduint8* data_in, const pdint32 in_len, pduint8* data_out); // Query functions pduint8 PDFRASAPICALL pdfr_encrypter_get_V(t_encrypter* encrypter); typedef pduint8(PDFRASAPICALL *pfn_pdfr_encrypter_get_V) (t_encrypter* encrypter); pduint32 PDFRASAPICALL pdfr_encrypter_get_key_length(t_encrypter* encrypter); typedef pduint32(PDFRASAPICALL *pfn_pdfr_encrypter_get_key_length) (t_encrypter* encrypter); pduint8 PDFRASAPICALL pdfr_encrypter_get_R(t_encrypter* encrypter); typedef pduint8(PDFRASAPICALL *pfn_pdfr_encrypter_get_R) (t_encrypter* encrypter); pduint32 PDFRASAPICALL pdfr_encrypter_get_OU_length(t_encrypter* encrypter); typedef pduint32(PDFRASAPICALL *pfn_pdfr_encrypter_get_OU_length) (t_encrypter* encrypter); const char* PDFRASAPICALL pdfr_encrypter_get_O(t_encrypter* encrypter); typedef const char* (PDFRASAPICALL *pfn_pdfr_encrypter_get_O) (t_encrypter* encrypter); const char* PDFRASAPICALL pdfr_encrypter_get_U(t_encrypter* encrypter); typedef const char* (PDFRASAPICALL *pfn_pdfr_encrypter_get_U) (t_encrypter* encrypter); pduint32 PDFRASAPICALL pdfr_encrypter_get_permissions(t_encrypter* encrypter); typedef pduint32(PDFRASAPICALL *pfn_pdfr_encrypter_get_permissions) (t_encrypter* encrypter); pdbool PDFRASAPICALL pdfr_encrypter_get_metadata_encrypted(t_encrypter* encrypter); typedef pdbool(PDFRASAPICALL *pfn_pdfr_encrypter_get_metadata_encrypted) (t_encrypter* encrypter); PDFRAS_ENCRYPT_ALGORITHM PDFRASAPICALL pdfr_encrypter_get_algorithm(t_encrypter* encrypter); typedef PDFRAS_ENCRYPT_ALGORITHM(PDFRASAPICALL *pfn_pdfr_encrypter_get_algorithm) (t_encrypter* encrypter); const char* PDFRASAPICALL pdfr_encrypter_get_OE(t_encrypter* encrypter); typedef const char* (PDFRASAPICALL pfn_pdfr_encrypter_get_OE) (t_encrypter* encrypter); const char* PDFRASAPICALL pdfr_encrypter_get_UE(t_encrypter* encrypter); typedef const char* (PDFRASAPICALL pfn_pdfr_encrypter_get_UE) (t_encrypter* encrypter); pduint32 PDFRASAPICALL pdfr_encrypter_get_OUE_length(t_encrypter* encrypter); typedef pduint32(PDFRASAPICALL pfn_pdfr_encrypter_get_OUE_length) (t_encrypter* encrypter); const char* PDFRASAPICALL pdfr_encrypter_get_Perms(t_encrypter* encrypter); typedef const char* (PDFRASAPICALL pfn_pdfr_encrypter_get_Perms) (t_encrypter* encrypter); pduint32 PDFRASAPICALL pdfr_encrypter_get_Perms_length(t_encrypter* encrypter); typedef pduint32(PDFRASAPICALL pfn_pdfr_encrypter_get_Perms_length) (t_encrypter* encrypter); pdbool PDFRASAPICALL pdfr_encrypter_is_password_security(t_encrypter* encrypter); typedef pdbool(PDFRASAPICALL pfn_pdfr_encrypter_is_password_security) (t_encrypter* encrypter); pduint32 PDFRASAPICALL pdfr_encrypter_pubsec_recipients_count(t_encrypter* encrypter); typedef pduint32(PDFRASAPICALL pfn_pdfr_encrypter_pubsec_recipients_count) (t_encrypter* encrypter); const char* PDFRASAPICALL pdfr_encrypter_pubsec_recipient_pkcs7(t_encrypter* encrypter, pduint32 idx, pduint32* pkcs7_size); typedef const char* (PDFRASAPICALL pfn_pdfr_encrypter_pubsec_recipient_pkcs7) (t_encrypter* encrypter, pduint32 idx, pduint32* pkcs7_size); // Decryption // Creates decrypter used for authentification of user and decryption of encrypted file. // encrypt_data: encryption data extracted from /Encrypt dictionary t_decrypter* PDFRASAPICALL pdfr_create_decrypter(RasterReaderEncryptData* encrypt_data); typedef t_decrypter* (PDFRASAPICALL *pfn_pdfr_create_decrypter) (RasterReaderEncryptData* encrypt_data); // Destroy decrypter object. void PDFRASAPICALL pdfr_destroy_decrypter(t_decrypter* decrypter); typedef void (PDFRASAPICALL *pfn_pdfr_destroy_decrypter)(t_decrypter* decrypter); // Authentificate and authorize user for opening document. PDFRAS_DOCUMENT_ACCESS PDFRASAPICALL pdfr_decrypter_get_document_access(t_decrypter* decrypter, const char* password); typedef PDFRAS_DOCUMENT_ACCESS(PDFRASAPICALL pfn_pdfr_decrypter_get_document_access)(t_decrypter* decrypter, const char* password); // Decrypt data pdint32 PDFRASAPICALL pdfr_decrypter_decrypt_data(t_decrypter* decrypter, const pduint8* data_in, const pdint32 in_len, pduint8* data_out); typedef pduint32(PDFRASAPICALL pfn_pdfr_decrypter_decrypt_data) (t_decrypter* decrypter, const pduint8* data_in, const pdint32 in_len, pduint8* data_out); // Algorithm used in encrypted document PDFRAS_ENCRYPT_ALGORITHM PDFRASAPICALL pdfr_decrypter_get_algorithm(t_decrypter* decrypter); typedef PDFRAS_ENCRYPT_ALGORITHM(PDFRASAPICALL *pfn_pdfr_decrypter_get_algorithm) (t_decrypter* decrypter); // Update object number for actual object to be decrypted void PDFRASAPICALL pdfr_decrypter_object_number(t_decrypter* decrypter, pduint32 objnum, pduint32 gennum); typedef void (PDFRASAPICALL *pfn_pdfr_decrypter_object_number) (t_decrypter* decrypter, pduint32 objnum, pduint32 gennum); // Check if metadata are encrypted pdbool PDFRASAPICALL pdfr_decrypter_get_metadata_encrypted(t_decrypter* decrypter); typedef pdbool(PDFRASAPICALL *pfn_pdfr_decrypter_get_metadata_encrypted) (t_decrypter* decrypter); // Get Recipients for Pubkey security t_recipient* PDFRASAPICALL pdfr_decrypter_get_pubsec_recipients(t_decrypter* decrypter); typedef t_recipient* (PDFRASAPICALL pfn_pdfr_decrypter_get_pubsec_recipients) (t_decrypter* decrypter); #ifdef __cplusplus } #endif #endif // _H_PdfRaster_Encryption <file_sep>/pdfras_reader/pdfrasread_files.h #ifndef _H_pdfras_files #define _H_pdfras_files #pragma once #include "pdfrasread.h" #include <stdio.h> #ifdef __cplusplus extern "C" { #endif // Return TRUE if the file is marked as a PDF/raster file. // FALSE otherwise. int PDFRASAPICALL pdfrasread_recognize_file(FILE* f); typedef int (PDFRASAPICALL *pfn_pdfrasread_recognize_file)(FILE* f); // Return TRUE if the file is marked as a PDF/raster file. // FALSE otherwise. int PDFRASAPICALL pdfrasread_recognize_filename(const char* fn); typedef int (PDFRASAPICALL *pfn_pdfrasread_recognize_filename)(const char* fn); int PDFRASAPICALL pdfrasread_page_count_file(FILE* f); int PDFRASAPICALL pdfrasread_page_count_filename(const char* fn); typedef int (PDFRASAPICALL *pfn_pdfrasread_page_count_file)(FILE* f); typedef int (PDFRASAPICALL *pfn_pdfrasread_page_count_filename)(const char* fn); // create a PDF/raster reader and use it to access a FILE t_pdfrasreader* PDFRASAPICALL pdfrasread_open_file(int apiLevel, FILE* f); typedef t_pdfrasreader* (PDFRASAPICALL *pfn_pdfrasread_open_file)(int apiLevel, FILE* f); // create a PDF/raster reader and use it to access a FILE protected by password t_pdfrasreader* PDFRASAPICALL pdfrasread_open_file_secured(int apiLevel, FILE* f, const char* password); typedef t_pdfrasreader* (PDFRASAPICALL *pfn_pdfrasread_open_file_secured)(int apiLevel, FILE* f, const char* password); // create a PDF/raster reader and use it to open a named file t_pdfrasreader* PDFRASAPICALL pdfrasread_open_filename(int apiLevel, const char* fn); typedef t_pdfrasreader* (PDFRASAPICALL *pfn_pdfrasread_open_filename)(int apiLevel, const char* fn); // create a PDF/raster reader and use it to open a named file protected by password t_pdfrasreader* PDFRASAPICALL pdfrasread_open_filename_secured(int apiLevel, const char* fn, const char* password); typedef t_pdfrasreader* (PDFRASAPICALL *pfn_pdfrasread_open_filename_secured)(int apiLevel, const char* fn, const char* password); // return security type used by document RasterReaderSecurityType PDFRASAPICALL pdfrasread_get_security_type_filename(const char* filename); typedef RasterReaderSecurityType(PDFRASAPICALL *pfn_pdfrasread_get_security_type_filename)(const char* filename); #ifdef __cplusplus } #endif #endif <file_sep>/pdfras_encryption/aes_crypter.h #ifndef _H_AESCrypter #define _H_AESCrypter #ifdef __cplusplus extern "C" { #endif #include "PdfPlatform.h" extern pduint32 pdfras_aes_encrypt_data(const char* key, const pduint32 key_len, const char* data_in, const pdint32 in_len, char* data_out); extern void pdfras_generate_random_bytes(char* buf, pdint32 buf_len); extern pduint32 pdfras_aes_decrypt_data(const char* key, const pduint32 key_len, const char* data_in, const pdint32 in_len, char* data_out); extern pduint32 pdfras_aes_decrypt_encryption_key(const char* key, const pduint32 key_len, const char* data_in, const pdint32 in_len, char* data_out); #ifdef __cplusplus } #endif #endif // _H_AESCrypter <file_sep>/demo_raster_encoder/split_gray8_page.sh #!/bin/sh convert gray8_page.jpg -crop 850x200 +repage gray8_page_850x200_%d.jpg mv gray8_page_850x200_5.jpg gray8_page_850x100_5.jpg for i in $( ls gray8_page_850*jpg ); do xxd -i $i > $i.h done rm -f gray8_page_strip.h cat gray8_page_850x*.jpg.h > gray8_page_strip.h rm -f gray8_page_850x*.jpg rm -f gray8_page_850x*.jpg.h unix2dos gray8_page_strip.h <file_sep>/pdfras_writer/PdfDate.h #ifndef _H_PdfDate #define _H_PdfDate #pragma once #include "PdfAlloc.h" #ifdef __cplusplus extern "C" { #endif typedef struct t_date t_date; // Create date from current local time t_date* pd_date_create_current_localtime(t_pdmempool* inpool); // Destroy date object void pd_date_destroy(t_date* date); // Returns string representation of string in PDF format char* pd_date_to_pdfstring(t_date* date); #ifdef __cplusplus } #endif #endif <file_sep>/demo_raster_encoder/demo_raster_encoder.c // raster_encoder_demo.cpp : Defines the entry point for the console application. // #include <stdio.h> #include <stdlib.h> #include <string.h> #include "PdfRaster.h" #include "PdfStandardObjects.h" #include "bw_ccitt_data.h" #include "color_page.h" #include "gray8_page.h" #include "color_strip0.h" #include "color_strip1.h" #include "color_strip2.h" #include "color_strip3.h" #include "gray8_page_strip.h" #include "bw1_ccitt_strip_data.h" #define OUTPUT_FILENAME "raster.pdf" static void myMemSet(void *ptr, pduint8 value, size_t count) { memset(ptr, value, count); } static int myOutputWriter(const pduint8 *data, pduint32 offset, pduint32 len, void *cookie) { FILE *fp = (FILE *)cookie; if (!data || !len) return 0; data += offset; fwrite(data, 1, len, fp); return len; } static void *mymalloc(size_t bytes) { return malloc(bytes); } // tiny gray8 image, 8x8: static pduint8 _imdata[] = { 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x20, 0x20, 0x20, 0x20, 0x20, 0x20, 0x20, 0x20, 0x40, 0x40, 0x40, 0x40, 0x40, 0x40, 0x40, 0x40, 0x60, 0x60, 0x60, 0x60, 0x60, 0x60, 0x60, 0x60, 0x80, 0x80, 0x80, 0x80, 0x80, 0x80, 0x80, 0x80, 0xa0, 0xa0, 0xa0, 0xa0, 0xa0, 0xa0, 0xa0, 0xa0, 0xc0, 0xc0, 0xc0, 0xc0, 0xc0, 0xc0, 0xc0, 0xc0, 0xe0, 0xe0, 0xe0, 0xe0, 0xe0, 0xe0, 0xe0, 0xe0, 0xc0, 0xc0, 0xc0, 0xc0, 0xc0, 0xc0, 0xc0, 0xc0, 0xa0, 0xa0, 0xa0, 0xa0, 0xa0, 0xa0, 0xa0, 0xa0, 0x80, 0x80, 0x80, 0x80, 0x80, 0x80, 0x80, 0x80, }; // slightly larger gray16 image: static pduint16 deepGrayData[64 * 512]; // 48-bit RGB image data static struct { pduint16 R, G, B; } deepColorData[85 * 110]; static pduint8 bitonalData[((850 + 7) / 8) * 1100]; // 24-bit RGB image data struct { unsigned char R, G, B; } colorData[175 * 100]; static char XMP_metadata[4096] = "\ <?xpacket begin=\"\" id=\"W5M0MpCehiHzreSzNTczkc9d\"?>\n\ <x:xmpmeta xmlns:x=\"adobe:ns:meta/\">\n\ <rdf:RDF xmlns:rdf=\"http://www.w3.org/1999/02/22-rdf-syntax-ns#\">\ <rdf:Description rdf:about=\"\" xmlns:dc=\"http://purl.org/dc/elements/1.1/\">\ <dc:format>application/pdf</dc:format>\ </rdf:Description>\ <rdf:Description rdf:about=\"\" xmlns:xap=\"http://ns.adobe.com/xap/1.0/\">\ <xap:CreateDate>2013-08-27T10:28:38+07:00</xap:CreateDate>\ <xap:ModifyDate>2013-08-27T10:28:38+07:00</xap:ModifyDate>\ <xap:CreatorTool>raster_encoder_demo 1.0</xap:CreatorTool>\ </rdf:Description>\ <rdf:Description rdf:about=\"\" xmlns:pdf=\"http://ns.adobe.com/pdf/1.3/\">\ <pdf:Producer>PdfRaster encoder 0.8</pdf:Producer>\ </rdf:Description>\ <rdf:Description rdf:about=\"\" xmlns:xapMM=\"http://ns.adobe.com/xap/1.0/mm/\"><xapMM:DocumentID>uuid:42646CE2-2A6C-482A-BC04-030FDD35E676</xapMM:DocumentID>\ </rdf:Description>\ " //// Tag file as PDF/A-1b //"\ // <rdf:Description rdf:about=\"\" xmlns:pdfaid=\"http://www.aiim.org/pdfa/ns/id/\" pdfaid:part=\"1\" pdfaid:conformance=\"B\">\ // </rdf:Description>\ //" "\ </rdf:RDF>\ </x:xmpmeta>\n\ \n\ <?xpacket end=\"w\"?>\ "; void set_xmp_create_date(char* xmp, time_t t) { const char* CREATEDATE = "<xap:CreateDate>"; const char* MODIFYDATE = "<xap:ModifyDate>"; char* p = strstr(xmp, CREATEDATE); if (p) { p += pdstrlen(CREATEDATE); // format the time t into XMP timestamp format: char xmpDate[32]; pd_format_xmp_time(t, xmpDate, ELEMENTS(xmpDate)); // plug it into the XML template memcpy(p, xmpDate, pdstrlen(xmpDate)); // likewise for the modify date p = strstr(xmp, MODIFYDATE); if (p) { p += pdstrlen(MODIFYDATE); memcpy(p, xmpDate, pdstrlen(xmpDate)); } } } void generate_image_data() { // generate bitonal page data for (int i = 0; i < sizeof bitonalData; i++) { int y = (i / 107); int b = (i % 107); if ((y % 100) == 0) { bitonalData[i] = 0xAA; } else if ((b % 12) == 0 && (y & 1)) { bitonalData[i] = 0x7F; } else { bitonalData[i] = 0xff; } } // generate 16-bit grayscale data // 64 columns, 512 rows for (int i = 0; i < 64 * 512; i++) { int y = (i / 64); unsigned value = 65535 - (y * 65535 / 511); pduint8* pb = (pduint8*)(deepGrayData + i); pb[0] = value / 256; pb[1] = value % 256; } // generate 48-bit RGB data // 85 columns, 110 rows memset(deepColorData, 0, sizeof(deepColorData)); for (int y = 0; y < 110; y++) { int sv = (65535 / 110) * y; pduint16 v = (pduint16)(((sv << 8)&0xFF00) | ((sv >> 8) & 0xFF)); for (int x = 0; x < 85; x++) { int i = y * 85 + x; if (x < (85 / 4)) { deepColorData[i].R = v; } else if (x < (85 / 4) * 2) { deepColorData[i].G = v; } else if (x < (85 / 4) * 3) { deepColorData[i].B = v; } else { deepColorData[i].R = v; deepColorData[i].G = v; deepColorData[i].B = v; } } } // generate RGB data for (int i = 0; i < (175 * 100); i++) { int y = (i / 175); int x = (i % 175); colorData[i].R = x * 255 / 175; colorData[i].G = y * 255 / 100; colorData[i].B = (x + y) * 255 / (100 + 175); } } // generate_image_data int write_0page_file(t_OS os, const char *filename) { FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); // Construct a raster PDF encoder t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "0-page sample output"); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } // write 8.5 x 11 bitonal page 100 DPI with a light dotted grid void write_bitonal_uncomp_page(t_pdfrasencoder* enc) { pdfr_encoder_set_resolution(enc, 100.0, 100.0); pdfr_encoder_start_page(enc, 850); pdfr_encoder_set_pixelformat(enc, PDFRAS_BITONAL); pdfr_encoder_set_compression(enc, PDFRAS_UNCOMPRESSED); pdfr_encoder_write_strip(enc, 1100, bitonalData, sizeof bitonalData); pdfr_encoder_end_page(enc); } // write 8.5 x 11 bitonal page 100 DPI with a light dotted grid // multi-strip, rotate 90 degrees for viewing void write_bitonal_uncomp_multistrip_page(t_pdfrasencoder* enc) { int stripheight = 100; pduint8* data = (pduint8*)bitonalData; size_t stripsize = (850+7)/8 * stripheight; pdfr_encoder_set_resolution(enc, 100.0, 100.0); pdfr_encoder_set_rotation(enc, 90); pdfr_encoder_start_page(enc, 850); pdfr_encoder_set_pixelformat(enc, PDFRAS_BITONAL); pdfr_encoder_set_compression(enc, PDFRAS_UNCOMPRESSED); for (int r = 0; r < 1100; r += stripheight) { pdfr_encoder_write_strip(enc, stripheight, data, stripsize); data += stripsize; } if (pdfr_encoder_get_page_height(enc) != 1100) { fprintf(stderr, "wrong page height at end of write_bitonal_uncomp_multistrip_page"); exit(1); } pdfr_encoder_end_page(enc); } int write_bitonal_uncompressed_file(t_OS os, const char *filename) { FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); // Construct a raster PDF encoder t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "BW 1-bit Uncompressed sample output"); write_bitonal_uncomp_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int write_bitonal_uncompressed_signed_file(t_OS os, const char* filename, const char* image_path) { FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); // Construct a raster PDF encoder char cert_path[256]; memset(cert_path, 0, 256); char* demo = strstr(image_path, "demo_raster_encoder"); strncpy(cert_path, image_path, demo - image_path); sprintf(cert_path + (demo - image_path), "%s", "certificate.p12"); t_pdfrasencoder* enc = pdfr_signed_encoder_create(PDFRAS_API_LEVEL, &os, cert_path, ""); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "BW 1-bit Uncompressed sample output"); t_pdfdigitalsignature* signature = pdfr_encoder_get_digitalsignature(enc); pdfr_digitalsignature_set_location(signature, "Nove Zamky"); pdfr_digitalsignature_set_name(signature, "Mato"); pdfr_digitalsignature_set_reason(signature, "Test of signing"); write_bitonal_uncomp_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int write_bitonal_uncompressed_signed_and_encrypted_file(t_OS os, const char* filename, const char* image_path) { FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); // Construct a raster PDF encoder char cert_path[256]; memset(cert_path, 0, 256); char* demo = strstr(image_path, "demo_raster_encoder"); strncpy(cert_path, image_path, demo - image_path); sprintf(cert_path + (demo - image_path), "%s", "certificate.p12"); t_pdfrasencoder* enc = pdfr_signed_encoder_create(PDFRAS_API_LEVEL, &os, cert_path, ""); pdfr_encoder_set_AES128_encrypter(enc, "open", "master", PDFRAS_PERM_COPY_FROM_DOCUMENT, PD_TRUE); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "BW 1-bit Uncompressed sample output"); t_pdfdigitalsignature* signature = pdfr_encoder_get_digitalsignature(enc); pdfr_digitalsignature_set_location(signature, "Nove Zamky"); pdfr_digitalsignature_set_name(signature, "Mato"); pdfr_digitalsignature_set_reason(signature, "Test of signing and encryption."); write_bitonal_uncomp_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int write_bitonal_uncompressed_multistrip_file(t_OS os, const char *filename) { FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); // Construct a raster PDF encoder t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "BW 1-bit Uncompressed multi-strip sample output"); write_bitonal_uncomp_multistrip_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } void write_bitonal_ccitt_page(t_pdfrasencoder* enc) { // Next page: CCITT-compressed B&W 300 DPI US Letter (scanned) pdfr_encoder_set_resolution(enc, 300.0, 300.0); pdfr_encoder_start_page(enc, 2521); pdfr_encoder_set_pixelformat(enc, PDFRAS_BITONAL); pdfr_encoder_set_compression(enc, PDFRAS_CCITTG4); pdfr_encoder_write_strip(enc, 3279, bw_ccitt_page_bin, sizeof bw_ccitt_page_bin); pdfr_encoder_end_page(enc); } int write_bitonal_ccitt_file(t_OS os, const char *filename, int uncal) { // Write a file: CCITT-compressed B&W 300 DPI US Letter (scanned) FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_author(enc, "<NAME>"); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_keywords(enc, "raster bitonal CCITT"); pdfr_encoder_set_subject(enc, "BW 1-bit CCITT-G4 compressed sample output"); pdfr_encoder_set_bitonal_uncalibrated(enc, uncal); write_bitonal_ccitt_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } void write_bitonal_ccitt_multistrip_page(t_pdfrasencoder* enc) { // Next page: CCITT-compressed B&W 300 DPI US Letter (scanned) pdfr_encoder_set_resolution(enc, 300.0, 300.0); pdfr_encoder_set_rotation(enc, 270); pdfr_encoder_start_page(enc, 2521); pdfr_encoder_set_pixelformat(enc, PDFRAS_BITONAL); pdfr_encoder_set_compression(enc, PDFRAS_CCITTG4); pdfr_encoder_write_strip(enc, 1000, bw1_ccitt_2521x1000_0_bin, sizeof bw1_ccitt_2521x1000_0_bin); pdfr_encoder_write_strip(enc, 1000, bw1_ccitt_2521x1000_1_bin, sizeof bw1_ccitt_2521x1000_1_bin); pdfr_encoder_write_strip(enc, 1000, bw1_ccitt_2521x1000_2_bin, sizeof bw1_ccitt_2521x1000_2_bin); pdfr_encoder_write_strip(enc, 279, bw1_ccitt_2521x0279_3_bin, sizeof bw1_ccitt_2521x0279_3_bin); pdfr_encoder_end_page(enc); } int write_bitonal_ccitt_multistrip_file(t_OS os, const char *filename, int uncal) { // Write a file: CCITT-compressed B&W 300 DPI US Letter (scanned) multistrip FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_author(enc, "<NAME>"); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_keywords(enc, "raster bitonal CCITT"); pdfr_encoder_set_subject(enc, "BW 1-bit CCITT-G4 compressed multistrip sample output"); pdfr_encoder_set_bitonal_uncalibrated(enc, uncal); write_bitonal_ccitt_multistrip_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } void write_gray8_uncomp_page(t_pdfrasencoder* enc) { // 8-bit grayscale, uncompressed, 4" x 5.5" at 2.0 DPI pdfr_encoder_set_resolution(enc, 2.0, 2.0); // start a new page: pdfr_encoder_start_page(enc, 8); pdfr_encoder_set_pixelformat(enc, PDFRAS_GRAY8); pdfr_encoder_set_compression(enc, PDFRAS_UNCOMPRESSED); // write a strip of raster data to the current page // 11 rows high pdfr_encoder_write_strip(enc, 11, _imdata, sizeof _imdata); // the page is done pdfr_encoder_end_page(enc); } void write_gray8_uncomp_multistrip_page(t_pdfrasencoder* enc) { int stripheight = 4; pduint8* data = (pduint8*)_imdata; size_t stripsize = 8 * stripheight; // 8-bit grayscale, uncompressed, 4" x 5.5" at 2.0 DPI pdfr_encoder_set_resolution(enc, 2.0, 2.0); pdfr_encoder_set_rotation(enc, 90); // start a new page: pdfr_encoder_start_page(enc, 8); pdfr_encoder_set_pixelformat(enc, PDFRAS_GRAY8); pdfr_encoder_set_compression(enc, PDFRAS_UNCOMPRESSED); // write 2 strips of 4 rows high raster data to the current page for (int r = 0; r < 2; ++r) { pdfr_encoder_write_strip(enc, stripheight, data, stripsize); data += stripsize; } // write 1 strip of 3 rows high raster data to the current page stripheight = 3; stripsize = 8 * stripheight; pdfr_encoder_write_strip(enc, stripheight, data, stripsize); data += stripsize; if (pdfr_encoder_get_page_height(enc) != 11) { fprintf(stderr, "wrong page height at end of write_gray8_uncomp_multistrip_page"); exit(1); } // the page is done pdfr_encoder_end_page(enc); } int write_gray8_uncompressed_file(t_OS os, const char *filename) { FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "GRAY8 Uncompressed sample output"); pdfr_encoder_write_page_xmp(enc, XMP_metadata); write_gray8_uncomp_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int write_gray8_uncompressed_multistrip_file(t_OS os, const char *filename) { FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "GRAY8 Uncompressed multi-strip sample output"); pdfr_encoder_write_page_xmp(enc, XMP_metadata); write_gray8_uncomp_multistrip_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } void write_gray8_jpeg_page(t_pdfrasencoder* enc) { // 4" x 5.5" at 2.0 DPI pdfr_encoder_set_resolution(enc, 100.0, 100.0); // start a new page: pdfr_encoder_start_page(enc, 850); pdfr_encoder_set_pixelformat(enc, PDFRAS_GRAY8); pdfr_encoder_set_compression(enc, PDFRAS_JPEG); // write a strip of raster data to the current page pdfr_encoder_write_strip(enc, 1100, gray8_page_jpg, sizeof gray8_page_jpg); // page metadata pdfr_encoder_write_page_xmp(enc, XMP_metadata); // the page is done pdfr_encoder_end_page(enc); } int write_gray8_jpeg_file(t_OS os, const char *filename) { // Write a file: 4" x 5.5" at 2.0 DPI, uncompressed 8-bit grayscale FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); //pdfr_encoder_set_subject(enc, "GRAY8 JPEG sample output"); time_t tcd; pdfr_encoder_get_creation_date(enc, &tcd); set_xmp_create_date(XMP_metadata, tcd); pdfr_encoder_write_document_xmp(enc, XMP_metadata); write_gray8_jpeg_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } void write_gray16_uncomp_page(t_pdfrasencoder* enc) { // 16-bit grayscale! pdfr_encoder_set_resolution(enc, 16.0, 128.0); pdfr_encoder_start_page(enc, 64); pdfr_encoder_set_pixelformat(enc, PDFRAS_GRAY16); pdfr_encoder_set_compression(enc, PDFRAS_UNCOMPRESSED); pdfr_encoder_set_physical_page_number(enc, 2); // physical page 2 // write a strip of raster data to the current page pdfr_encoder_write_strip(enc, 512, (const pduint8*)deepGrayData, sizeof deepGrayData); pdfr_encoder_end_page(enc); } void write_gray16_uncomp_multistrip_page(t_pdfrasencoder* enc) { int stripheight = 32; pduint8* data = (pduint8*)deepGrayData; size_t stripsize = 64 * 2 * stripheight; // 16-bit grayscale! pdfr_encoder_set_resolution(enc, 16.0, 128.0); pdfr_encoder_set_rotation(enc, 90); pdfr_encoder_start_page(enc, 64); pdfr_encoder_set_pixelformat(enc, PDFRAS_GRAY16); pdfr_encoder_set_compression(enc, PDFRAS_UNCOMPRESSED); pdfr_encoder_set_physical_page_number(enc, 2); // physical page 2 // write 16 strips of 32 rows high raster data to the current page for (int r = 0; r < 512; r+=stripheight) { pdfr_encoder_write_strip(enc, stripheight, data, stripsize); data += stripsize; } if (pdfr_encoder_get_page_height(enc) != 512) { fprintf(stderr, "wrong page height at end of write_gray16_uncomp_multistrip_page"); exit(1); } pdfr_encoder_end_page(enc); } void write_rgb48_uncomp_page(t_pdfrasencoder* enc) { // 48-bit RGB! pdfr_encoder_set_resolution(enc, 10.0, 10.0); pdfr_encoder_set_rotation(enc, 270); pdfr_encoder_start_page(enc, 85); pdfr_encoder_set_pixelformat(enc, PDFRAS_RGB48); pdfr_encoder_set_compression(enc, PDFRAS_UNCOMPRESSED); pdfr_encoder_set_physical_page_number(enc, 1); // physical page 1 // write a strip of raster data to the current page pdfr_encoder_write_strip(enc, 110, (const pduint8*)deepColorData, sizeof deepColorData); pdfr_encoder_end_page(enc); } void write_rgb48_uncomp_multistrip_page(t_pdfrasencoder* enc) { int stripheight = 10; pduint8* data = (pduint8*)deepColorData; size_t stripsize = 85 * 2 * 3 * stripheight; // 48-bit RGB! pdfr_encoder_set_resolution(enc, 10.0, 10.0); pdfr_encoder_set_rotation(enc, 90); pdfr_encoder_start_page(enc, 85); pdfr_encoder_set_pixelformat(enc, PDFRAS_RGB48); pdfr_encoder_set_compression(enc, PDFRAS_UNCOMPRESSED); pdfr_encoder_set_physical_page_number(enc, 1); // physical page 1 // write 11 strips of 10 rows high raster data to the current page for (int r = 0; r < 110; r += stripheight) { pdfr_encoder_write_strip(enc, stripheight, data, stripsize); data += stripsize; } if (pdfr_encoder_get_page_height(enc) != 110) { fprintf(stderr, "wrong page height at end of write_rgb48_uncomp_multistrip_page"); exit(1); } pdfr_encoder_end_page(enc); } int write_gray16_uncompressed_file(t_OS os, const char *filename) { // Write a file: 4" x 5.5" at 2.0 DPI, uncompressed 16-bit grayscale FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "GRAY16 Uncompressed sample output"); write_gray16_uncomp_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int write_gray16_uncompressed_multistrip_file(t_OS os, const char *filename) { // Write a file: 4" x 5.5" at 2.0 DPI, uncompressed 16-bit multi-strip grayscale FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "GRAY16 Uncompressed multi-strip output"); write_gray16_uncomp_multistrip_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int write_rgb48_uncompressed_file(t_OS os, const char *filename) { // Write a file: 8.5" x 11" at 10.0 DPI, uncompressed 48-bit color // single strip, rotate for display by 270 degrees FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "RGB48 Uncompressed sample output"); write_rgb48_uncomp_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int write_rgb48_uncompressed_multistrip_file(t_OS os, const char *filename) { // Write a file: 8.5" x 11" at 10.0 DPI, uncompressed 48-bit color // multi-strip, rotate for display by 90 degrees FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "RGB48 Uncompressed multi-strip sample output"); write_rgb48_uncomp_multistrip_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } void write_rgb24_uncomp_page(t_pdfrasencoder* enc) { pdfr_encoder_set_resolution(enc, 50.0, 50.0); pdfr_encoder_set_rotation(enc, 90); pdfr_encoder_start_page(enc, 175); pdfr_encoder_set_pixelformat(enc, PDFRAS_RGB24); pdfr_encoder_set_compression(enc, PDFRAS_UNCOMPRESSED); pdfr_encoder_write_strip(enc, 100, (pduint8*)colorData, sizeof colorData); if (pdfr_encoder_get_page_height(enc) != 100) { fprintf(stderr, "wrong page height at end of write_rgb24_uncomp_page"); exit(1); } pdfr_encoder_end_page(enc); } int write_rgb24_uncompressed_file(t_OS os, const char* filename) { // Write a file: 24-bit RGB color 3.5" x 2" 50 DPI FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "RGB24 Uncompressed sample output"); write_rgb24_uncomp_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } void write_rgb24_uncomp_multistrip_page(t_pdfrasencoder* enc) { int stripheight = 20, r; pduint8* data = (pduint8*)colorData; size_t stripsize = 175 * 3 * stripheight; pdfr_encoder_set_resolution(enc, 50.0, 50.0); pdfr_encoder_set_rotation(enc, 90); pdfr_encoder_start_page(enc, 175); pdfr_encoder_set_pixelformat(enc, PDFRAS_RGB24); pdfr_encoder_set_compression(enc, PDFRAS_UNCOMPRESSED); for (r = 0; r < 100; r += stripheight) { pdfr_encoder_write_strip(enc, stripheight, data, stripsize); data += stripsize; } if (pdfr_encoder_get_page_height(enc) != 100) { fprintf(stderr, "wrong page height at end of write_rgb24_uncomp_multistrip_page"); exit(1); } pdfr_encoder_end_page(enc); } int write_rgb24_uncompressed_multistrip_file(t_OS os, const char* filename) { // Write a file: 24-bit RGB color 3.5" x 2" 50 DPI, multiple strips. FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "RGB24 Uncompressed multi-strip sample output"); write_rgb24_uncomp_multistrip_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } // write an sRGB 8-bit/channel color image with JPEG compression // 100 dpi, -180 rotation, 850 x 1100 void write_rgb24_jpeg_page(t_pdfrasencoder* enc) { pdfr_encoder_set_resolution(enc, 100.0, 100.0); pdfr_encoder_set_rotation(enc, -180); pdfr_encoder_start_page(enc, 850); pdfr_encoder_set_pixelformat(enc, PDFRAS_RGB24); pdfr_encoder_set_compression(enc, PDFRAS_JPEG); pdfr_encoder_write_strip(enc, 1100, color_page_jpg, sizeof color_page_jpg); pdfr_encoder_end_page(enc); } int write_rgb24_jpeg_file(t_OS os, const char *filename) { // Write a file: JPEG-compressed color US letter page (stored upside-down) FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_title(enc, filename); pdfr_encoder_set_subject(enc, "24-bit JPEG-compressed sample output"); pdfr_encoder_write_document_xmp(enc, XMP_metadata); write_rgb24_jpeg_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int write_rgb24_jpeg_file_encrypted_rc4_40(t_OS os, const char* filename) { // Write a file: JPEG-compressed color US letter page (stored upside-down) FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_RC4_40_encrypter(enc, "open", "master", PDFRAS_PERM_COPY_FROM_DOCUMENT, PD_FALSE); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_title(enc, filename); pdfr_encoder_set_subject(enc, "24-bit JPEG-compressed sample output"); pdfr_encoder_write_document_xmp(enc, XMP_metadata); write_rgb24_jpeg_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int write_rgb24_jpeg_file_encrypted_rc4_128(t_OS os, const char* filename) { // Write a file: JPEG-compressed color US letter page (stored upside-down) FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_RC4_128_encrypter(enc, "open", "master", PDFRAS_PERM_COPY_FROM_DOCUMENT, PD_FALSE); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_title(enc, filename); pdfr_encoder_set_subject(enc, "24-bit JPEG-compressed sample output"); pdfr_encoder_write_document_xmp(enc, XMP_metadata); write_rgb24_jpeg_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int write_rgb24_jpeg_file_encrypted_aes128(t_OS os, const char* filename) { // Write a file: JPEG-compressed color US letter page (stored upside-down) FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_AES128_encrypter(enc, "open", "master", PDFRAS_PERM_COPY_FROM_DOCUMENT, PD_TRUE); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_title(enc, filename); pdfr_encoder_set_subject(enc, "24-bit JPEG-compressed sample output"); pdfr_encoder_write_document_xmp(enc, XMP_metadata); write_rgb24_jpeg_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int write_rgb24_jpeg_file_encrypted_aes256(t_OS os, const char* filename) { // Write a file: JPEG-compressed color US letter page (stored upside-down) FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_AES256_encrypter(enc, "open", "master", PDFRAS_PERM_COPY_FROM_DOCUMENT, PD_FALSE); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_title(enc, filename); pdfr_encoder_set_subject(enc, "24-bit JPEG-compressed sample output"); pdfr_encoder_write_document_xmp(enc, XMP_metadata); write_rgb24_jpeg_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } void write_gray8_jpeg_multistrip_page(t_pdfrasencoder* enc) { pdfr_encoder_set_resolution(enc, 100.0, 100.0); pdfr_encoder_set_rotation(enc, 90); pdfr_encoder_start_page(enc, 850); pdfr_encoder_set_pixelformat(enc, PDFRAS_GRAY8); pdfr_encoder_set_compression(enc, PDFRAS_JPEG); // write image as 6 separately compressed strips. // yeah, brute force. pdfr_encoder_write_strip(enc, 200, gray8_page_850x200_0_jpg, sizeof gray8_page_850x200_0_jpg); pdfr_encoder_write_strip(enc, 200, gray8_page_850x200_1_jpg, sizeof gray8_page_850x200_1_jpg); pdfr_encoder_write_strip(enc, 200, gray8_page_850x200_2_jpg, sizeof gray8_page_850x200_2_jpg); pdfr_encoder_write_strip(enc, 200, gray8_page_850x200_3_jpg, sizeof gray8_page_850x200_3_jpg); pdfr_encoder_write_strip(enc, 200, gray8_page_850x200_4_jpg, sizeof gray8_page_850x200_4_jpg); pdfr_encoder_write_strip(enc, 100, gray8_page_850x100_5_jpg, sizeof gray8_page_850x100_5_jpg); if (pdfr_encoder_get_page_height(enc) != 1100) { fprintf(stderr, "wrong page height at end of write_gray8_jpeg_multistrip_page"); exit(1); } pdfr_encoder_end_page(enc); } int write_gray8_jpeg_multistrip_file(t_OS os, const char* filename) { // Write a file: 8-bit Gray 8.5x11" page in six JPEG strips FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "Gray8 JPEG multi-strip sample output"); write_gray8_jpeg_multistrip_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } void write_rgb24_jpeg_multistrip_page(t_pdfrasencoder* enc) { pdfr_encoder_set_resolution(enc, 100.0, 100.0); pdfr_encoder_set_rotation(enc, 0); pdfr_encoder_start_page(enc, 850); pdfr_encoder_set_pixelformat(enc, PDFRAS_RGB24); pdfr_encoder_set_compression(enc, PDFRAS_JPEG); // write image as 4 separately compressed strips. // yeah, brute force. pdfr_encoder_write_strip(enc, 275, color_strip0_jpg, sizeof color_strip0_jpg); pdfr_encoder_write_strip(enc, 275, color_strip1_jpg, sizeof color_strip1_jpg); pdfr_encoder_write_strip(enc, 275, color_strip2_jpg, sizeof color_strip2_jpg); pdfr_encoder_write_strip(enc, 275, color_strip3_jpg, sizeof color_strip3_jpg); // All the same height, but that's in no way required. if (pdfr_encoder_get_page_height(enc) != 1100) { fprintf(stderr, "wrong page height at end of write_rgb24_jpeg_multistrip_page"); exit(1); } pdfr_encoder_end_page(enc); } int write_rgb24_jpeg_multistrip_file(t_OS os, const char* filename) { // Write a file: 24-bit RGB color 8.5x11" page in four JPEG strips FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_set_subject(enc, "RGB24 JPEG multi-strip sample output"); write_rgb24_jpeg_multistrip_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int write_allformat_multipage_file(t_OS os, const char *filename) { // Write a multipage file containing all the supported pixel formats // FILE *fp = fopen(filename, "wb"); if (fp == 0) { fprintf(stderr, "unable to open %s for writing\n", filename); return 1; } os.writeoutcookie = fp; os.allocsys = pd_alloc_new_pool(&os); // Construct a raster PDF encoder t_pdfrasencoder* enc = pdfr_encoder_create(PDFRAS_API_LEVEL, &os); pdfr_encoder_set_creator(enc, "raster_encoder_demo 1.0"); pdfr_encoder_write_document_xmp(enc, XMP_metadata); pdfr_encoder_set_physical_page_number(enc, 1); pdfr_encoder_set_page_front(enc, 1); // front side write_bitonal_uncomp_page(enc); pdfr_encoder_set_physical_page_number(enc, 1); pdfr_encoder_set_page_front(enc, 0); // back side write_bitonal_ccitt_page(enc); pdfr_encoder_set_physical_page_number(enc, 2); write_gray8_uncomp_page(enc); pdfr_encoder_set_physical_page_number(enc, 3); write_gray8_jpeg_page(enc); pdfr_encoder_set_physical_page_number(enc, 4); write_gray16_uncomp_page(enc); pdfr_encoder_set_physical_page_number(enc, 5); write_rgb24_jpeg_page(enc); pdfr_encoder_set_physical_page_number(enc, 6); write_rgb24_uncomp_page(enc); pdfr_encoder_set_physical_page_number(enc, 7); write_rgb48_uncomp_page(enc); pdfr_encoder_set_physical_page_number(enc, 8); write_bitonal_uncomp_multistrip_page(enc); pdfr_encoder_set_physical_page_number(enc, 9); write_gray8_uncomp_multistrip_page(enc); pdfr_encoder_set_physical_page_number(enc, 10); write_gray16_uncomp_multistrip_page(enc); pdfr_encoder_set_physical_page_number(enc, 11); write_rgb48_uncomp_multistrip_page(enc); pdfr_encoder_set_physical_page_number(enc, 12); write_rgb24_jpeg_multistrip_page(enc); pdfr_encoder_set_physical_page_number(enc, 13); write_gray8_jpeg_multistrip_page(enc); pdfr_encoder_set_physical_page_number(enc, 14); write_bitonal_ccitt_multistrip_page(enc); // the document is complete pdfr_encoder_end_document(enc); // clean up fclose(fp); pdfr_encoder_destroy(enc); printf(" %s\n", filename); return 0; } int main(int argc, char** argv) { t_OS os; os.alloc = mymalloc; os.free = free; os.memset = myMemSet; os.writeout = myOutputWriter; printf("demo_raster_encoder\n"); generate_image_data(); write_0page_file(os, "sample empty.pdf"); write_bitonal_uncompressed_file(os, "sample bw1 uncompressed.pdf"); write_bitonal_uncompressed_signed_file(os, "sample bw1 uncompressed signed.pdf", argv[0]); write_bitonal_uncompressed_signed_and_encrypted_file(os, "sample bw1 uncompressed signed and encrypted AES128.pdf", argv[0]); write_bitonal_uncompressed_multistrip_file(os, "sample bw1 uncompressed multistrip.pdf"); write_bitonal_ccitt_file(os, "sample bw1 ccitt.pdf", 0); write_bitonal_ccitt_file(os, "sample bitonal uncal.pdf", 1); write_bitonal_ccitt_multistrip_file(os, "sample bw1 ccitt multistrip.pdf", 0); write_gray8_uncompressed_file(os, "sample gray8 uncompressed.pdf"); write_gray8_uncompressed_multistrip_file(os, "sample gray8 uncompressed multistrip.pdf"); write_gray8_jpeg_file(os, "sample gray8 jpeg.pdf"); write_gray8_jpeg_multistrip_file(os, "sample gray8 jpeg multistrip.pdf"); write_gray16_uncompressed_file(os, "sample gray16 uncompressed.pdf"); write_gray16_uncompressed_multistrip_file(os, "sample gray16 uncompressed multistrip.pdf"); write_rgb24_uncompressed_file(os, "sample rgb24 uncompressed.pdf"); write_rgb24_uncompressed_multistrip_file(os, "sample rgb24 uncompressed multistrip.pdf"); write_rgb24_jpeg_file(os, "sample rgb24 jpeg.pdf"); write_rgb24_jpeg_multistrip_file(os, "sample rgb24 jpeg multistrip.pdf"); write_rgb48_uncompressed_file(os, "sample rgb48 uncompressed.pdf"); write_rgb48_uncompressed_multistrip_file(os, "sample rgb48 uncompressed multistrip.pdf"); write_allformat_multipage_file(os, "sample all formats.pdf"); write_rgb24_jpeg_file_encrypted_rc4_40(os, "sample rgb24 jpeg rc40.pdf"); write_rgb24_jpeg_file_encrypted_rc4_128(os, "sample rgb24 jpeg rc128.pdf"); write_rgb24_jpeg_file_encrypted_aes128(os, "sample rgb24 jpeg aes128.pdf"); write_rgb24_jpeg_file_encrypted_aes256(os, "sample rgb24 jpeg aes256.pdf"); printf("------------------------------\n"); printf("Hit [enter] to exit:\n"); getchar(); return 0; } <file_sep>/pdfras_writer/PdfDigitalSignature.h #ifndef _H_PdfDigitalSignature #define _H_PdfDigitalSignature #ifdef __cplusplus extern "C" { #endif #include "PdfRaster.h" #include "PdfPlatform.h" // This is already being done inside of PdfRastrer.h //typedef struct t_pdfdigitalsignature t_pdfdigitalsignature; // Initialize digital signature and return its object // encoder - t_pdfrasencoder // pfx_file - pfx file with certificate // password - <PASSWORD> for certificate t_pdfdigitalsignature* digitalsignature_create(t_pdfrasencoder* encoder, const char* pfx_file, const char* password); // finish process of signing void digitalsignature_finish(t_pdfdigitalsignature* signature); // Close digital signature (destroy). Call it at the end of digital signing process. void digitalsignature_destroy(t_pdfdigitalsignature* signature); // Create needed dictionaries void digitalsignature_create_dictionaries(t_pdfdigitalsignature* signature); // Set page containing signature void digitalsignature_set_page(t_pdfdigitalsignature* signature, t_pdvalue page); // was signature written into output pdbool digitalsignature_written(t_pdfdigitalsignature* signature); // internal handler for writer int digitalsignature_writer(const pduint8* data, pduint32 offset, pduint32 len, void* cookie); // get digital signature dictionary object number extern pduint32 pd_digitalsignature_digsig_objnum(t_pdfdigitalsignature* signature); #ifdef __cplusplus } #endif #endif <file_sep>/demo_raster_encoder/gray8_page_strip.h unsigned char gray8_page_850x100_5_jpg[] = { 0xff, 0xd8, 0xff, 0xe0, 0x00, 0x10, 0x4a, 0x46, 0x49, 0x46, 0x00, 0x01, 0x01, 0x01, 0x00, 0x48, 0x00, 0x48, 0x00, 0x00, 0xff, 0xdb, 0x00, 0x43, 0x00, 0x06, 0x04, 0x05, 0x06, 0x05, 0x04, 0x06, 0x06, 0x05, 0x06, 0x07, 0x07, 0x06, 0x08, 0x0a, 0x10, 0x0a, 0x0a, 0x09, 0x09, 0x0a, 0x14, 0x0e, 0x0f, 0x0c, 0x10, 0x17, 0x14, 0x18, 0x18, 0x17, 0x14, 0x16, 0x16, 0x1a, 0x1d, 0x25, 0x1f, 0x1a, 0x1b, 0x23, 0x1c, 0x16, 0x16, 0x20, 0x2c, 0x20, 0x23, 0x26, 0x27, 0x29, 0x2a, 0x29, 0x19, 0x1f, 0x2d, 0x30, 0x2d, 0x28, 0x30, 0x25, 0x28, 0x29, 0x28, 0xff, 0xc0, 0x00, 0x0b, 0x08, 0x00, 0x64, 0x03, 0x52, 0x01, 0x01, 0x11, 0x00, 0xff, 0xc4, 0x00, 0x1c, 0x00, 0x00, 0x03, 0x00, 0x03, 0x01, 0x01, 0x01, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x01, 0x02, 0x03, 0x04, 0x05, 0x06, 0x07, 0x08, 0xff, 0xc4, 0x00, 0x52, 0x10, 0x00, 0x01, 0x03, 0x02, 0x04, 0x03, 0x04, 0x04, 0x08, 0x09, 0x09, 0x05, 0x08, 0x03, 0x00, 0x00, 0x01, 0x00, 0x02, 0x11, 0x03, 0x21, 0x04, 0x05, 0x12, 0x31, 0x06, 0x41, 0x51, 0x22, 0x61, 0x71, 0x91, 0x13, 0x81, 0xa1, 0xd1, 0x07, 0x14, 0x16, 0x32, 0xb1, 0xc1, 0xd2, 0xe1, 0x15, 0x23, 0x25, 0x33, 0x42, 0x52, 0x92, 0x93, 0xd3, 0x17, 0x24, 0x35, 0x62, 0x72, 0x94, 0x95, 0xf0, 0xf1, 0x53, 0x55, 0x63, 0x73, 0x82, 0x34, 0x43, 0x54, 0x74, 0x84, 0x85, 0xa2, 0xc2, 0x83, 0xa3, 0xb2, 0xff, 0xda, 0x00, 0x08, 0x01, 0x01, 0x00, 0x00, 0x3f, 0x00, 0xfd, 0x01, 0xc5, 0xd0, 0x6a, 0xd1, 0x92, 0x45, 0x97, 0x99, 0x70, 0x07, 0x6b, 0x01, 0x3e, 0xb4, 0x81, 0x24, 0x5c, 0x7a, 0xd2, 0x04, 0x89, 0xb0, 0x1d, 0xe9, 0xb4, 0x00, 0x6d, 0x30, 0x86, 0xb4, 0x82, 0x4d, 0xae, 0x80, 0x09, 0x98, 0x73, 0x42, 0x08, 0x30, 0x66, 0x0c, 0xf7, 0xa5, 0x78, 0xb8, 0x16, 0xb0, 0xba, 0xe0, 0xf1, 0x80, 0xfc, 0x96, 0xc9, 0x0d, 0x9f, 0x48, 0x3d, 0x56, 0x22, 0x4a, 0xe8, 0x64, 0xac, 0x3f, 0x82, 0xb0, 0x91, 0xbf, 0xa2, 0x69, 0x31, 0xe0, 0x16, 0xe4, 0x5e, 0x09, 0x3e, 0xd5, 0x42, 0x45, 0xb9, 0xf5, 0x43, 0xa4, 0x81, 0xbf, 0x8a, 0x99, 0xe5, 0x27, 0xc9, 0x39, 0xb4, 0xfd, 0x69, 0x3f, 0x70, 0x0c, 0x77, 0x5c, 0x04, 0xf5, 0x4c, 0x08, 0x32, 0x37, 0xd9, 0x2b, 0x4c, 0x5f, 0xd4, 0x99, 0x24, 0x0b, 0x03, 0x1e, 0x0a, 0x44, 0x92, 0x01, 0x10, 0xa8, 0xee, 0x08, 0x92, 0xa8, 0x07, 0x12, 0x41, 0x52, 0x06, 0x99, 0x20, 0x84, 0x02, 0x48, 0x26, 0x42, 0x06, 0xa1, 0xcc, 0x5f, 0xb9, 0x22, 0x04, 0x82, 0x64, 0xf5, 0xb2, 0x67, 0x48, 0x3d, 0x09, 0x48, 0xee, 0x62, 0x49, 0xf0, 0x54, 0xdd, 0x4e, 0x99, 0x9b, 0x77, 0x14, 0x9d, 0x52, 0x2d, 0x22, 0x06, 0xf7, 0x40, 0xbc, 0x1b, 0x9f, 0x34, 0x12, 0x04, 0xc3, 0x84, 0x8d, 0xa5, 0x46, 0xad, 0x37, 0x91, 0x7e, 0xf0, 0xb5, 0x33, 0x47, 0x37, 0xf0, 0x7e, 0x26, 0xe0, 0xfe, 0x2d, 0xd6, 0xff, 0x00, 0xa4, 0xaf, 0x9f, 0x17, 0x6a, 0x79, 0x07, 0xfd, 0x13, 0x0d, 0x2e, 0x64, 0x9b, 0xc9, 0x8d, 0xf9, 0x24, 0xed, 0x2d, 0x8f, 0x47, 0xaa, 0x62, 0x0f, 0x9a, 0x96, 0x69, 0x2c, 0x25, 0xb3, 0xac, 0x19, 0xf1, 0x4c, 0x6a, 0x78, 0x20, 0x4f, 0x7f, 0x72, 0x19, 0x01, 0x90, 0xe0, 0x4d, 0xd4, 0x82, 0x64, 0x6a, 0x04, 0xb7, 0x65, 0xb3, 0x85, 0xa9, 0xe8, 0xf1, 0x74, 0x49, 0x04, 0x06, 0xbd, 0xa4, 0x41, 0xef, 0x26, 0x65, 0x74, 0x38, 0x61, 0xce, 0x76, 0x6c, 0xf7, 0x98, 0x2e, 0x2d, 0x79, 0x9f, 0x25, 0xcf, 0xc3, 0xd4, 0x73, 0x1d, 0x59, 0xad, 0xd4, 0x43, 0xa9, 0xc1, 0x26, 0x2e, 0x41, 0x9f, 0xa9, 0x74, 0x2a, 0xb8, 0x9e, 0x17, 0xa2, 0x01, 0x2d, 0x8a, 0xe5, 0xa4, 0x6d, 0x22, 0xea, 0x38, 0x60, 0x96, 0xe6, 0x54, 0xe0, 0xb4, 0xb7, 0x4b, 0x84, 0x74, 0x5c, 0xec, 0x54, 0x1a, 0xcf, 0xb6, 0xef, 0x26, 0x37, 0xeb, 0xef, 0x5d, 0xae, 0x1e, 0xa3, 0xaf, 0x2d, 0xcc, 0x24, 0x09, 0x7b, 0x34, 0x0f, 0x50, 0x3e, 0xf0, 0xb8, 0x2c, 0x1a, 0x44, 0x0f, 0x9c, 0x0a, 0xf4, 0x39, 0x3d, 0x27, 0x62, 0x72, 0x0c, 0x65, 0x02, 0x64, 0x97, 0xbb, 0x48, 0xf0, 0x68, 0x3f, 0x48, 0x5c, 0x0a, 0x6e, 0x2d, 0xac, 0xd7, 0x06, 0xdc, 0x38, 0x11, 0xdd, 0xda, 0x95, 0xbc, 0xd2, 0x7e, 0x50, 0x48, 0x90, 0x3e, 0x33, 0xed, 0xd4, 0x96, 0x3e, 0x97, 0xc6, 0x73, 0xda, 0x94, 0xdb, 0xbb, 0xea, 0x81, 0xb7, 0x29, 0x5a, 0x99, 0xa5, 0x73, 0x8a, 0xc6, 0xd6, 0xaa, 0x20, 0x53, 0x04, 0xb4, 0x76, 0x46, 0xc3, 0x6f, 0x60, 0x0b, 0x55, 0xb2, 0x1a, 0xd2, 0x24, 0xf2, 0xff, 0x00, 0x3e, 0x6b, 0xb8, 0xdf, 0xe7, 0x1c, 0x2a, 0xe6, 0x8d, 0x4f, 0x34, 0x5f, 0x3e, 0x17, 0xfb, 0xd7, 0x3f, 0x29, 0x0e, 0xa5, 0x5a, 0xad, 0x42, 0x08, 0x75, 0x2a, 0x2e, 0x70, 0x9d, 0xc4, 0xf6, 0x47, 0xd2, 0x56, 0xf7, 0x0e, 0xc1, 0xad, 0x88, 0xc4, 0xb8, 0x08, 0xa1, 0x49, 0xce, 0x04, 0xf2, 0x3f, 0xe9, 0x2b, 0x94, 0xd9, 0x71, 0x7b, 0x88, 0x04, 0x93, 0xaa, 0x77, 0xb8, 0xbf, 0x95, 0xf6, 0x5d, 0x5e, 0x21, 0x06, 0xa3, 0x70, 0x58, 0xa7, 0x4b, 0x85, 0x5a, 0x20, 0x38, 0x47, 0xe9, 0x04, 0xb3, 0xb7, 0x7e, 0x4d, 0xca, 0xe5, 0xa0, 0xc5, 0x2e, 0xbd, 0xcb, 0x57, 0x28, 0x05, 0xd8, 0xca, 0x42, 0xf0, 0x75, 0x11, 0x1f, 0xd9, 0x21, 0x6c, 0x70, 0xcb, 0x88, 0xcd, 0xe9, 0x02, 0x4d, 0xda, 0xf1, 0xec, 0x25, 0x69, 0x63, 0x1b, 0x4d, 0xd8, 0x9a, 0xc4, 0x83, 0x2e, 0x73, 0x89, 0xf3, 0x2b, 0x08, 0x9d, 0x81, 0x11, 0xcb, 0xb9, 0x0c, 0xd5, 0xa6, 0x4c, 0xc8, 0x06, 0x2f, 0xba, 0xa2, 0x48, 0xa6, 0x0b, 0x5b, 0x71, 0xd6, 0xea, 0x5b, 0xab, 0x5c, 0x82, 0x64, 0xee, 0x50, 0xc6, 0x86, 0x90, 0x40, 0x93, 0x79, 0x94, 0x06, 0x8d, 0x0e, 0x0d, 0x9d, 0xe6, 0xe8, 0xd4, 0x48, 0x33, 0x00, 0x79, 0xaf, 0x63, 0xc1, 0xff, 0x00, 0xd1, 0x8e, 0x97, 0x0f, 0xce, 0x13, 0x73, 0xbe, 0xcb, 0xb8, 0x1c, 0x26, 0x41, 0x6e, 0xca, 0x8b, 0x80, 0x36, 0x23, 0xd4, 0x86, 0xd4, 0xe5, 0x20, 0x79, 0x20, 0x3c, 0x41, 0x97, 0x00, 0x37, 0xdc, 0x14, 0xde, 0xf6, 0x68, 0xf9, 0xc3, 0xcd, 0x21, 0x55, 0xa0, 0x49, 0x73, 0x63, 0xc4, 0x20, 0x57, 0xa5, 0x04, 0x07, 0x36, 0x7c, 0x76, 0x48, 0x56, 0xa6, 0xe2, 0x7b, 0x6d, 0x91, 0x7d, 0xd3, 0xf4, 0xf4, 0x40, 0x33, 0x51, 0x80, 0xff, 0x00, 0x68, 0x24, 0x71, 0x14, 0xb9, 0x54, 0x64, 0x1f, 0xeb, 0x04, 0x0c, 0x4d, 0x21, 0xd9, 0xf4, 0xac, 0x83, 0xfd, 0x60, 0x83, 0x89, 0xa0, 0x1b, 0x1e, 0x9a, 0x94, 0xff, 0x00, 0x68, 0x59, 0x1f, 0x19, 0xa3, 0xfe, 0xd6, 0x96, 0xdf, 0xac, 0x0a, 0x81, 0x89, 0xa2, 0x4d, 0xea, 0xd3, 0x99, 0x8d, 0xd5, 0xfc, 0x6e, 0x80, 0x37, 0xaf, 0x4b, 0xf6, 0x85, 0x93, 0x76, 0x2e, 0x8f, 0x3a, 0xf4, 0xbf, 0x6c, 0x25, 0xf1, 0xbc, 0x3c, 0x41, 0xaf, 0x4b, 0xf6, 0x82, 0x3e, 0x35, 0x87, 0x26, 0x05, 0x7a, 0x46, 0x07, 0xeb, 0x85, 0x23, 0x19, 0x86, 0x17, 0x38, 0x9a, 0x53, 0xb0, 0xed, 0x04, 0xdd, 0x8e, 0xc2, 0x80, 0x09, 0xaf, 0x47, 0x68, 0xf9, 0xfb, 0xa8, 0xf8, 0xf6, 0x1a, 0xe4, 0x62, 0x28, 0xde, 0xff, 0x00, 0x3d, 0x3f, 0x8e, 0x61, 0x5a, 0x41, 0x18, 0x9a, 0x37, 0xff, 0x00, 0x88, 0x13, 0x76, 0x63, 0x85, 0x0d, 0xed, 0x62, 0x28, 0x09, 0xdb, 0xf1, 0x81, 0x62, 0x19, 0x8e, 0x12, 0xff, 0x00, 0xce, 0xe8, 0x5f, 0xfe, 0x23, 0x7d, 0xeb, 0x87, 0xc3, 0x8e, 0x6b, 0xb3, 0xec, 0x63, 0xda, 0xe6, 0xb9, 0xae, 0xd6, 0x44, 0x38, 0x1f, 0xd2, 0x1d, 0x17, 0xa9, 0x11, 0x37, 0x9e, 0x89, 0xce, 0x99, 0xed, 0x40, 0xf0, 0x44, 0x82, 0x01, 0x24, 0x42, 0x64, 0x9b, 0x6a, 0x32, 0x10, 0x4d, 0xed, 0x37, 0xf5, 0x26, 0x09, 0x80, 0x49, 0x56, 0xd7, 0xde, 0xde, 0xb5, 0x90, 0x3c, 0x00, 0x27, 0x97, 0x7a, 0xad, 0x7f, 0xd5, 0xf6, 0xae, 0xef, 0x17, 0x02, 0x6a, 0x51, 0x88, 0xd8, 0xaf, 0x36, 0xf3, 0x7d, 0xe0, 0x28, 0x17, 0x3b, 0x94, 0xe4, 0x73, 0x89, 0xe8, 0x98, 0xb8, 0x24, 0xc1, 0xee, 0x41, 0x74, 0x8d, 0x92, 0x03, 0xbd, 0x05, 0xbd, 0x9b, 0xee, 0x36, 0xef, 0x46, 0x91, 0x30, 0x1d, 0xca, 0x57, 0x1f, 0x8a, 0x68, 0xd5, 0xab, 0x80, 0x6b, 0x68, 0xd2, 0x73, 0xdc, 0x2a, 0x07, 0x10, 0xd6, 0x93, 0x20, 0x34, 0xf3, 0x1e, 0x0b, 0x97, 0x85, 0xc7, 0xe6, 0xf8, 0x7c, 0x35, 0x3a, 0x2c, 0xc1, 0xb8, 0xb6, 0x98, 0xd2, 0x26, 0x8b, 0xa4, 0x80, 0xac, 0xe6, 0x99, 0xc4, 0x13, 0xf1, 0x12, 0x3a, 0x4d, 0x32, 0x97, 0xe1, 0x2c, 0xe8, 0x81, 0x38, 0x33, 0xfb, 0x97, 0x25, 0xf8, 0x47, 0x3a, 0x36, 0x6e, 0x0e, 0xe3, 0xfe, 0x11, 0x49, 0xd8, 0xfc, 0xf5, 0xc4, 0xff, 0x00, 0x35, 0x3f, 0xb3, 0x0a, 0x46, 0x33, 0x3e, 0xd3, 0x03, 0x0d, 0xea, 0xd0, 0xa8, 0xe2, 0xb3, 0xf2, 0xc3, 0xfc, 0xdd, 0xa3, 0xfe, 0x94, 0x9b, 0x88, 0xe2, 0x12, 0x3f, 0x33, 0x27, 0xc0, 0x04, 0xc5, 0x5e, 0x20, 0x00, 0x9f, 0x45, 0xea, 0x86, 0xa0, 0x56, 0xe2, 0x18, 0x8f, 0x47, 0x1e, 0x2d, 0x6a, 0xa6, 0xd4, 0xe2, 0x0d, 0x44, 0x9a, 0x64, 0x37, 0xfb, 0x2d, 0x4b, 0x5f, 0x10, 0x33, 0x66, 0x5f, 0xfb, 0x2c, 0x4d, 0xcf, 0xe2, 0x09, 0x04, 0x07, 0x0b, 0x5e, 0x03, 0x2e, 0x8d, 0x5c, 0x41, 0x32, 0x5a, 0x44, 0xff, 0x00, 0xcb, 0x48, 0x7c, 0xa1, 0x3b, 0x02, 0x01, 0xfe, 0xab, 0x0a, 0x23, 0x88, 0x6e, 0xd3, 0x3d, 0xff, 0x00, 0x9b, 0x0b, 0x19, 0x67, 0x10, 0xc8, 0xd2, 0x4f, 0x9d, 0x35, 0x53, 0xc4, 0x73, 0x25, 0xc2, 0x05, 0xa3, 0x53, 0x07, 0xd0, 0x91, 0x1c, 0x45, 0xb9, 0x23, 0x7b, 0xdd, 0x8a, 0x8b, 0x78, 0x80, 0x10, 0x1a, 0x4f, 0x7d, 0xd8, 0x94, 0x71, 0x0e, 0xab, 0xb8, 0x47, 0x31, 0x2c, 0x4c, 0xb7, 0x88, 0x66, 0x43, 0x8f, 0x5d, 0xd8, 0xa4, 0x0c, 0xfe, 0x66, 0xfc, 0xff, 0x00, 0x4d, 0x89, 0xe9, 0xcf, 0xf4, 0xc8, 0x2e, 0x90, 0x7f, 0x59, 0x97, 0x58, 0xb1, 0x4c, 0xcf, 0x7d, 0x03, 0xfe, 0x30, 0xf2, 0x69, 0xe8, 0x71, 0x75, 0xda, 0x6d, 0x1f, 0x72, 0xf3, 0xda, 0x9a, 0x1c, 0x60, 0x03, 0xcf, 0x74, 0x40, 0x17, 0x20, 0xc1, 0xd8, 0x25, 0x4d, 0xc0, 0x39, 0xd2, 0xd0, 0x39, 0x7d, 0xe8, 0x1a, 0x43, 0x44, 0xc4, 0xde, 0x0f, 0x54, 0xe0, 0x5c, 0x82, 0x24, 0xf4, 0x48, 0x9d, 0x24, 0xea, 0x74, 0xda, 0xde, 0x2a, 0x5a, 0x65, 0xc2, 0x36, 0xe6, 0xa8, 0x01, 0xbc, 0x92, 0x26, 0x6c, 0xba, 0x9c, 0x30, 0xe0, 0xec, 0xcc, 0x8d, 0x8f, 0xa3, 0x74, 0x7b, 0x17, 0x2e, 0xab, 0xb4, 0xbc, 0xc0, 0x36, 0x3d, 0x3b, 0xf6, 0x9f, 0x5a, 0xeb, 0x3e, 0x3e, 0x4c, 0x52, 0x26, 0x09, 0xf4, 0xf7, 0xf2, 0x2a, 0x38, 0x73, 0x48, 0xcd, 0xa9, 0xc6, 0x90, 0x61, 0xc0, 0x79, 0x2e, 0x75, 0x68, 0xf4, 0xd5, 0x64, 0x83, 0x04, 0xf2, 0xef, 0x5d, 0xac, 0x82, 0xab, 0x69, 0xbf, 0x09, 0x48, 0x40, 0x38, 0x83, 0x50, 0xf8, 0x80, 0x1a, 0x3e, 0xa2, 0xb8, 0x95, 0x69, 0x8a, 0x78, 0x9a, 0x8d, 0x06, 0xed, 0x73, 0x81, 0xf5, 0x15, 0xdb, 0xe1, 0xdc, 0x51, 0xc3, 0xbf, 0x0c, 0xc2, 0x40, 0x65, 0x5a, 0xb5, 0x1a, 0x79, 0xdf, 0x4b, 0x48, 0xf6, 0x85, 0xcc, 0xc7, 0xd2, 0x38, 0x7c, 0xca, 0xa5, 0x3d, 0x16, 0x6b, 0xed, 0xe0, 0x60, 0x8f, 0x61, 0xf6, 0x2c, 0xa3, 0x48, 0xcf, 0x62, 0xf2, 0x71, 0x3f, 0xfd, 0xf6, 0x5b, 0x95, 0x9b, 0xe8, 0xf1, 0xf9, 0x96, 0x24, 0xfe, 0x84, 0xb1, 0x8e, 0xe8, 0xe3, 0xf7, 0x49, 0x5c, 0x4d, 0x21, 0xc6, 0x5f, 0x31, 0xb3, 0xbb, 0x8f, 0x82, 0x4f, 0x80, 0xe0, 0x5a, 0x0e, 0x91, 0xcc, 0x73, 0x5d, 0xae, 0x1a, 0xd5, 0x5e, 0x8e, 0x3b, 0x06, 0x4c, 0x0a, 0x8c, 0x25, 0xb2, 0x39, 0xed, 0xf5, 0x85, 0xcf, 0xa4, 0xd0, 0xdc, 0xb3, 0x12, 0xe8, 0x87, 0x54, 0x2d, 0x66, 0xfd, 0x3b, 0x44, 0x4a, 0xdf, 0xca, 0x5a, 0xda, 0x79, 0x36, 0x66, 0xf1, 0x7e, 0xc1, 0x64, 0xcf, 0x22, 0x22, 0x7d, 0xab, 0x8c, 0x74, 0x06, 0x82, 0x00, 0x3b, 0x98, 0x98, 0xe9, 0xee, 0x5d, 0xbc, 0x61, 0xd7, 0xc3, 0x78, 0x0a, 0xa6, 0x65, 0xa4, 0xb4, 0x8f, 0x59, 0xbf, 0xb0, 0x29, 0xcd, 0xda, 0xd3, 0x96, 0x65, 0x92, 0x4f, 0xe6, 0xb7, 0xf5, 0x05, 0xcf, 0xca, 0x5d, 0x39, 0x85, 0x0f, 0xd1, 0x17, 0x8b, 0xef, 0x65, 0xb1, 0x90, 0x47, 0xe1, 0x9a, 0x30, 0x7f, 0x5a, 0x2f, 0xd4, 0x15, 0xa7, 0x5a, 0xa3, 0x5f, 0x5e, 0xa1, 0x2d, 0x37, 0x25, 0x63, 0x68, 0x04, 0x93, 0x10, 0xdd, 0xcd, 0xd3, 0xa8, 0x4b, 0x59, 0xb0, 0xda, 0x54, 0xb6, 0xa3, 0x6c, 0x5e, 0x3b, 0x93, 0xd6, 0xd3, 0x2e, 0x74, 0xce, 0xc2, 0x12, 0x0f, 0x13, 0xda, 0x2e, 0x04, 0xed, 0x65, 0x57, 0x9d, 0x44, 0xf7, 0x58, 0xca, 0x92, 0xe8, 0xdf, 0x63, 0xec, 0x5d, 0x9c, 0x9b, 0x27, 0x76, 0x61, 0x83, 0x75, 0x46, 0xd6, 0x14, 0xfb, 0x64, 0x46, 0x99, 0xdc, 0x47, 0x55, 0xbd, 0xf2, 0x65, 0xcd, 0x88, 0xc5, 0x9e, 0x87, 0xb1, 0xf7, 0xa6, 0x38, 0x60, 0x97, 0x08, 0xc5, 0x98, 0xfe, 0xc7, 0xde, 0x9f, 0xc9, 0xad, 0xc8, 0xc5, 0x19, 0xe7, 0x34, 0xfe, 0xf4, 0xbe, 0x4c, 0x18, 0x11, 0x8a, 0x30, 0x2f, 0xf9, 0xb1, 0xef, 0x56, 0x38, 0x6d, 0x86, 0xe7, 0x13, 0xcb, 0x6d, 0x1f, 0x7a, 0xc6, 0x38, 0x64, 0x17, 0x12, 0x31, 0x4e, 0xfd, 0xdf, 0xde, 0xb2, 0x1e, 0x19, 0x6d, 0xa7, 0x12, 0x6d, 0xd1, 0x91, 0xf5, 0xaa, 0xf9, 0x34, 0xd9, 0x9f, 0x8d, 0x3e, 0x0f, 0x46, 0x27, 0xf2, 0x66, 0x9c, 0x82, 0x31, 0x15, 0x3f, 0x64, 0x5d, 0x07, 0x86, 0xe9, 0x49, 0x2e, 0xc4, 0xbf, 0xc9, 0x07, 0x86, 0xe9, 0x6f, 0xe9, 0xea, 0x5b, 0xb9, 0x23, 0xc3, 0x34, 0x64, 0x38, 0x62, 0x2a, 0x8e, 0x7b, 0x2c, 0x9f, 0x27, 0x29, 0x19, 0x71, 0xaf, 0x50, 0x74, 0xb0, 0x53, 0xf2, 0x72, 0x98, 0x69, 0x9c, 0x45, 0x53, 0x27, 0x98, 0x09, 0xb7, 0x86, 0xe8, 0x58, 0x1a, 0xd5, 0x7b, 0xf6, 0x0a, 0xc7, 0x0e, 0x52, 0xb8, 0x38, 0x87, 0xdb, 0xc1, 0x21, 0xc3, 0xb4, 0xb6, 0x35, 0xea, 0xc7, 0x2d, 0x93, 0x6f, 0x0e, 0x50, 0x6b, 0xa4, 0xd6, 0xab, 0x7b, 0x72, 0x52, 0xde, 0x1b, 0xa0, 0xdf, 0xfb, 0xfa, 0xa0, 0xfa, 0x95, 0xbb, 0x86, 0xf0, 0xfc, 0xeb, 0xd7, 0x3e, 0x5e, 0xe5, 0x3f, 0x26, 0xb0, 0xd3, 0x7a, 0xb5, 0xac, 0x7b, 0xbd, 0xca, 0x87, 0x0d, 0xe1, 0x64, 0x83, 0x52, 0xbc, 0x9d, 0xae, 0xdf, 0x72, 0x63, 0x86, 0xf0, 0xc6, 0xc6, 0xb5, 0x78, 0x1f, 0xd6, 0x6f, 0xb9, 0x0f, 0xe1, 0xdc, 0x2d, 0x9a, 0x6a, 0xd6, 0x8b, 0x74, 0xb4, 0x7a, 0x96, 0xd6, 0x5d, 0x95, 0x50, 0xc0, 0xe2, 0x5f, 0x5e, 0x93, 0xaa, 0xb8, 0xb9, 0x84, 0x12, 0xf8, 0xea, 0x3d, 0xcb, 0xa5, 0xde, 0x40, 0xdb, 0x65, 0x41, 0xc0, 0x98, 0x36, 0x11, 0xcc, 0x4a, 0x09, 0x0d, 0xda, 0x42, 0x65, 0xa0, 0xc5, 0xcc, 0xc4, 0xa0, 0xc8, 0x10, 0x44, 0xc2, 0x7a, 0x81, 0x81, 0xa4, 0x8f, 0x52, 0xb6, 0xef, 0x63, 0x11, 0xdc, 0xa9, 0xa4, 0x1b, 0x97, 0x0f, 0x25, 0x7e, 0x91, 0x9f, 0xae, 0x3f, 0x65, 0x77, 0xb8, 0xb8, 0x7e, 0x36, 0x91, 0x9e, 0x45, 0x79, 0xb7, 0x36, 0x46, 0xf6, 0x3b, 0x29, 0x0d, 0x73, 0x6e, 0x22, 0x79, 0xa6, 0xd8, 0xe6, 0x2f, 0xe2, 0xaa, 0x3b, 0x24, 0x8d, 0xd4, 0x92, 0x60, 0xc7, 0x34, 0x58, 0x01, 0x62, 0x11, 0xbd, 0xef, 0x21, 0x32, 0xd0, 0x7a, 0xf5, 0xd9, 0x20, 0x20, 0x0b, 0x13, 0x3e, 0xc4, 0xdc, 0xdb, 0xc0, 0x09, 0x3c, 0x18, 0x00, 0xb6, 0xfe, 0x0a, 0x74, 0x92, 0x25, 0x11, 0x6b, 0x13, 0x3d, 0x13, 0x22, 0xf0, 0x62, 0x53, 0xd2, 0x46, 0xf1, 0x0a, 0x5c, 0xd9, 0x6c, 0x80, 0x82, 0xce, 0xc8, 0x30, 0x10, 0xd6, 0x8e, 0x82, 0xdd, 0xc9, 0x41, 0x9b, 0xca, 0x0d, 0xc1, 0xb0, 0x8e, 0x68, 0x14, 0xdb, 0xcb, 0x73, 0xd4, 0x27, 0xa6, 0x05, 0xe2, 0x77, 0x1b, 0x84, 0x34, 0x4b, 0x41, 0x3b, 0xdf, 0x9a, 0x41, 0xbb, 0xf5, 0xf0, 0x46, 0x93, 0x26, 0x05, 0x92, 0x75, 0x33, 0x68, 0x17, 0xf3, 0x50, 0x1a, 0xeb, 0xc1, 0x0d, 0xea, 0xab, 0x4c, 0x08, 0x17, 0x4f, 0x49, 0x81, 0x6f, 0xb9, 0x3d, 0x26, 0x2e, 0xa0, 0xcc, 0x18, 0x26, 0xe8, 0xd3, 0x03, 0x6b, 0x7d, 0x28, 0x20, 0x10, 0x01, 0xb7, 0x45, 0xad, 0x98, 0x82, 0x72, 0xec, 0x48, 0x81, 0xab, 0xd1, 0x3b, 0x90, 0xe8, 0x7d, 0x7e, 0xd5, 0xf3, 0x77, 0x34, 0xb1, 0xe0, 0x02, 0xdb, 0x08, 0xb1, 0xd9, 0x51, 0x76, 0x92, 0x01, 0x82, 0x76, 0xde, 0x54, 0x3d, 0xb7, 0x90, 0x64, 0x1e, 0xe4, 0x8b, 0xa1, 0xb2, 0xde, 0x96, 0x3b, 0xa7, 0x3a, 0xe9, 0xb4, 0x5c, 0x38, 0x7b, 0x55, 0xb4, 0x69, 0xbb, 0x85, 0x85, 0xd2, 0x7c, 0x18, 0x2d, 0x06, 0x1d, 0x3b, 0x0d, 0xae, 0xa4, 0x34, 0xb8, 0x49, 0x96, 0x9d, 0xac, 0x61, 0x75, 0xf8, 0x62, 0x46, 0x6f, 0x25, 0xa6, 0xf4, 0x9c, 0x67, 0xa6, 0xcb, 0x92, 0xf8, 0x0e, 0x3a, 0x88, 0xb9, 0x3b, 0xf8, 0xaf, 0x43, 0x82, 0xc0, 0xbb, 0x1d, 0x90, 0x32, 0x8d, 0x17, 0x34, 0x11, 0x58, 0x9e, 0xd5, 0xba, 0xfa, 0xfb, 0xd6, 0xc6, 0x55, 0x92, 0xe2, 0x70, 0x98, 0xc6, 0x54, 0xa8, 0xea, 0x45, 0x8d, 0xd4, 0x08, 0x69, 0x33, 0x71, 0xd0, 0x89, 0x5e, 0x67, 0x11, 0xf9, 0xfa, 0x82, 0x08, 0x20, 0xbb, 0xe9, 0xd9, 0x74, 0xf0, 0xaf, 0xf4, 0x18, 0xec, 0xac, 0x11, 0xd9, 0x6b, 0x44, 0xde, 0x23, 0x5b, 0x8f, 0xd5, 0x75, 0xa7, 0x9c, 0xb0, 0xd2, 0xcc, 0xf1, 0x34, 0xcd, 0x86, 0xb9, 0x9f, 0x10, 0x3d, 0xe9, 0xd0, 0x77, 0xa1, 0xc1, 0xe1, 0xaa, 0xb4, 0xfc, 0xca, 0xee, 0x7f, 0x5d, 0x83, 0x3e, 0xf5, 0xd1, 0xe2, 0x6a, 0x44, 0xe3, 0x30, 0xd8, 0x8a, 0x73, 0xa2, 0xb3, 0x41, 0x3e, 0xaf, 0xb8, 0x8f, 0x2e, 0xf5, 0xaa, 0x08, 0x39, 0xeb, 0x80, 0x71, 0x11, 0x88, 0x27, 0xff, 0x00, 0x9a, 0xe8, 0xf1, 0x36, 0x18, 0xd0, 0xc1, 0xc8, 0x3d, 0x8a, 0x95, 0x8b, 0xea, 0x5f, 0x99, 0x10, 0x07, 0xb0, 0xaf, 0x32, 0x1a, 0x5c, 0xe2, 0x5c, 0x1d, 0xd2, 0xdd, 0x47, 0x3e, 0xf5, 0x5a, 0x80, 0xa4, 0x45, 0xa4, 0x18, 0xb8, 0x85, 0xd2, 0xe1, 0xea, 0xa2, 0x86, 0x69, 0x43, 0x53, 0xbe, 0x7b, 0x8b, 0x23, 0xac, 0x8b, 0x5f, 0xc5, 0x56, 0x79, 0x4c, 0x61, 0x43, 0x28, 0x34, 0x46, 0xa7, 0x54, 0xaa, 0x7c, 0x09, 0xb7, 0x90, 0x0b, 0x36, 0x5f, 0x0d, 0xe1, 0xac, 0xc0, 0xb5, 0xa2, 0x35, 0xc1, 0xbe, 0xff, 0x00, 0x34, 0x7d, 0x6b, 0x8a, 0x75, 0x40, 0x98, 0x82, 0x4d, 0xb9, 0xf9, 0xae, 0xe3, 0xc8, 0xf9, 0x25, 0x43, 0x50, 0x90, 0xda, 0x87, 0x9f, 0x79, 0x58, 0xb3, 0x92, 0x06, 0x03, 0x2b, 0xd2, 0x0d, 0xe9, 0x75, 0xdb, 0xe6, 0xae, 0x7e, 0x52, 0x4b, 0xb3, 0x0a, 0x21, 0xd7, 0x89, 0x8f, 0x08, 0x2b, 0x2e, 0x49, 0xd9, 0xcd, 0xb0, 0xe5, 0xa6, 0xc0, 0x99, 0x13, 0xd4, 0x1f, 0x7a, 0xd3, 0x73, 0xbb, 0x52, 0x46, 0xe6, 0xfc, 0xd4, 0x98, 0x92, 0x1a, 0xc3, 0x07, 0xd8, 0x82, 0xe9, 0x60, 0x90, 0xeb, 0x1e, 0xbb, 0xaa, 0x63, 0x43, 0xae, 0x66, 0xc6, 0x62, 0x54, 0x86, 0x90, 0xf9, 0x11, 0xbe, 0xca, 0xc1, 0xd4, 0x4d, 0xbb, 0x1b, 0x9e, 0x6b, 0x18, 0x3a, 0x9c, 0xed, 0x2d, 0x20, 0x1d, 0x95, 0x38, 0xb9, 0xa0, 0x6d, 0x1c, 0xd7, 0xb1, 0xe1, 0x01, 0xf9, 0x38, 0xc9, 0x33, 0xe9, 0x09, 0x3e, 0x41, 0x77, 0x88, 0xbf, 0x28, 0x44, 0x0d, 0x50, 0xdb, 0x7a, 0x93, 0xed, 0x5c, 0x09, 0x4c, 0x02, 0x1c, 0xe9, 0x91, 0x68, 0x54, 0x2c, 0x60, 0x47, 0x7d, 0x91, 0xb1, 0xd8, 0x19, 0xd9, 0x49, 0x6d, 0xc8, 0x20, 0xdd, 0x28, 0x11, 0xa4, 0x42, 0xa6, 0xb6, 0xd0, 0x40, 0x46, 0x92, 0x05, 0xc4, 0xf4, 0x44, 0x5e, 0x48, 0x12, 0x3b, 0xe5, 0x1f, 0xa3, 0x71, 0x74, 0x08, 0xbc, 0x83, 0x28, 0x10, 0x77, 0x06, 0x0a, 0x65, 0xd0, 0x44, 0x4c, 0x04, 0x11, 0xce, 0xd7, 0xba, 0x00, 0x13, 0x37, 0x8f, 0x14, 0x4c, 0x82, 0x2f, 0x6d, 0xb9, 0xa4, 0x41, 0x88, 0x22, 0xfd, 0xe9, 0x89, 0x68, 0xb3, 0x85, 0xf7, 0x4c, 0xb7, 0xb4, 0x24, 0xee, 0x83, 0x6b, 0xc1, 0x81, 0xdc, 0x94, 0x9d, 0xca, 0x0f, 0x70, 0xf5, 0xa7, 0xa8, 0xc1, 0x9b, 0xb7, 0xa4, 0xc2, 0x4e, 0x3d, 0x9d, 0xe0, 0x79, 0xa6, 0x08, 0x22, 0xe6, 0xc9, 0x08, 0xd5, 0x06, 0x3b, 0xb7, 0x2b, 0x20, 0x20, 0x18, 0x04, 0x6c, 0x79, 0x47, 0x92, 0x96, 0xee, 0x77, 0x4c, 0x4c, 0x73, 0x80, 0xad, 0x93, 0x24, 0x47, 0xb5, 0x5b, 0x49, 0x9e, 0xcc, 0xe9, 0xe6, 0x63, 0x65, 0x5e, 0xbf, 0x62, 0xf4, 0x1c, 0x5c, 0x40, 0xab, 0x46, 0x45, 0xae, 0xbc, 0xe0, 0x82, 0x61, 0xa4, 0x47, 0xd0, 0x96, 0xe7, 0xb2, 0x52, 0x22, 0x39, 0xd9, 0x30, 0xeb, 0xc8, 0x09, 0x3a, 0x03, 0xb5, 0x48, 0x21, 0x26, 0x90, 0xe9, 0x95, 0x40, 0xc0, 0xe7, 0xe6, 0x8d, 0x47, 0xac, 0xda, 0x10, 0x1d, 0xb4, 0xed, 0xc9, 0x29, 0x1a, 0xaf, 0x30, 0x76, 0xba, 0x27, 0xe7, 0x02, 0x49, 0x41, 0x71, 0x91, 0xd9, 0x31, 0x1e, 0x6a, 0x44, 0x93, 0x04, 0x0b, 0xec, 0x15, 0x38, 0xe9, 0x6c, 0x1b, 0x1d, 0x92, 0x6b, 0x66, 0x48, 0x94, 0xc4, 0xd8, 0x0e, 0xbe, 0x69, 0x8e, 0xed, 0xcf, 0xb1, 0x43, 0x9d, 0x69, 0x26, 0xc3, 0x7b, 0x27, 0xe0, 0xa4, 0x3a, 0xc4, 0x10, 0x50, 0x26, 0x41, 0x33, 0xe6, 0x9b, 0xa7, 0x57, 0x22, 0x0f, 0xb1, 0x02, 0xc2, 0xf1, 0xea, 0x4f, 0x94, 0xcd, 0xd4, 0xf2, 0xb9, 0xb2, 0x2d, 0xb8, 0x06, 0x10, 0x49, 0x02, 0x02, 0x63, 0x97, 0x44, 0x01, 0x20, 0x99, 0x82, 0x3d, 0xa8, 0x32, 0x06, 0xe2, 0x14, 0x9e, 0xe0, 0x21, 0x06, 0x20, 0xca, 0x0c, 0x76, 0x60, 0x12, 0xb5, 0x73, 0x29, 0x38, 0x0c, 0x48, 0xdb, 0xf1, 0x6e, 0x27, 0xba, 0xc5, 0x7c, 0xe1, 0xed, 0x63, 0x4b, 0x81, 0xb9, 0xde, 0xca, 0x74, 0x8d, 0x27, 0x49, 0x03, 0x6e, 0x73, 0x08, 0x2c, 0x04, 0x40, 0x78, 0xeb, 0xbf, 0x2e, 0xb0, 0xa5, 0xad, 0xe4, 0x5c, 0xc3, 0x3b, 0x6f, 0xb2, 0x40, 0x97, 0x17, 0x69, 0x81, 0x05, 0x58, 0x77, 0x58, 0x71, 0x88, 0xda, 0x13, 0x63, 0xae, 0x24, 0x41, 0xd8, 0x45, 0x91, 0x50, 0xfe, 0x32, 0xf0, 0x7d, 0x70, 0xba, 0xdc, 0x2c, 0x1b, 0xf8, 0x50, 0x02, 0x0f, 0xe6, 0x9c, 0x2f, 0xb2, 0xe6, 0x55, 0xd2, 0x5c, 0xe0, 0x00, 0x1e, 0x0b, 0xa7, 0x52, 0x3e, 0x4b, 0x52, 0x02, 0xc3, 0xe3, 0x24, 0xf8, 0x98, 0x58, 0xf8, 0x58, 0x39, 0xd9, 0xbd, 0x22, 0x48, 0x88, 0x77, 0x3d, 0xfb, 0x2b, 0x43, 0x12, 0xdf, 0xc6, 0xd4, 0x00, 0x1d, 0x45, 0xce, 0x3b, 0xf3, 0x9b, 0x2e, 0xfd, 0x5c, 0x8f, 0x17, 0x53, 0x15, 0x4a, 0xbd, 0x37, 0xd2, 0xd0, 0xc6, 0xb2, 0xc5, 0xc6, 0x46, 0x90, 0x06, 0xde, 0xa3, 0xcd, 0x68, 0xf1, 0x45, 0x22, 0xcc, 0xd8, 0x4b, 0x6f, 0x55, 0xad, 0x24, 0x81, 0xea, 0xfa, 0x96, 0x95, 0x52, 0x7f, 0x04, 0xd2, 0xd3, 0x31, 0xe9, 0x5d, 0x3e, 0x4d, 0x30, 0xbb, 0x04, 0x3b, 0x17, 0xc3, 0x34, 0x1c, 0x4c, 0xd4, 0xa1, 0x52, 0x0f, 0x3b, 0x0b, 0x4f, 0x91, 0x0b, 0x44, 0x12, 0x33, 0xed, 0x84, 0x0c, 0x54, 0x8b, 0x72, 0xd7, 0xf7, 0x2e, 0xed, 0x48, 0xc7, 0xe1, 0xf3, 0x3c, 0x21, 0x32, 0xfa, 0x75, 0x0b, 0x98, 0x3c, 0xc8, 0x3e, 0x60, 0x85, 0xe3, 0x9d, 0x22, 0x41, 0x06, 0x46, 0xe4, 0x93, 0xe4, 0x87, 0x69, 0x73, 0x67, 0x98, 0x11, 0xbd, 0x96, 0x6c, 0x3b, 0xdd, 0x4f, 0x11, 0x49, 0xc0, 0x4b, 0xb5, 0x07, 0x37, 0xc4, 0x15, 0xd1, 0xe2, 0x7a, 0x8f, 0x76, 0x6f, 0x50, 0x06, 0x88, 0x2d, 0x00, 0x5b, 0x97, 0x4f, 0xa5, 0x64, 0xcb, 0x09, 0xa9, 0xc3, 0xb9, 0x83, 0x41, 0xbc, 0x87, 0x3b, 0x9e, 0xf1, 0xee, 0x5c, 0x37, 0x10, 0x05, 0x81, 0xd5, 0xdd, 0x75, 0xda, 0xc4, 0x1d, 0x1c, 0x21, 0x86, 0x22, 0x65, 0xd5, 0x0c, 0x88, 0xde, 0x0b, 0x8f, 0xd6, 0x96, 0x72, 0x07, 0xe0, 0xdc, 0xad, 0xd7, 0xbd, 0x3f, 0x2b, 0x05, 0xcf, 0xca, 0xc8, 0xfc, 0x2b, 0x42, 0xc4, 0x40, 0x3f, 0xff, 0x00, 0x2a, 0xb2, 0xc7, 0x7e, 0x50, 0xa5, 0xa4, 0xdf, 0x57, 0x9a, 0xd3, 0x80, 0x5c, 0xe6, 0xc7, 0x68, 0x1d, 0xc7, 0x32, 0x9b, 0xa2, 0xfa, 0xa6, 0x76, 0x32, 0xa7, 0x54, 0x34, 0x35, 0xcd, 0x9e, 0x91, 0x74, 0xc9, 0x22, 0x9b, 0x48, 0x00, 0xc8, 0x9b, 0x14, 0xb5, 0x6a, 0x36, 0x06, 0x3a, 0xdd, 0x36, 0xbb, 0x48, 0x2d, 0x70, 0x80, 0xee, 0x7b, 0xa6, 0xf2, 0xc0, 0xd0, 0x01, 0x12, 0x0a, 0xb6, 0x5d, 0xa3, 0x4b, 0x5b, 0x33, 0x78, 0xdc, 0xaf, 0x61, 0xc2, 0x36, 0xcb, 0x6a, 0x80, 0x0c, 0xfa, 0x47, 0x1b, 0xf8, 0x05, 0xdd, 0x6c, 0x58, 0x90, 0x55, 0x08, 0x80, 0x67, 0xba, 0x13, 0x80, 0x64, 0x11, 0x74, 0x8f, 0x74, 0x84, 0x07, 0x41, 0x80, 0x04, 0x2a, 0x26, 0x47, 0x29, 0xe4, 0xa4, 0xb8, 0x34, 0x90, 0xe7, 0x0d, 0xae, 0x7a, 0x0e, 0xf4, 0x81, 0x90, 0x0c, 0x7b, 0x66, 0xdd, 0x7c, 0x2e, 0xab, 0x50, 0x6f, 0x31, 0x1d, 0x54, 0x97, 0x37, 0x51, 0x97, 0x19, 0x37, 0x03, 0xfc, 0xff, 0x00, 0x9e, 0x8a, 0x2b, 0x57, 0xa5, 0x42, 0x5f, 0x52, 0xab, 0x58, 0xd9, 0x82, 0x5e, 0xe0, 0x3e, 0x9b, 0xad, 0x76, 0x66, 0xf9, 0x75, 0x4a, 0x9a, 0x29, 0x63, 0x30, 0xaf, 0x22, 0xd0, 0xda, 0xad, 0x37, 0xf3, 0x5b, 0x8d, 0x20, 0x81, 0x04, 0x5e, 0xf6, 0x33, 0x23, 0xaf, 0x85, 0xf7, 0xd9, 0x62, 0x76, 0x26, 0x98, 0xec, 0x97, 0x35, 0xa6, 0x06, 0xee, 0x01, 0x21, 0x8a, 0xa2, 0x48, 0x69, 0xa9, 0x4f, 0xbb, 0xb4, 0xad, 0xb5, 0xd8, 0xe2, 0x45, 0x37, 0xb5, 0xd1, 0x7b, 0x38, 0x18, 0x13, 0xba, 0x9a, 0xd8, 0x9a, 0x54, 0xc8, 0x15, 0x6a, 0xb5, 0x87, 0x96, 0xa7, 0x01, 0xdd, 0x64, 0xe9, 0x62, 0x29, 0xd4, 0x0e, 0xd1, 0x51, 0x8e, 0x0d, 0xf9, 0xda, 0x1c, 0x0c, 0x7d, 0xe8, 0xab, 0x5a, 0x8d, 0x28, 0x15, 0xaa, 0xb6, 0x99, 0x3f, 0x37, 0xd2, 0x38, 0x09, 0x1d, 0xc8, 0xa3, 0x88, 0xa3, 0x5b, 0x57, 0xa0, 0xab, 0x4e, 0xa4, 0x03, 0x3a, 0x5c, 0x0e, 0xde, 0xc0, 0x12, 0xaf, 0x8b, 0xc3, 0x51, 0x25, 0x95, 0xf1, 0x14, 0x98, 0x6f, 0xf3, 0x9e, 0x06, 0xde, 0x3e, 0xaf, 0x52, 0xaa, 0x35, 0xe9, 0x56, 0x1a, 0xe9, 0x54, 0x63, 0xc0, 0x31, 0xd9, 0x70, 0x70, 0x04, 0x0b, 0x8b, 0x2e, 0x1e, 0x2b, 0x8c, 0x72, 0x2a, 0x0d, 0xc6, 0x9a, 0x99, 0x85, 0x22, 0xfc, 0x21, 0x0d, 0xaa, 0xc6, 0x9e, 0xd0, 0x33, 0x10, 0x07, 0x33, 0x30, 0x2d, 0x37, 0xde, 0x16, 0xc6, 0x4f, 0xc5, 0x19, 0x3e, 0x71, 0x52, 0x9d, 0x3c, 0x0e, 0x3e, 0x95, 0x4a, 0xaf, 0x6e, 0xb1, 0x4b, 0x56, 0x97, 0x06, 0xdf, 0x91, 0xe7, 0x63, 0x6e, 0x4b, 0xb0, 0x45, 0xc0, 0x20, 0xc9, 0xe7, 0xba, 0x7b, 0x5a, 0x0c, 0xa6, 0x08, 0x02, 0xe0, 0x24, 0x6c, 0xd0, 0x40, 0x20, 0x78, 0x90, 0x99, 0xb3, 0x84, 0xef, 0x17, 0xe7, 0x09, 0xb7, 0x98, 0x07, 0xef, 0x48, 0x13, 0xa8, 0x4c, 0x5d, 0x5b, 0x0c, 0x3a, 0x0f, 0x35, 0x6d, 0x80, 0x20, 0x15, 0x5e, 0xa0, 0xbd, 0x0f, 0x17, 0xc7, 0xa4, 0xa3, 0xdd, 0x25, 0x79, 0xbd, 0x32, 0xd2, 0x40, 0xd8, 0xdb, 0xbd, 0x04, 0x46, 0xc8, 0x68, 0xd2, 0xee, 0xe5, 0x46, 0xdd, 0x0a, 0x93, 0x24, 0xf2, 0xf2, 0x41, 0x1c, 0xc0, 0xdd, 0x33, 0xca, 0xd7, 0xe9, 0xd5, 0x44, 0x98, 0xe8, 0x9c, 0x40, 0x69, 0xdf, 0xd6, 0x83, 0x26, 0x24, 0x22, 0x63, 0x95, 0xcf, 0x7a, 0x76, 0xd4, 0x26, 0x22, 0x25, 0x1b, 0xcc, 0x6c, 0x6e, 0xa4, 0x9b, 0x8d, 0x5b, 0x72, 0x59, 0x4b, 0xb4, 0xd8, 0x73, 0x53, 0xaa, 0x1b, 0xb8, 0x58, 0x8d, 0x43, 0x36, 0x23, 0xbb, 0xbd, 0x30, 0x5c, 0x01, 0x24, 0x81, 0x1e, 0xb5, 0x34, 0xe6, 0xf6, 0xba, 0x37, 0xb3, 0xa4, 0x14, 0xc9, 0x3c, 0x81, 0x40, 0xe5, 0x24, 0x59, 0x39, 0xb4, 0x59, 0x21, 0x2e, 0xb5, 0xec, 0x89, 0x03, 0x69, 0x94, 0xe6, 0xd6, 0x27, 0xbe, 0xc9, 0x0b, 0x0d, 0xfe, 0xb4, 0x81, 0x23, 0x7e, 0x4a, 0x9b, 0x76, 0x90, 0x61, 0x32, 0x06, 0xc3, 0x70, 0xa4, 0x19, 0xde, 0x24, 0x77, 0x24, 0xf3, 0xd0, 0x6d, 0xba, 0x56, 0xd3, 0xf3, 0xa0, 0xca, 0xd5, 0xcc, 0x5b, 0x19, 0x76, 0x24, 0x38, 0x92, 0x7d, 0x1b, 0xbc, 0xa0, 0xd9, 0x7c, 0xe4, 0xde, 0x61, 0x86, 0x01, 0xea, 0x8b, 0x49, 0x20, 0x81, 0xdd, 0xba, 0xa8, 0x7c, 0x8d, 0x22, 0xc7, 0xfa, 0xbb, 0x8f, 0x15, 0x0f, 0x24, 0x6d, 0x68, 0x36, 0x92, 0xa7, 0x41, 0x79, 0x26, 0x76, 0x3d, 0x53, 0x70, 0x8d, 0x9c, 0x09, 0x89, 0x49, 0xb3, 0x24, 0x38, 0x6d, 0x79, 0x48, 0x97, 0x6c, 0x48, 0xbd, 0xc5, 0xb7, 0x5d, 0x9e, 0x14, 0x70, 0x39, 0xa0, 0x83, 0x3d, 0x83, 0x6f, 0x2f, 0x7a, 0xe5, 0xd4, 0x0f, 0x2f, 0x20, 0x69, 0x00, 0x1f, 0x2b, 0xae, 0xc0, 0x6b, 0x3e, 0x4b, 0x52, 0x32, 0x0c, 0x56, 0x27, 0xd8, 0x4f, 0xd4, 0xb0, 0x70, 0xc8, 0x27, 0x37, 0xa4, 0x5d, 0x1a, 0x40, 0x7c, 0xf9, 0x7d, 0xcb, 0x59, 0x94, 0x8d, 0x4c, 0xc3, 0x40, 0xf9, 0xae, 0xab, 0x17, 0xef, 0x3f, 0xe8, 0xa7, 0x1b, 0x5d, 0xd5, 0x31, 0xb5, 0x5e, 0x5f, 0xa0, 0x17, 0x12, 0xd8, 0x76, 0xe2, 0x4a, 0xe9, 0x67, 0xf3, 0x53, 0x0f, 0x97, 0xe2, 0x1a, 0x4c, 0xba, 0x96, 0x9b, 0x75, 0x11, 0xef, 0x5c, 0xe2, 0x47, 0xe0, 0x8a, 0x60, 0x81, 0x26, 0xb3, 0xc4, 0x4d, 0xf6, 0x0b, 0xb1, 0xc2, 0xce, 0xf4, 0xac, 0xc5, 0xe0, 0x9f, 0x31, 0x55, 0x9a, 0x9a, 0x37, 0x8b, 0xfd, 0xe3, 0xc9, 0x68, 0xd4, 0x2e, 0x6f, 0x10, 0x91, 0x22, 0x3e, 0x31, 0x00, 0x77, 0x6b, 0x5b, 0xd8, 0x7c, 0x41, 0xc3, 0xf1, 0x5d, 0x60, 0x48, 0x0d, 0xa8, 0xf2, 0xc3, 0xf4, 0x89, 0xf5, 0x85, 0xcb, 0xce, 0xb0, 0xff, 0x00, 0x16, 0xcc, 0xab, 0x52, 0x00, 0x06, 0xb9, 0xda, 0x84, 0x72, 0x06, 0x3e, 0xbb, 0x7a, 0x96, 0x83, 0xa0, 0xb6, 0x1c, 0xd1, 0xa4, 0x9b, 0x02, 0x9d, 0x2b, 0xd6, 0xa7, 0x33, 0x67, 0x81, 0xd7, 0x98, 0x5d, 0x2e, 0x27, 0x70, 0x6e, 0x77, 0x50, 0x82, 0x60, 0x31, 0xa7, 0xff, 0x00, 0x8f, 0xb1, 0x65, 0xc8, 0x25, 0xd8, 0x3c, 0xd2, 0x89, 0x04, 0xb9, 0xd4, 0x49, 0x00, 0x73, 0x20, 0x1f, 0xb9, 0x71, 0x98, 0x08, 0x91, 0x70, 0x74, 0x9f, 0xa2, 0x57, 0x6b, 0x35, 0x70, 0xa7, 0x92, 0x65, 0xd4, 0x80, 0x32, 0xe0, 0x5e, 0x04, 0xff, 0x00, 0x9e, 0xb2, 0xa7, 0x38, 0x25, 0xd9, 0x3e, 0x56, 0xf6, 0xfc, 0xd6, 0xb4, 0x8f, 0xa3, 0xdc, 0xb5, 0x32, 0xa6, 0x3b, 0xe3, 0xd4, 0x9e, 0x08, 0xec, 0xb5, 0xce, 0x36, 0x36, 0x01, 0xab, 0x5a, 0x99, 0x14, 0xaa, 0x07, 0x00, 0xdd, 0x4c, 0x74, 0xf3, 0xba, 0xc6, 0x40, 0x2e, 0x05, 0xa4, 0x37, 0xdf, 0xd5, 0x2d, 0x46, 0x20, 0x92, 0xe9, 0x30, 0x3c, 0x52, 0x63, 0x88, 0x25, 0xa4, 0x10, 0x44, 0xc2, 0x45, 0xa0, 0xda, 0xff, 0x00, 0x36, 0xf0, 0xa6, 0x4b, 0x88, 0xd5, 0x30, 0x2c, 0x06, 0xd2, 0xb2, 0x89, 0x8d, 0x44, 0x0d, 0xd2, 0x0d, 0x96, 0x82, 0x1a, 0xdf, 0x14, 0x02, 0x46, 0x82, 0x65, 0xd3, 0x20, 0x01, 0xca, 0xfb, 0xaf, 0x67, 0xc2, 0x6d, 0x0d, 0xcb, 0x9e, 0x2f, 0x3e, 0x90, 0xc9, 0x07, 0xb8, 0x2e, 0xf0, 0xb1, 0x37, 0x28, 0xe8, 0x7b, 0xe5, 0x36, 0x91, 0x24, 0x82, 0x7b, 0xa5, 0x1a, 0xba, 0x7a, 0xec, 0x83, 0x0e, 0xe7, 0x74, 0xa4, 0xf3, 0x02, 0x46, 0xc3, 0xaa, 0xf3, 0x9f, 0x08, 0x65, 0xdf, 0x23, 0x73, 0x58, 0xb1, 0xf4, 0x24, 0x83, 0xd0, 0xc8, 0x5f, 0x28, 0xf8, 0x2c, 0xcc, 0x28, 0x65, 0xbc, 0x41, 0x8a, 0xc5, 0xe3, 0xab, 0x36, 0x9e, 0x1e, 0x96, 0x12, 0xa3, 0x9c, 0xe7, 0x1d, 0x86, 0xa6, 0xed, 0xfd, 0x6f, 0xa5, 0x63, 0xe2, 0xee, 0x28, 0xcc, 0x78, 0xc3, 0x35, 0xa5, 0x84, 0xc1, 0x32, 0xbf, 0xc5, 0xb5, 0xe9, 0xa1, 0x86, 0x6c, 0x97, 0x54, 0x20, 0x0e, 0xd9, 0x8d, 0xcf, 0x31, 0xca, 0x37, 0x9d, 0xcf, 0xb0, 0xca, 0xf2, 0x4c, 0x3f, 0x01, 0xf0, 0xee, 0x23, 0x3a, 0xc7, 0xb6, 0x9e, 0x27, 0x36, 0x68, 0x86, 0xea, 0x92, 0xda, 0x6f, 0x26, 0x20, 0x73, 0x99, 0x3f, 0x3b, 0xa4, 0xc4, 0x73, 0xf0, 0x18, 0x0a, 0x59, 0xbf, 0x1b, 0x67, 0xad, 0xa7, 0x53, 0x12, 0xea, 0x95, 0x5d, 0xda, 0x73, 0xde, 0x7b, 0x34, 0x5b, 0x6d, 0x80, 0xb3, 0x45, 0xf6, 0x88, 0x85, 0xe8, 0xf3, 0x3f, 0x82, 0xec, 0x6e, 0x1b, 0x02, 0xfa, 0xf8, 0x4c, 0x7b, 0x71, 0x55, 0xda, 0xd0, 0x45, 0x13, 0x49, 0xcc, 0xd4, 0x3a, 0x34, 0xea, 0x37, 0x9e, 0xe0, 0xb9, 0xdf, 0x07, 0x9c, 0x59, 0x8e, 0xca, 0xb3, 0x7a, 0x18, 0x1c, 0x4d, 0x67, 0xd4, 0xcb, 0xab, 0xd4, 0x14, 0x8b, 0x2a, 0x1f, 0xcd, 0x12, 0x48, 0x06, 0xdd, 0xfe, 0xa8, 0x9f, 0x03, 0xcb, 0xf8, 0x41, 0x79, 0x3c, 0x65, 0x9a, 0x19, 0x20, 0x9a, 0xc6, 0xd2, 0x77, 0xd2, 0x2d, 0xe7, 0x6f, 0xa1, 0x7a, 0x3a, 0x1f, 0x05, 0xb8, 0xca, 0xb4, 0xa9, 0xbc, 0xe6, 0x98, 0x66, 0x6a, 0x00, 0x80, 0x58, 0xee, 0x77, 0xfa, 0xd7, 0xad, 0xe0, 0x3e, 0x0d, 0xab, 0xc3, 0x38, 0xec, 0x4e, 0x2a, 0xbe, 0x36, 0x8d, 0x76, 0x54, 0xa3, 0xa0, 0xe8, 0x61, 0x11, 0xda, 0x1c, 0xcf, 0x84, 0x2f, 0x9b, 0x71, 0x66, 0x3a, 0xbf, 0x16, 0x71, 0x95, 0x76, 0xe0, 0x81, 0xab, 0xad, 0xff, 0x00, 0x17, 0xc3, 0xb0, 0x18, 0x05, 0xa2, 0x04, 0xf7, 0x89, 0x04, 0xfd, 0x6b, 0xa7, 0xf0, 0x47, 0x9c, 0x1c, 0xb7, 0x88, 0xdd, 0x82, 0xad, 0x2d, 0xa7, 0x8b, 0x6f, 0xa3, 0xbc, 0xf6, 0x6a, 0x00, 0x4b, 0x41, 0x07, 0xaf, 0x68, 0x78, 0xc2, 0xfa, 0xa7, 0x17, 0x70, 0xfd, 0x0e, 0x23, 0xca, 0x2a, 0x61, 0x6a, 0x10, 0xca, 0xe0, 0x6b, 0xa3, 0x54, 0x58, 0xd3, 0x70, 0xbf, 0xac, 0x1b, 0x83, 0xdf, 0x7e, 0xe5, 0xf1, 0x6e, 0x1c, 0xcd, 0xb1, 0x9c, 0x15, 0xc4, 0xf5, 0x46, 0x2e, 0x93, 0x83, 0x18, 0x4d, 0x3c, 0x55, 0x11, 0x6d, 0x4d, 0x17, 0x90, 0x7a, 0x8d, 0xc7, 0x5f, 0xa1, 0x51, 0x6e, 0x65, 0xc7, 0x7c, 0x58, 0xf2, 0x1c, 0x4d, 0x5a, 0xce, 0xd4, 0x49, 0x25, 0xcd, 0xa1, 0x4c, 0x72, 0x81, 0xc8, 0x0b, 0x0e, 0xa6, 0xc2, 0x4d, 0x97, 0xda, 0xf0, 0xd8, 0x7a, 0x9c, 0x3d, 0x43, 0x2a, 0xcb, 0xb2, 0x8c, 0xb0, 0xd6, 0xc1, 0x97, 0x16, 0x56, 0xaa, 0x1e, 0xd0, 0x69, 0x88, 0x9f, 0x48, 0xe3, 0xbb, 0x89, 0x37, 0x3d, 0xf6, 0xdc, 0xc2, 0xf1, 0xf9, 0xd1, 0xc5, 0x9c, 0x27, 0x15, 0x4f, 0x09, 0xd0, 0x0d, 0x73, 0x84, 0x55, 0x9f, 0x9e, 0x00, 0xb3, 0xc1, 0x1f, 0x38, 0xfe, 0x9f, 0x64, 0x88, 0x3b, 0xc1, 0x92, 0x7c, 0x9e, 0x25, 0xf8, 0xa6, 0x66, 0x5c, 0x2e, 0x47, 0x0e, 0xd2, 0xc3, 0xd4, 0x14, 0xdb, 0xe8, 0x98, 0xd2, 0x47, 0xc6, 0x89, 0x3f, 0x38, 0x90, 0x64, 0x1d, 0x8f, 0x51, 0x32, 0x64, 0x40, 0x3f, 0x65, 0xe1, 0x3c, 0xce, 0xae, 0x63, 0x96, 0x6a, 0xc5, 0xd1, 0x7e, 0x1b, 0x17, 0x42, 0xab, 0xa8, 0x56, 0xa6, 0xee, 0xd1, 0x69, 0x07, 0x9f, 0x22, 0x60, 0xb4, 0xc8, 0xb1, 0x99, 0x16, 0x5d, 0xb9, 0x27, 0x68, 0x40, 0x11, 0xbc, 0x41, 0x1e, 0x48, 0xb3, 0x84, 0x48, 0x82, 0x99, 0x69, 0x90, 0x26, 0xc9, 0x80, 0x39, 0x39, 0xc3, 0xd4, 0x8d, 0x22, 0x64, 0xba, 0x7a, 0x59, 0x5e, 0xc4, 0xc7, 0x2d, 0x95, 0xe9, 0xec, 0x82, 0x4c, 0x3b, 0xa4, 0x6e, 0xaa, 0x0f, 0x55, 0xe8, 0x78, 0xb8, 0x4b, 0xe9, 0x08, 0x37, 0x0b, 0xcc, 0xb5, 0xcd, 0x92, 0x08, 0xda, 0xdb, 0xa6, 0xf3, 0xd2, 0x3c, 0xd4, 0x87, 0x4b, 0x48, 0xbd, 0xb6, 0x4e, 0x41, 0x30, 0x4e, 0xc8, 0x2e, 0x36, 0x02, 0x3c, 0xd5, 0x07, 0x1e, 0x44, 0x8f, 0xad, 0x4e, 0xa3, 0xfa, 0x26, 0x4c, 0x78, 0x23, 0x50, 0xd8, 0x99, 0x9e, 0xe4, 0xda, 0xe0, 0x64, 0x11, 0xe1, 0x09, 0x17, 0x45, 0x8a, 0x72, 0x08, 0x31, 0x36, 0x52, 0x01, 0x6d, 0xe0, 0xed, 0x0a, 0x9a, 0xe8, 0x12, 0x52, 0x3b, 0xdf, 0x6d, 0xd2, 0x73, 0xb6, 0x01, 0x2b, 0x83, 0xc8, 0x92, 0x93, 0xb7, 0xb3, 0x44, 0xf2, 0x4f, 0x97, 0x68, 0x0e, 0xf5, 0x20, 0x89, 0x81, 0x21, 0x31, 0x3b, 0x0e, 0xa8, 0x36, 0xe6, 0xaa, 0x27, 0x90, 0x48, 0x0e, 0xd5, 0xc1, 0x8e, 0xa0, 0x6e, 0x83, 0xb0, 0x89, 0xef, 0x4e, 0xdc, 0xa2, 0x51, 0x7b, 0x74, 0x21, 0x21, 0xcf, 0x6f, 0x24, 0x9a, 0x64, 0x19, 0x10, 0x39, 0x25, 0xb9, 0x11, 0x16, 0xf6, 0xaa, 0x3d, 0xe6, 0xc9, 0x09, 0x81, 0x13, 0xeb, 0x52, 0x75, 0x1f, 0xd1, 0x85, 0x4e, 0x80, 0x04, 0x81, 0xdc, 0xb5, 0xb3, 0x1f, 0xe8, 0xfc, 0x4c, 0x45, 0xa9, 0xbb, 0xe8, 0x2b, 0xe6, 0xd5, 0x47, 0x6e, 0xc4, 0xdf, 0xbd, 0x11, 0xa0, 0x69, 0x04, 0x77, 0xdb, 0x74, 0x4b, 0x9c, 0x6c, 0x36, 0xee, 0x08, 0x04, 0x12, 0x01, 0x36, 0x37, 0x82, 0x36, 0x40, 0x60, 0x0e, 0x2e, 0x00, 0x9f, 0x5a, 0x86, 0x87, 0x69, 0x20, 0xe9, 0x99, 0xf2, 0x48, 0xb0, 0x97, 0x82, 0x0d, 0xe0, 0x81, 0x1f, 0x5a, 0x70, 0xdd, 0x50, 0x01, 0x71, 0x8b, 0x95, 0xda, 0xe1, 0x59, 0x39, 0xb1, 0x80, 0x5b, 0xf8, 0xb2, 0x76, 0xe7, 0x60, 0xb9, 0x55, 0x58, 0xf6, 0xd5, 0x7b, 0x6f, 0x12, 0x41, 0x24, 0xc4, 0x99, 0x5d, 0x8a, 0x8d, 0x70, 0xe1, 0x76, 0x18, 0x11, 0xe9, 0xcc, 0x18, 0xdf, 0x7e, 0x8b, 0x17, 0x0b, 0xc3, 0xb3, 0x8a, 0x3d, 0xed, 0x71, 0x88, 0x3c, 0xc1, 0x1f, 0x5a, 0x30, 0x34, 0xde, 0xfc, 0xe6, 0x04, 0x10, 0xd7, 0xb9, 0xc7, 0x7d, 0x81, 0x27, 0xdc, 0xb9, 0x81, 0xa5, 0xf4, 0xcc, 0x82, 0x63, 0xba, 0x57, 0x6b, 0x17, 0x4e, 0xa5, 0x4e, 0x17, 0xc1, 0xd5, 0x0c, 0x73, 0x9d, 0x4d, 0xfa, 0x4f, 0x2e, 0x71, 0x3e, 0x1b, 0x2d, 0x07, 0x53, 0x7f, 0xe0, 0x7a, 0x65, 0xd2, 0x47, 0xa7, 0x70, 0x3e, 0x4d, 0xfb, 0xd5, 0x64, 0x35, 0xc6, 0x1f, 0x31, 0xa0, 0xe0, 0x44, 0x39, 0xda, 0x1d, 0x27, 0xad, 0xbe, 0x98, 0x54, 0x5b, 0xe9, 0x38, 0x8c, 0x00, 0xd3, 0xab, 0xe3, 0x51, 0x6e, 0x5d, 0xbf, 0xb9, 0x19, 0xcb, 0x6a, 0x33, 0x39, 0xaf, 0x50, 0x6a, 0x05, 0xae, 0xd5, 0x6b, 0x46, 0xc7, 0xcd, 0x74, 0xf8, 0x9a, 0x89, 0xaf, 0x84, 0xc2, 0xe3, 0x83, 0x1d, 0xa8, 0xb5, 0xad, 0xa9, 0x6e, 0x46, 0xfb, 0x78, 0xca, 0xf3, 0x25, 0x9f, 0x34, 0x3d, 0xa4, 0x3b, 0x71, 0x6e, 0x51, 0xcd, 0x64, 0xc3, 0x8f, 0xe7, 0x54, 0xda, 0x09, 0x74, 0xbc, 0x2e, 0x8f, 0x13, 0xb2, 0x33, 0x47, 0xba, 0x04, 0xba, 0x98, 0x8b, 0x75, 0x11, 0xf5, 0xac, 0x59, 0x15, 0x5f, 0x43, 0x98, 0xb3, 0xd2, 0x10, 0x58, 0xf9, 0xa2, 0xeb, 0xc5, 0x8f, 0x5f, 0x58, 0x58, 0x31, 0x18, 0x57, 0x53, 0xc6, 0x9c, 0x20, 0xa4, 0x35, 0xfc, 0xd6, 0xc1, 0x83, 0xbe, 0xeb, 0x63, 0x88, 0x6b, 0x7f, 0x3e, 0xa7, 0x41, 0xa4, 0x68, 0xc3, 0xb3, 0x40, 0x3b, 0xdc, 0x42, 0xd9, 0xa7, 0x4f, 0xe3, 0x9c, 0x32, 0xd6, 0x53, 0x3a, 0xea, 0x61, 0x9e, 0x64, 0x0e, 0x4d, 0x22, 0x64, 0xf9, 0xad, 0x6c, 0x03, 0x1d, 0x4b, 0x09, 0x8b, 0xc5, 0x38, 0x39, 0x8c, 0x0c, 0x34, 0xd9, 0x26, 0x25, 0xce, 0xb5, 0xbc, 0xd6, 0x3c, 0xa7, 0x0a, 0xdc, 0x46, 0x65, 0x4f, 0x0f, 0x55, 0xc4, 0x35, 0xd3, 0x3d, 0xd0, 0x3f, 0xd1, 0x60, 0xc4, 0x50, 0x14, 0x6a, 0xd5, 0x61, 0x88, 0x6b, 0x88, 0xde, 0x49, 0x82, 0xb0, 0x43, 0x44, 0xd8, 0x58, 0xf4, 0xe4, 0xa5, 0x8d, 0x3a, 0xa1, 0xc4, 0x5f, 0x6b, 0x72, 0x43, 0x9b, 0xa5, 0xcd, 0xb9, 0x87, 0x6f, 0xc9, 0x2d, 0x3d, 0xb8, 0x74, 0x90, 0x36, 0xba, 0xc9, 0x1d, 0xa0, 0x01, 0x1a, 0xa2, 0x6c, 0xa4, 0xcb, 0x81, 0x04, 0xc8, 0x0a, 0x58, 0xd8, 0x1a, 0xa5, 0xd3, 0x3b, 0xc2, 0xf6, 0x9c, 0x21, 0xfd, 0x1b, 0x56, 0x3b, 0x53, 0x50, 0x99, 0x9e, 0xe0, 0xbb, 0xce, 0x06, 0x44, 0x42, 0x20, 0x72, 0x99, 0xf1, 0x41, 0xb3, 0x44, 0x14, 0x34, 0x58, 0xf5, 0xee, 0x4c, 0xfc, 0xdb, 0x24, 0x41, 0x00, 0xc1, 0xdf, 0x65, 0xe6, 0xfe, 0x10, 0xa7, 0xe4, 0x76, 0x6d, 0x24, 0x4f, 0xa1, 0x3b, 0x77, 0xc2, 0xf8, 0x16, 0x43, 0x94, 0x63, 0x33, 0xac, 0xca, 0x9e, 0x0b, 0x01, 0x4c, 0x3a, 0xab, 0x81, 0x71, 0x2e, 0x74, 0x06, 0x81, 0xfa, 0x4e, 0xee, 0xdb, 0xc5, 0x67, 0x1f, 0x84, 0x78, 0x47, 0x88, 0x4c, 0x35, 0xd4, 0x71, 0xd8, 0x57, 0xdf, 0x9b, 0x5c, 0xd0, 0x7a, 0xf3, 0x69, 0x1b, 0x77, 0xf4, 0x5f, 0x4b, 0xe3, 0x3c, 0xd6, 0x8f, 0x12, 0xfc, 0x1c, 0x54, 0xc6, 0xe0, 0x27, 0xb3, 0x51, 0x86, 0xad, 0x39, 0x93, 0x4c, 0x82, 0x46, 0x97, 0x4f, 0x79, 0x06, 0x4f, 0x2b, 0xaf, 0x39, 0xf0, 0x37, 0x8f, 0xc3, 0xe1, 0x73, 0xfc, 0x4d, 0x1a, 0xee, 0x6d, 0x37, 0xe2, 0x29, 0x45, 0x22, 0xe2, 0x04, 0x90, 0x41, 0xd2, 0x0f, 0x53, 0x1f, 0xea, 0xbe, 0xc9, 0x8d, 0xc5, 0x51, 0xc1, 0xe0, 0xeb, 0x62, 0x6b, 0xd4, 0x6d, 0x2a, 0x54, 0x81, 0x73, 0xdc, 0xe9, 0x01, 0xa4, 0x7b, 0x49, 0x5f, 0x9b, 0xf0, 0x2d, 0x76, 0x3b, 0x89, 0x30, 0xe3, 0x0e, 0xc7, 0x07, 0x57, 0xc4, 0xb7, 0x40, 0x1c, 0x83, 0x9d, 0xdd, 0xd2, 0x41, 0x9f, 0xa1, 0x6f, 0x7c, 0x20, 0xb4, 0xfc, 0xb2, 0xcd, 0x00, 0x81, 0x35, 0xb6, 0xe4, 0x4e, 0x91, 0x63, 0xf4, 0x2f, 0x4d, 0x87, 0xf8, 0x2b, 0xc7, 0xd4, 0xa2, 0xda, 0x8d, 0xcc, 0xe8, 0x35, 0x8f, 0x68, 0x24, 0x7a, 0x33, 0xb9, 0x13, 0xca, 0xdc, 0xd6, 0xee, 0x27, 0x2b, 0xaf, 0xc0, 0x3c, 0x2d, 0x9b, 0x1a, 0x98, 0xb6, 0x57, 0xc4, 0xe6, 0x1a, 0x28, 0xd1, 0x34, 0xc1, 0x05, 0xa6, 0xe0, 0x98, 0xdf, 0x62, 0x7d, 0x70, 0xbc, 0x57, 0x03, 0x67, 0x18, 0x2c, 0x97, 0x3d, 0x18, 0xfc, 0xc6, 0x9d, 0x5a, 0xc6, 0x95, 0x27, 0x7a, 0x21, 0x40, 0x02, 0x43, 0x8d, 0xa7, 0x90, 0x8d, 0x32, 0x27, 0xad, 0xd6, 0x96, 0x6f, 0x98, 0x50, 0xa9, 0xc4, 0x38, 0x8c, 0x76, 0x58, 0xd7, 0xd1, 0xa6, 0xea, 0xde, 0x99, 0x81, 0xe4, 0x02, 0xc7, 0x1e, 0xd7, 0x2b, 0x7c, 0xed, 0xbb, 0xbc, 0x97, 0xe8, 0x4c, 0x93, 0x3a, 0xc3, 0xe6, 0x1c, 0x3d, 0x87, 0xcd, 0x6a, 0xbd, 0x94, 0xe9, 0xba, 0x91, 0x7d, 0x52, 0xe3, 0x0d, 0x61, 0x07, 0xb5, 0x7e, 0xb3, 0xb6, 0xd6, 0x5f, 0x0f, 0xe3, 0x1c, 0xde, 0xa7, 0x16, 0x71, 0x28, 0x76, 0x5f, 0x85, 0xd6, 0x20, 0x51, 0xc3, 0xd3, 0x0c, 0x97, 0x55, 0x02, 0x60, 0xbb, 0xaf, 0xd4, 0x3c, 0xd7, 0x4b, 0xe0, 0xcb, 0x88, 0xe9, 0x70, 0xf6, 0x6d, 0x57, 0x0d, 0x98, 0xb1, 0xac, 0xc3, 0x62, 0x48, 0xa6, 0xfa, 0x8e, 0x6c, 0x3a, 0x99, 0x69, 0xe6, 0x7a, 0x5e, 0xfd, 0x37, 0xeb, 0x3f, 0x5f, 0xcd, 0xe8, 0x52, 0xc4, 0x63, 0xf2, 0x87, 0xd4, 0xcd, 0x2a, 0xe1, 0x34, 0xd6, 0xec, 0x52, 0xa6, 0xf8, 0x6e, 0x20, 0x96, 0x93, 0x06, 0x37, 0x10, 0x09, 0xe5, 0x22, 0x4e, 0xf0, 0x47, 0x87, 0xce, 0x72, 0xfc, 0x01, 0xa1, 0xc5, 0xc4, 0xf1, 0x36, 0x28, 0x76, 0x81, 0xaf, 0x4d, 0xc4, 0x81, 0x4e, 0x76, 0x6b, 0xda, 0x3e, 0x74, 0xce, 0x81, 0x10, 0x22, 0xc7, 0x60, 0xbc, 0xdd, 0x4c, 0x9b, 0x05, 0x53, 0x1b, 0xc3, 0x01, 0x9c, 0x4a, 0xf7, 0x33, 0x10, 0xc0, 0x35, 0xbb, 0x50, 0x34, 0x74, 0x93, 0x6a, 0x64, 0xfc, 0xde, 0xd4, 0xb4, 0x0d, 0x81, 0xbd, 0xf9, 0x7d, 0x37, 0xe0, 0xfb, 0x2c, 0x19, 0x7e, 0x5f, 0x8d, 0xd1, 0x8a, 0x7e, 0x2a, 0x9d, 0x7c, 0x65, 0x4a, 0x8c, 0xac, 0xf0, 0x66, 0xa0, 0x20, 0x34, 0x9e, 0xfb, 0xb4, 0xf6, 0xb6, 0x3b, 0x8e, 0x4b, 0xd5, 0x35, 0xae, 0x27, 0x90, 0x95, 0x97, 0x49, 0x82, 0x08, 0x1b, 0xd9, 0x20, 0x08, 0x23, 0x7d, 0xd0, 0x4b, 0x4b, 0x84, 0x93, 0x23, 0xbd, 0x64, 0x9e, 0x66, 0xca, 0x64, 0x03, 0x06, 0xf7, 0x59, 0x86, 0x92, 0xdb, 0xc8, 0x8d, 0xb9, 0xa4, 0x00, 0xdf, 0x55, 0xc6, 0xc8, 0x83, 0xdf, 0xe4, 0xbd, 0x1f, 0x17, 0x98, 0xa9, 0x40, 0x89, 0xb4, 0x85, 0xe6, 0x4c, 0x91, 0xe3, 0x7d, 0xd2, 0x71, 0x1a, 0x76, 0xb8, 0xda, 0xe9, 0x02, 0x08, 0x33, 0x0a, 0x4e, 0xdc, 0x80, 0x09, 0x90, 0x00, 0x99, 0x91, 0xdc, 0xa4, 0x1b, 0xd8, 0x90, 0x0a, 0x73, 0x6b, 0x49, 0x33, 0x62, 0x81, 0x25, 0xe6, 0x66, 0x07, 0x72, 0xa3, 0xd9, 0xb8, 0x20, 0x4a, 0x0b, 0x89, 0x8d, 0xd0, 0xc7, 0x6e, 0x0c, 0xa0, 0xb8, 0x90, 0x41, 0x91, 0xeb, 0x52, 0xf3, 0x22, 0x01, 0x4c, 0xb8, 0x10, 0x01, 0xdf, 0xe9, 0x40, 0x83, 0xbc, 0x79, 0xa4, 0x01, 0x93, 0x1b, 0x72, 0xba, 0x70, 0x64, 0x13, 0x33, 0xcd, 0x38, 0x9b, 0x80, 0x52, 0xbe, 0xa1, 0xee, 0x4c, 0xb8, 0xc0, 0x00, 0x6d, 0x74, 0x8c, 0x41, 0xb7, 0x3e, 0xaa, 0x84, 0xf7, 0x0f, 0x5a, 0x60, 0x8b, 0x4f, 0xd0, 0x83, 0xbd, 0xa0, 0x88, 0x91, 0x74, 0x9c, 0xe1, 0xce, 0x36, 0x48, 0xec, 0x08, 0x22, 0x21, 0x2e, 0x5c, 0xa5, 0x1b, 0xdb, 0xba, 0x53, 0x6b, 0x6e, 0x49, 0x32, 0x8d, 0x32, 0x24, 0x75, 0x88, 0x43, 0x9a, 0x1c, 0xe9, 0x93, 0x64, 0x8f, 0x8a, 0x61, 0xa2, 0x24, 0xc1, 0x1e, 0x2b, 0x53, 0x32, 0xfe, 0x8f, 0xc5, 0x40, 0xff, 0x00, 0xba, 0x77, 0xd0, 0x57, 0xcd, 0xdd, 0x13, 0x0d, 0x70, 0xd4, 0x6f, 0xa7, 0xef, 0x52, 0x24, 0x1b, 0x49, 0xe5, 0x09, 0x13, 0x0f, 0x0d, 0xe7, 0x3d, 0x08, 0xf5, 0x2c, 0xa4, 0xb6, 0x09, 0xbc, 0xf7, 0x14, 0x83, 0x5a, 0xe6, 0x10, 0x0b, 0x89, 0x26, 0xc8, 0x01, 0xcd, 0x69, 0x68, 0x24, 0x80, 0x6e, 0x61, 0x41, 0x0e, 0x70, 0x9e, 0xd0, 0x24, 0xdf, 0x74, 0x03, 0xdb, 0x10, 0x7b, 0x40, 0xf8, 0x2e, 0x9e, 0x55, 0x99, 0x9c, 0x01, 0x71, 0x66, 0x1e, 0x9b, 0xea, 0x38, 0x91, 0xa8, 0x9b, 0xf8, 0x2d, 0x6c, 0x6e, 0x25, 0xb8, 0x8c, 0x43, 0xea, 0x3a, 0x8b, 0x69, 0x13, 0x04, 0xb5, 0xb3, 0xf3, 0xba, 0xae, 0x83, 0xb3, 0xbf, 0xe6, 0x23, 0x0e, 0x70, 0x74, 0x7d, 0x1f, 0x20, 0x27, 0xbd, 0x60, 0xca, 0xf3, 0x2f, 0xc1, 0xe0, 0xbe, 0x9e, 0x1e, 0x9b, 0x9f, 0x30, 0x5e, 0x49, 0x24, 0x03, 0xc8, 0x2b, 0xa7, 0x9d, 0x1a, 0x78, 0x9a, 0x95, 0xe9, 0x61, 0x28, 0x7a, 0x57, 0x88, 0x3b, 0x88, 0x12, 0x7e, 0xa8, 0x5a, 0x55, 0x5c, 0xda, 0xd5, 0x4b, 0xdc, 0xc0, 0xc6, 0xbb, 0xf4, 0x1a, 0x4c, 0x05, 0xd1, 0xa9, 0x9e, 0x54, 0x38, 0x5f, 0x8a, 0xfa, 0x1c, 0x37, 0xa1, 0x8d, 0x31, 0xa4, 0xd8, 0x75, 0xf1, 0x58, 0x6b, 0x66, 0x8e, 0xf8, 0x90, 0xc3, 0x1c, 0x2e, 0x1d, 0xac, 0xd2, 0x74, 0x9d, 0x26, 0xdd, 0xfb, 0xee, 0xb9, 0xf4, 0xea, 0x34, 0x76, 0x84, 0xc8, 0x80, 0x3d, 0xff, 0x00, 0x4a, 0xdc, 0xa1, 0x99, 0x3a, 0x9e, 0x31, 0xf8, 0x80, 0xca, 0x4e, 0xa8, 0xe3, 0xaa, 0x2a, 0x09, 0xd2, 0x64, 0xed, 0x1e, 0x28, 0xc5, 0xe3, 0x9d, 0x8c, 0xae, 0xca, 0xd5, 0x69, 0x52, 0x2f, 0x65, 0xce, 0x90, 0x40, 0x77, 0xbd, 0x6c, 0xbf, 0x89, 0x31, 0x1a, 0x74, 0x3a, 0x95, 0x0f, 0x47, 0x17, 0x05, 0x84, 0xda, 0xf0, 0x02, 0xe4, 0x75, 0x2f, 0x22, 0xe2, 0xd1, 0xc8, 0x95, 0x9b, 0x07, 0x8c, 0x7e, 0x0e, 0xa7, 0xa6, 0x65, 0x36, 0xbd, 0xc0, 0x69, 0x1a, 0xc6, 0xdd, 0xeb, 0x2e, 0x63, 0x98, 0xd4, 0xcc, 0x69, 0xb1, 0xb5, 0x59, 0x49, 0xae, 0x69, 0x9d, 0x4d, 0x17, 0x3d, 0xcb, 0x48, 0x38, 0x6b, 0xbc, 0xd8, 0xcd, 0xba, 0xf5, 0xf3, 0x5d, 0x91, 0x9f, 0xbf, 0xe2, 0xe2, 0x70, 0xf4, 0x8e, 0x24, 0x02, 0xd6, 0xd6, 0x3b, 0x80, 0x7e, 0xbf, 0x5a, 0xe4, 0x3a, 0x09, 0x2e, 0x7f, 0x69, 0xf2, 0x4b, 0xbb, 0xe5, 0x6e, 0x65, 0x99, 0x9d, 0x4c, 0x0d, 0x67, 0x3a, 0x93, 0x47, 0xa3, 0x74, 0x6a, 0x61, 0x27, 0x92, 0x79, 0xbe, 0x6c, 0xfc, 0xcf, 0x4b, 0x48, 0x6d, 0x2a, 0x4d, 0x24, 0xfa, 0x31, 0xcc, 0xf7, 0xac, 0x39, 0x7e, 0x29, 0xf8, 0x3c, 0x53, 0x2b, 0x80, 0x5c, 0xe6, 0x93, 0x32, 0x37, 0x91, 0x0b, 0x0d, 0x67, 0x9a, 0x8e, 0x71, 0x88, 0x75, 0x42, 0x5c, 0x63, 0xbc, 0xca, 0x4e, 0x7b, 0x62, 0x20, 0xef, 0xe2, 0xa2, 0x44, 0x83, 0x78, 0x56, 0xe2, 0x2a, 0x02, 0x64, 0x4c, 0x59, 0x0c, 0x06, 0x2f, 0x06, 0x48, 0xe4, 0x96, 0x96, 0x83, 0xd8, 0x07, 0xba, 0xdf, 0x4a, 0x66, 0x4b, 0x8c, 0x38, 0x0b, 0x5e, 0x11, 0x1a, 0x47, 0x68, 0x9f, 0x51, 0x0b, 0xd8, 0xf0, 0x78, 0x23, 0x2d, 0xa9, 0x72, 0x7f, 0x18, 0x7e, 0x81, 0xef, 0x5d, 0xe0, 0x36, 0x24, 0x19, 0x8e, 0xa9, 0x37, 0x68, 0x82, 0x82, 0x4c, 0x80, 0x1a, 0x02, 0x97, 0x01, 0x37, 0x17, 0x4e, 0x34, 0xb8, 0x58, 0xa3, 0x49, 0xe5, 0xcd, 0x71, 0xf8, 0xa3, 0x2b, 0xad, 0x9a, 0x64, 0x38, 0xcc, 0x06, 0x1d, 0xcc, 0x15, 0x31, 0x14, 0xcb, 0x5a, 0x6a, 0x48, 0x68, 0xbf, 0x50, 0x17, 0x89, 0xe0, 0x0e, 0x05, 0xcc, 0xb8, 0x77, 0x3b, 0x7e, 0x2f, 0x17, 0x5b, 0x09, 0x52, 0x9b, 0xa8, 0x3e, 0x90, 0x14, 0x5c, 0xe2, 0x41, 0x24, 0x11, 0xbb, 0x76, 0xb1, 0x12, 0xbb, 0x3f, 0x08, 0x1c, 0x1a, 0xce, 0x23, 0xc2, 0xb2, 0xae, 0x1d, 0xf4, 0xe8, 0xe3, 0xa8, 0x9d, 0x2c, 0xa9, 0x52, 0x43, 0x5c, 0xd1, 0xfa, 0x2e, 0xe7, 0x1c, 0xc1, 0xf5, 0xf7, 0x2e, 0x0f, 0x0a, 0xf0, 0x2e, 0x75, 0x92, 0xe2, 0xde, 0xda, 0xb8, 0x9c, 0x06, 0x27, 0x2e, 0xc5, 0x30, 0x53, 0xc5, 0x61, 0xcb, 0x9d, 0x15, 0x1a, 0x66, 0xe2, 0x47, 0xce, 0x17, 0xfa, 0x2c, 0xb9, 0xf9, 0xd7, 0xc1, 0x5e, 0x25, 0x98, 0x83, 0x53, 0x26, 0xc6, 0x52, 0x34, 0x89, 0xd4, 0x29, 0xd7, 0x71, 0x05, 0x9d, 0xc1, 0xd7, 0x3e, 0xc0, 0xb4, 0x9f, 0xf0, 0x77, 0xc5, 0x78, 0xa0, 0xda, 0x38, 0xac, 0x5d, 0x37, 0x53, 0x8b, 0x7a, 0x4c, 0x53, 0x88, 0x83, 0x6f, 0x08, 0xe8, 0xbd, 0xa7, 0x05, 0x70, 0x06, 0x1b, 0x21, 0xc4, 0x0c, 0x5e, 0x2a, 0xb3, 0x71, 0x78, 0xe8, 0x3a, 0x08, 0x6e, 0x96, 0x52, 0x07, 0xa0, 0xeb, 0xdf, 0xdf, 0x3d, 0xcb, 0x8d, 0xc4, 0x9f, 0x06, 0xf8, 0xdc, 0xdb, 0x3e, 0xc6, 0x63, 0xa9, 0x62, 0xe8, 0x31, 0x95, 0x9d, 0xa8, 0x30, 0x87, 0xcc, 0x58, 0x78, 0x72, 0xea, 0xbe, 0x99, 0x85, 0xc3, 0xba, 0x9e, 0x1a, 0x95, 0x37, 0x46, 0xa6, 0x35, 0xa1, 0xd7, 0xe8, 0x02, 0xf1, 0x5f, 0x08, 0x1c, 0x1f, 0x8e, 0xe2, 0x7c, 0x66, 0x1e, 0xa5, 0x2c, 0x65, 0x0a, 0x18, 0x7a, 0x0c, 0x21, 0xad, 0x7b, 0x5d, 0xf3, 0x89, 0xb9, 0xb5, 0xa6, 0xc0, 0x0e, 0x9b, 0xad, 0x9e, 0x19, 0xe0, 0x4c, 0xbb, 0x2f, 0xca, 0x59, 0x43, 0x31, 0xc2, 0x61, 0x71, 0x98, 0xad, 0x4e, 0x73, 0xaa, 0xba, 0x88, 0xbc, 0xec, 0x04, 0xde, 0x20, 0x05, 0xab, 0xc6, 0x1f, 0x07, 0xb8, 0x5c, 0xd2, 0x86, 0x18, 0xe5, 0x14, 0xf0, 0x99, 0x7d, 0x4a, 0x45, 0xc1, 0xc4, 0x33, 0x48, 0x7b, 0x48, 0x3b, 0x81, 0xe1, 0xba, 0xe5, 0x33, 0xe0, 0xff, 0x00, 0x3c, 0x6e, 0x46, 0xfc, 0x9d, 0xb9, 0xbe, 0x1d, 0xb8, 0x13, 0x57, 0xd2, 0xb9, 0xa2, 0x93, 0xbb, 0x47, 0xbc, 0xfe, 0xac, 0x89, 0x03, 0xad, 0xfb, 0x97, 0x5f, 0x81, 0x78, 0x09, 0x9c, 0x39, 0x8c, 0xad, 0x8c, 0xc5, 0xd6, 0x66, 0x2b, 0x13, 0xa7, 0x45, 0x22, 0xd6, 0x91, 0xe8, 0xda, 0x77, 0x37, 0xe6, 0x63, 0xba, 0x04, 0xfa, 0xb5, 0x78, 0xb3, 0xe0, 0xd4, 0x67, 0x19, 0xc3, 0xf1, 0xd8, 0x0c, 0x53, 0x30, 0x82, 0xac, 0x1a, 0xac, 0x2c, 0x2e, 0x05, 0xe3, 0x9d, 0xbf, 0xcc, 0xc9, 0xee, 0x5e, 0xab, 0x84, 0x72, 0x9c, 0x7e, 0x53, 0x96, 0xd2, 0xc1, 0x66, 0x38, 0x9a, 0x58, 0xc1, 0x44, 0xfe, 0x21, 0xed, 0x61, 0x05, 0x8d, 0xb8, 0x88, 0x37, 0x8e, 0x9d, 0xd6, 0xef, 0x59, 0x31, 0xf8, 0x7c, 0x4b, 0xb0, 0xb9, 0xb3, 0x19, 0x96, 0xe1, 0x2a, 0xeb, 0x11, 0x45, 0x85, 0xdf, 0xf6, 0x93, 0xa4, 0x02, 0x1f, 0x23, 0x7b, 0x46, 0xe6, 0x40, 0x17, 0x0b, 0x1e, 0x5f, 0x95, 0xba, 0xa3, 0x32, 0x77, 0xe2, 0x30, 0x18, 0x1c, 0x3b, 0xf0, 0xb4, 0xa4, 0xb0, 0x34, 0x39, 0xd4, 0x5e, 0x44, 0x45, 0x3e, 0x42, 0xd1, 0x3b, 0xf4, 0xe8, 0x57, 0xa0, 0x00, 0x09, 0x04, 0x00, 0x26, 0x40, 0x9b, 0x03, 0xfe, 0x7d, 0x7e, 0x29, 0xb6, 0x01, 0x9b, 0x19, 0xf5, 0xa7, 0x79, 0x1f, 0xe8, 0x8d, 0x4e, 0xda, 0xdb, 0xa6, 0x43, 0x5c, 0xe9, 0x20, 0xf9, 0x21, 0xf7, 0x30, 0x25, 0x01, 0xbd, 0xab, 0x89, 0x01, 0x65, 0x11, 0xa6, 0xe6, 0x02, 0xa6, 0x08, 0x13, 0xcb, 0xac, 0x2a, 0xd4, 0x3f, 0x58, 0x79, 0xfd, 0xcb, 0xd0, 0x71, 0x80, 0xed, 0x51, 0x85, 0xe5, 0xde, 0xd0, 0x09, 0x83, 0xca, 0x14, 0x76, 0x88, 0x13, 0x78, 0x08, 0x68, 0x17, 0x22, 0x41, 0xf0, 0x48, 0xd8, 0x5c, 0x83, 0xcf, 0x65, 0x50, 0x5c, 0xd2, 0x5b, 0x12, 0x3d, 0x4a, 0x24, 0x6d, 0x73, 0x0a, 0xc0, 0xb7, 0x34, 0x4f, 0x47, 0x14, 0x1d, 0x50, 0x2f, 0xce, 0x12, 0x32, 0xd3, 0x26, 0x52, 0x06, 0x4d, 0x81, 0x8e, 0xa9, 0x38, 0xee, 0x00, 0x32, 0xac, 0xb4, 0x69, 0x07, 0x9a, 0x8d, 0xc5, 0xee, 0x06, 0xdc, 0x95, 0x16, 0x9d, 0x32, 0x40, 0x4c, 0x1b, 0xde, 0x20, 0xed, 0x74, 0x5c, 0x38, 0x41, 0x03, 0xd6, 0x80, 0xe9, 0x30, 0xd2, 0x7b, 0xfb, 0x92, 0x16, 0x32, 0x49, 0xf2, 0x4e, 0x48, 0xe4, 0x55, 0x13, 0xcc, 0x8b, 0x29, 0x06, 0xfb, 0xfd, 0x68, 0x04, 0x98, 0x95, 0x4e, 0x04, 0x58, 0xf8, 0x6c, 0xa4, 0x34, 0x44, 0x88, 0xb6, 0xc9, 0xc1, 0x81, 0x60, 0x9b, 0xa4, 0x39, 0xb0, 0x7b, 0x3c, 0xd1, 0x62, 0xe2, 0x67, 0x94, 0x21, 0xae, 0xde, 0xde, 0xd4, 0x9a, 0x7b, 0x30, 0x47, 0x7a, 0x67, 0x91, 0xea, 0x91, 0x88, 0xb9, 0x83, 0xdc, 0xa4, 0x0b, 0x4c, 0x92, 0xb1, 0x62, 0xda, 0x6a, 0xe1, 0x6b, 0xd2, 0x64, 0x6b, 0x73, 0x0b, 0x47, 0x89, 0xff, 0x00, 0x55, 0xe3, 0xdd, 0xc3, 0x98, 0xee, 0x6d, 0xa6, 0x08, 0xea, 0xf5, 0x07, 0x86, 0xf3, 0x1f, 0x9c, 0x05, 0x29, 0xfe, 0xd2, 0x6e, 0xe1, 0xcc, 0x73, 0x81, 0x1a, 0x69, 0xb4, 0x8d, 0xfb, 0x69, 0x9e, 0x19, 0xc7, 0x12, 0x0c, 0xd2, 0x9f, 0xed, 0x93, 0x3e, 0xc5, 0x63, 0x86, 0xf1, 0xc6, 0xc3, 0xd0, 0x40, 0xdf, 0xb5, 0xf7, 0x28, 0x77, 0x0c, 0xe3, 0xa6, 0x43, 0xe8, 0x02, 0x36, 0xed, 0x6f, 0xec, 0x54, 0x38, 0x73, 0x1a, 0x60, 0x07, 0x61, 0xc0, 0xe7, 0xdb, 0x3b, 0xf9, 0x23, 0xe4, 0xce, 0x33, 0x4d, 0x9d, 0x86, 0x99, 0xdf, 0x51, 0xf7, 0x2a, 0x1c, 0x33, 0x8b, 0x17, 0x15, 0x28, 0x03, 0xb9, 0xed, 0x1d, 0xfa, 0xec, 0x99, 0xe1, 0x8c, 0x50, 0x04, 0x9a, 0xd4, 0x4b, 0x8f, 0xf5, 0x89, 0x52, 0xde, 0x17, 0xc5, 0xe9, 0x8f, 0x4b, 0x46, 0xfd, 0xe5, 0x1f, 0x25, 0xb1, 0x76, 0x0d, 0xaf, 0x48, 0x5e, 0x77, 0x27, 0xea, 0x4d, 0xbc, 0x2d, 0x89, 0xfd, 0x2a, 0xd4, 0x0d, 0xe4, 0x99, 0x36, 0x56, 0xde, 0x19, 0xc4, 0x86, 0xc1, 0xc4, 0x52, 0x00, 0xcc, 0x8b, 0xf5, 0x4d, 0xfc, 0x35, 0x88, 0x74, 0x4d, 0x7a, 0x44, 0x6d, 0xce, 0xe9, 0x7c, 0x97, 0xac, 0xe6, 0x90, 0x6b, 0xd3, 0x36, 0x81, 0xbd, 0xbb, 0x92, 0x1c, 0x31, 0x88, 0x0d, 0x20, 0xd7, 0xa4, 0x63, 0x94, 0x1b, 0x27, 0xf2, 0x5f, 0x11, 0x10, 0xda, 0xd4, 0x7c, 0x43, 0x4a, 0x63, 0x85, 0xf1, 0x1c, 0xb1, 0x2c, 0x1f, 0xf4, 0x92, 0x81, 0xc2, 0xf5, 0x89, 0x1f, 0xce, 0x59, 0xeb, 0x69, 0x40, 0xe1, 0x4a, 0x9a, 0x6f, 0x88, 0x6c, 0xcc, 0xce, 0x92, 0x8f, 0x92, 0xb5, 0x4b, 0x4b, 0x7e, 0x32, 0xcd, 0x26, 0xe7, 0xb1, 0x3f, 0x5a, 0x43, 0x85, 0x2a, 0x01, 0x6c, 0x53, 0x24, 0x1b, 0x7e, 0x2f, 0xef, 0x43, 0xf8, 0x52, 0xa3, 0x9c, 0x0f, 0xc6, 0x18, 0x0f, 0x3e, 0xc6, 0xfe, 0xd4, 0xfe, 0x4a, 0x3e, 0xe0, 0x62, 0x1b, 0x1b, 0x7c, 0xc9, 0xfa, 0xd0, 0x38, 0x4e, 0xa0, 0x02, 0x71, 0x0d, 0x8f, 0xec, 0x7d, 0x72, 0x9b, 0x38, 0x46, 0x5c, 0x49, 0xc4, 0xb6, 0xfd, 0x1a, 0x6c, 0x99, 0xe1, 0x47, 0x73, 0xc5, 0x0f, 0x1f, 0x47, 0xf7, 0xa7, 0xf2, 0x51, 0xf3, 0x23, 0x14, 0x2d, 0xb1, 0x34, 0xe6, 0x7d, 0xa8, 0x1c, 0x27, 0xb1, 0x38, 0xa1, 0x22, 0xf6, 0xa7, 0xf7, 0xaa, 0x1c, 0x22, 0x39, 0x62, 0xcc, 0x1b, 0xfc, 0xcf, 0xbd, 0x57, 0xc9, 0x20, 0x01, 0x1f, 0x1a, 0x24, 0xff, 0x00, 0xcb, 0xdb, 0xda, 0x81, 0xc2, 0x40, 0x48, 0x38, 0xb3, 0x26, 0xdf, 0x33, 0x6f, 0x6a, 0x4c, 0xe1, 0x46, 0x03, 0x23, 0x14, 0xeb, 0x1b, 0xf6, 0x37, 0xf6, 0xaa, 0x6f, 0x0a, 0x31, 0xa4, 0xbb, 0xe3, 0x46, 0x4d, 0xfe, 0x67, 0xde, 0x81, 0xc2, 0xcc, 0x35, 0x01, 0x18, 0x97, 0x0f, 0x06, 0x47, 0x9a, 0xbf, 0x92, 0xcd, 0x32, 0x3e, 0x32, 0xe1, 0xff, 0x00, 0x42, 0xea, 0xe4, 0xf9, 0x61, 0xcb, 0x70, 0xc6, 0x93, 0x5e, 0x6a, 0x6b, 0x71, 0x74, 0x9b, 0x46, 0xdc, 0xbd, 0x4b, 0x75, 0xad, 0xb8, 0x10, 0x51, 0x1d, 0xa8, 0x04, 0xdb, 0x74, 0xf4, 0x6f, 0x27, 0x74, 0x19, 0x91, 0x00, 0x29, 0x22, 0xf7, 0x4c, 0x98, 0x90, 0x39, 0xa8, 0xd2, 0x09, 0xbc, 0x7f, 0x9e, 0xa9, 0x86, 0xc8, 0x89, 0x11, 0xe1, 0xef, 0xe4, 0x80, 0xd0, 0x0c, 0x82, 0x01, 0x1b, 0x7f, 0x90, 0xa8, 0x36, 0xc6, 0x09, 0x06, 0x64, 0x5c, 0xff, 0x00, 0x99, 0x52, 0xe6, 0x87, 0x3a, 0x40, 0x16, 0x24, 0x81, 0xe2, 0x53, 0x0d, 0xfd, 0x50, 0x27, 0x71, 0x65, 0x45, 0xa7, 0x91, 0x33, 0x11, 0xd7, 0xfc, 0xf2, 0x52, 0x1a, 0x45, 0x89, 0xb0, 0xeb, 0x7f, 0x24, 0xad, 0x26, 0xdb, 0x88, 0x1c, 0xa1, 0x48, 0x6b, 0x81, 0xe5, 0xfe, 0x7b, 0x95, 0x11, 0x11, 0xb7, 0x92, 0x92, 0xd3, 0xc8, 0x6e, 0x79, 0x74, 0x4a, 0x1b, 0xbd, 0xa7, 0x63, 0x65, 0x7a, 0x41, 0x6d, 0xc8, 0x81, 0xf4, 0xaa, 0x0d, 0x24, 0x00, 0x48, 0x24, 0x8b, 0x9d, 0x21, 0x38, 0x30, 0x64, 0xed, 0x64, 0x45, 0xc1, 0xe5, 0x1b, 0xa6, 0x23, 0x94, 0x47, 0x82, 0x1d, 0x13, 0x61, 0xe6, 0x90, 0xb1, 0xbc, 0x00, 0xa8, 0x08, 0x1b, 0xee, 0x8d, 0x32, 0xd1, 0x24, 0x27, 0xa6, 0x00, 0x24, 0x85, 0x4d, 0x8b, 0xcc, 0x26, 0x04, 0x1b, 0x6c, 0xa9, 0xa4, 0x19, 0x2e, 0x02, 0x15, 0xe9, 0x13, 0x2d, 0xb0, 0xee, 0xe6, 0x89, 0x3d, 0x7d, 0x81, 0x7a, 0x0e, 0x30, 0x30, 0x68, 0x95, 0xe6, 0x5f, 0xd4, 0x28, 0x90, 0x47, 0x68, 0x90, 0xa6, 0x44, 0xc4, 0x18, 0x1c, 0xd3, 0x00, 0xc0, 0x11, 0x11, 0x74, 0xfb, 0xcc, 0x28, 0x22, 0x77, 0x36, 0xe4, 0x62, 0x10, 0x49, 0x06, 0xe6, 0xfe, 0x08, 0x6f, 0x3d, 0x44, 0x1b, 0x4f, 0x8a, 0x04, 0x48, 0x89, 0x82, 0x53, 0x36, 0x71, 0x24, 0x94, 0x9a, 0x79, 0x99, 0x0a, 0xb5, 0x6e, 0x40, 0x33, 0xe0, 0x96, 0xa3, 0x78, 0x07, 0xaa, 0x51, 0xaa, 0x41, 0xd9, 0x30, 0x60, 0x45, 0xe1, 0x39, 0x9e, 0x56, 0xf0, 0x52, 0x40, 0xd6, 0x35, 0x7a, 0x93, 0x07, 0xa8, 0xb2, 0x60, 0xcc, 0xc4, 0x82, 0x93, 0x62, 0xe0, 0xca, 0x0c, 0x73, 0x25, 0x23, 0x73, 0x60, 0xa8, 0x4d, 0xed, 0x6e, 0x49, 0x6b, 0xb4, 0x10, 0x65, 0x36, 0xc9, 0x12, 0x01, 0x10, 0x86, 0x90, 0x7e, 0x75, 0x90, 0x22, 0x48, 0x31, 0xdc, 0x9b, 0x85, 0xfb, 0x31, 0xdf, 0xdc, 0x98, 0x8e, 0x42, 0x4f, 0x92, 0x93, 0x63, 0x79, 0x9e, 0xe4, 0x1d, 0x76, 0x90, 0x61, 0x56, 0xab, 0x00, 0x1a, 0x54, 0xb8, 0xdb, 0xa4, 0xa6, 0xd6, 0x93, 0x71, 0xc8, 0x59, 0x2f, 0x46, 0x4c, 0x79, 0xdd, 0x32, 0xdb, 0x10, 0x25, 0x4c, 0x5a, 0x0c, 0xa6, 0x0b, 0x77, 0x3e, 0xab, 0x27, 0x22, 0x79, 0x0b, 0xc9, 0xb9, 0x4a, 0xd2, 0x44, 0x13, 0x1b, 0x25, 0xd9, 0xb4, 0x07, 0x01, 0xcc, 0x26, 0x6e, 0xe0, 0x03, 0x8e, 0x91, 0xba, 0x61, 0xad, 0xe6, 0x6d, 0xe2, 0x52, 0x00, 0x12, 0x63, 0x61, 0xde, 0x93, 0xb7, 0x90, 0x6c, 0x90, 0x68, 0x71, 0xb0, 0x8e, 0xfb, 0x25, 0x0d, 0x88, 0x24, 0xf7, 0x95, 0x40, 0x82, 0xd8, 0x13, 0xe6, 0x93, 0x64, 0x9b, 0x6d, 0xc9, 0x49, 0x80, 0x48, 0x93, 0x3e, 0xb8, 0x54, 0x04, 0x89, 0x24, 0xf4, 0x29, 0xb2, 0x34, 0x90, 0x09, 0xbf, 0x8a, 0x61, 0xc0, 0x0d, 0x24, 0xdd, 0x48, 0xdc, 0x92, 0x4c, 0xcf, 0x53, 0x74, 0xda, 0x04, 0xda, 0x4f, 0xad, 0x04, 0x19, 0x93, 0x1e, 0x49, 0x11, 0x04, 0x1f, 0xa0, 0x26, 0x4e, 0xd1, 0x3e, 0x49, 0x34, 0xee, 0x07, 0xd1, 0x09, 0xb4, 0xcc, 0xef, 0xe6, 0x81, 0xbc, 0x8d, 0xd3, 0x2d, 0x33, 0xbe, 0xe9, 0x69, 0xed, 0x1e, 0xd0, 0x4f, 0x48, 0x70, 0x81, 0x20, 0xf8, 0xee, 0x9b, 0x9b, 0x11, 0x1b, 0xa0, 0x4c, 0xda, 0x53, 0x6d, 0xc1, 0x12, 0x52, 0x3a, 0x48, 0x83, 0x31, 0xe2, 0x83, 0xbc, 0x89, 0xee, 0x84, 0xef, 0x1b, 0xc4, 0xf7, 0x20, 0x32, 0x4d, 0x89, 0x3e, 0x25, 0x01, 0xd7, 0x2d, 0x00, 0xf5, 0x29, 0x8e, 0xd1, 0xe6, 0x12, 0x2d, 0x11, 0x6d, 0xf9, 0xa4, 0xd6, 0x99, 0xf7, 0xa4, 0x74, 0xea, 0x3b, 0xdb, 0xb9, 0x38, 0x11, 0x6f, 0x5d, 0x92, 0x00, 0x41, 0x82, 0x2d, 0xd5, 0x11, 0xd0, 0x85, 0x5c, 0x8b, 0x46, 0xe7, 0x9c, 0x24, 0x41, 0x1c, 0xd2, 0x97, 0x48, 0x9d, 0xba, 0xa0, 0x49, 0x36, 0x2a, 0xb9, 0x9e, 0xaa, 0x0c, 0xea, 0x92, 0x7e, 0xb5, 0x5a, 0x48, 0x32, 0x47, 0x9a, 0x90, 0x0c, 0xdd, 0x32, 0xde, 0x6d, 0x84, 0x9c, 0x24, 0x08, 0xdd, 0x2d, 0x22, 0x05, 0xc8, 0x3b, 0x2a, 0xd2, 0x22, 0xe0, 0xda, 0xf7, 0x48, 0x40, 0x69, 0x33, 0xea, 0x54, 0x64, 0xb6, 0x5a, 0x46, 0xf0, 0x96, 0xe2, 0x24, 0x4f, 0x3e, 0xf4, 0xf5, 0x36, 0xdb, 0x25, 0x12, 0x64, 0x11, 0x08, 0x02, 0x6c, 0x4e, 0xc9, 0x4c, 0xba, 0x00, 0x1a, 0x79, 0xd9, 0x64, 0x24, 0x73, 0x80, 0x52, 0x12, 0x76, 0x02, 0x3a, 0xf5, 0x54, 0xe8, 0x31, 0x3d, 0x52, 0x83, 0xce, 0x3c, 0xe5, 0x30, 0x4e, 0xa9, 0x88, 0x59, 0x5a, 0x43, 0x84, 0x1b, 0x93, 0xce, 0x15, 0x16, 0x88, 0x1a, 0x5b, 0x27, 0x9a, 0x9b, 0xfe, 0xa0, 0x5e, 0x83, 0x8c, 0x5b, 0x3e, 0x84, 0xcd, 0x97, 0x97, 0x76, 0xa9, 0xb7, 0x2e, 0xb6, 0x4b, 0x49, 0x8d, 0xee, 0x80, 0x1c, 0x1a, 0x35, 0x41, 0x2a, 0xb5, 0x58, 0x59, 0x23, 0x22, 0x6e, 0x23, 0x92, 0x44, 0xea, 0x69, 0x07, 0x61, 0xea, 0x52, 0xe0, 0x04, 0x01, 0x30, 0x13, 0x06, 0xe4, 0xf7, 0x74, 0x40, 0x32, 0xd0, 0x0e, 0xfc, 0xb9, 0x2b, 0x26, 0xf2, 0x4d, 0xd4, 0x3a, 0xf6, 0x9d, 0xfb, 0x91, 0x04, 0x89, 0x0e, 0x17, 0xf5, 0x25, 0xa4, 0x92, 0x24, 0x98, 0x1b, 0xc1, 0xdd, 0x30, 0x04, 0xda, 0x55, 0x10, 0x22, 0xdc, 0x91, 0xb0, 0xbc, 0x90, 0x94, 0x48, 0x90, 0x45, 0x93, 0x27, 0xc7, 0xc9, 0x20, 0x20, 0x92, 0x10, 0xdd, 0x57, 0x26, 0x12, 0x89, 0x70, 0x94, 0xcb, 0xaf, 0x00, 0x90, 0x13, 0x3d, 0x01, 0x30, 0x87, 0xb4, 0xc0, 0x8f, 0xa5, 0x21, 0xd4, 0x93, 0x09, 0x11, 0x17, 0x32, 0x53, 0x69, 0x37, 0x37, 0x8e, 0x43, 0xa2, 0xa2, 0xd2, 0xe1, 0x7e, 0x7d, 0xea, 0x60, 0x0b, 0x09, 0x08, 0x70, 0xb4, 0xb6, 0x67, 0x9a, 0x0c, 0x9b, 0x02, 0x53, 0x69, 0x0d, 0xb3, 0x84, 0xa4, 0x62, 0xd0, 0x2c, 0x9c, 0x08, 0xb9, 0x22, 0xf0, 0x83, 0x3a, 0xad, 0xc8, 0x5e, 0xe8, 0x9f, 0x1b, 0xf7, 0x24, 0x77, 0x93, 0xea, 0x40, 0x27, 0x51, 0x90, 0x24, 0xec, 0x99, 0x6b, 0x86, 0xd3, 0x1d, 0xca, 0x25, 0xdd, 0x48, 0x2a, 0x84, 0x10, 0x66, 0x52, 0x98, 0x10, 0x09, 0x92, 0x51, 0xab, 0x71, 0x26, 0xc9, 0x18, 0x23, 0xe6, 0x9e, 0xf4, 0xa2, 0x4c, 0x03, 0x61, 0xd5, 0x0d, 0xe8, 0x67, 0xc9, 0x30, 0x41, 0xb1, 0x1f, 0x52, 0x0c, 0x6c, 0x15, 0x34, 0x01, 0x30, 0x3d, 0xaa, 0x49, 0x9d, 0xf7, 0xf0, 0x43, 0x49, 0xd3, 0xd2, 0xf2, 0x88, 0xea, 0x2e, 0x94, 0x6d, 0x16, 0xea, 0xa9, 0xc2, 0xe0, 0xc7, 0x24, 0xb9, 0xcc, 0x47, 0xad, 0x04, 0xf3, 0x33, 0x03, 0xd6, 0x90, 0x9d, 0x24, 0x13, 0xeb, 0xe8, 0xa8, 0xb4, 0xfe, 0x89, 0x3d, 0xe9, 0x5d, 0xb3, 0xf4, 0xa6, 0x05, 0x84, 0x08, 0xea, 0x9c, 0x82, 0x20, 0x73, 0xe7, 0xd1, 0x1c, 0xc0, 0x01, 0x55, 0xc1, 0x88, 0x0a, 0x6a, 0x48, 0xd8, 0xdf, 0xae, 0xea, 0x4d, 0xe0, 0x13, 0x7e, 0x6a, 0xaf, 0x02, 0x09, 0xef, 0x4e, 0x26, 0x60, 0xdf, 0x9a, 0x44, 0x5e, 0x40, 0xb7, 0x32, 0x9e, 0xc6, 0xf2, 0x89, 0xe6, 0x49, 0xb7, 0x72, 0x73, 0xce, 0xd0, 0x80, 0x61, 0xc4, 0xdb, 0xa6, 0xe9, 0x82, 0x22, 0xdc, 0xb7, 0x49, 0xc3, 0xb5, 0x26, 0x53, 0x04, 0xcd, 0xf6, 0x1b, 0x29, 0xe5, 0x11, 0x23, 0xc9, 0x33, 0x62, 0x00, 0xb2, 0x66, 0x39, 0x80, 0xa4, 0x38, 0x6c, 0x79, 0xed, 0x64, 0x03, 0x04, 0x73, 0x94, 0xed, 0x37, 0xbf, 0x44, 0xaf, 0xa8, 0x83, 0xb7, 0x44, 0xb5, 0x19, 0x80, 0x63, 0xa7, 0x7a, 0x62, 0xe2, 0x10, 0x4e, 0x9d, 0xa2, 0x12, 0x91, 0x37, 0x25, 0x06, 0xcd, 0xb0, 0x54, 0xd7, 0x4b, 0x43, 0x4c, 0x29, 0x70, 0xd2, 0x44, 0x18, 0x9e, 0xf4, 0x8e, 0xf2, 0x4a, 0xab, 0x90, 0x48, 0x9b, 0x75, 0x29, 0x18, 0xd5, 0x2d, 0x27, 0xbd, 0x3d, 0x9a, 0x76, 0x9d, 0xf7, 0x4c, 0x03, 0x20, 0x81, 0xba, 0x4e, 0x89, 0x96, 0x8f, 0x6a, 0x9b, 0xde, 0x22, 0x53, 0x6c, 0x8d, 0xc4, 0xf5, 0x4e, 0x41, 0xb0, 0x05, 0x22, 0x07, 0x28, 0xba, 0xa3, 0x20, 0x6e, 0x11, 0x30, 0x04, 0xec, 0xa4, 0x88, 0x24, 0x88, 0xb1, 0x56, 0xd7, 0x38, 0x9b, 0xc7, 0xb9, 0x66, 0x68, 0x13, 0x20, 0x15, 0x40, 0x9d, 0x46, 0xc1, 0x3d, 0x23, 0xa1, 0xf2, 0x5e, 0x87, 0x8b, 0x84, 0x8a, 0x25, 0x79, 0x57, 0x89, 0x37, 0xf5, 0x28, 0x13, 0xa7, 0x95, 0x93, 0x03, 0xcf, 0xc5, 0x3f, 0x9d, 0x10, 0x05, 0x93, 0x70, 0x36, 0x96, 0x85, 0x26, 0xd3, 0xb4, 0x14, 0x69, 0x91, 0x68, 0x1e, 0xd5, 0x20, 0xfa, 0xef, 0xc9, 0x38, 0x04, 0xde, 0xdd, 0x2e, 0x93, 0x9a, 0xd9, 0x88, 0xbf, 0x8a, 0x00, 0xb4, 0xf4, 0x48, 0x80, 0x45, 0xa2, 0x7c, 0x10, 0xd7, 0x43, 0x60, 0x98, 0x85, 0x4d, 0x88, 0x92, 0x7c, 0xd0, 0x60, 0x89, 0x11, 0xe6, 0x86, 0x93, 0xa6, 0xdb, 0xa5, 0x69, 0xef, 0xe7, 0x08, 0x12, 0x09, 0xde, 0x13, 0x2e, 0x30, 0x20, 0x98, 0xf0, 0x48, 0x9d, 0x20, 0x10, 0x2d, 0xb4, 0x42, 0x65, 0xc5, 0xd1, 0xb2, 0x01, 0x20, 0x99, 0x0a, 0x44, 0x6f, 0x2a, 0xf5, 0x74, 0x10, 0x91, 0x99, 0x22, 0x42, 0x4e, 0x1a, 0xbe, 0x74, 0x77, 0x26, 0x35, 0x46, 0xe1, 0x39, 0xb8, 0xd9, 0x1c, 0x8c, 0x4f, 0x9a, 0x80, 0x2c, 0x44, 0x9f, 0x7a, 0xa9, 0xe6, 0x07, 0xb6, 0x54, 0xb8, 0x8b, 0xcc, 0xf7, 0x26, 0x0e, 0xd0, 0x6e, 0x55, 0x48, 0x8d, 0xad, 0x28, 0x2d, 0x91, 0x36, 0xde, 0x77, 0x84, 0x19, 0x06, 0x37, 0xf5, 0xec, 0x87, 0x08, 0x00, 0x88, 0x3c, 0x94, 0x92, 0xe2, 0x00, 0x8b, 0x12, 0x81, 0x32, 0x01, 0x25, 0x22, 0x64, 0xc0, 0x3b, 0x20, 0xb8, 0x41, 0x80, 0x9b, 0x45, 0xc4, 0x11, 0x33, 0x29, 0xcc, 0x17, 0x18, 0xde, 0xfb, 0xa5, 0x78, 0x04, 0x1d, 0xfb, 0x90, 0x76, 0xe5, 0x21, 0x41, 0xde, 0xf0, 0x0f, 0x24, 0xe4, 0x00, 0x3b, 0xba, 0x24, 0x22, 0x6c, 0x55, 0x0e, 0x6a, 0x44, 0x77, 0xca, 0xb2, 0xe8, 0x69, 0x37, 0x93, 0xdc, 0x91, 0x71, 0x31, 0x22, 0xfe, 0x49, 0x49, 0x1b, 0xc2, 0x04, 0x13, 0x62, 0x6c, 0x83, 0xb0, 0x84, 0x88, 0x98, 0x82, 0x67, 0x92, 0x64, 0x90, 0x37, 0x2a, 0x8b, 0xac, 0x22, 0x6f, 0xdc, 0x8d, 0xc7, 0x72, 0x09, 0x2d, 0x16, 0x98, 0x4b, 0x70, 0x4c, 0x89, 0x4d, 0xba, 0xa6, 0x47, 0xad, 0x57, 0x58, 0x8f, 0x5a, 0x46, 0x06, 0xee, 0x1e, 0xe4, 0xb9, 0xcb, 0x5a, 0x3c, 0x50, 0x49, 0x00, 0x09, 0x8f, 0x52, 0x6d, 0x93, 0xb7, 0xad, 0x27, 0x3b, 0x90, 0xd9, 0x31, 0x32, 0x0e, 0xa1, 0x1d, 0x13, 0xbd, 0xc7, 0x24, 0x48, 0x06, 0x08, 0x11, 0xca, 0xc9, 0x3f, 0x49, 0x24, 0x40, 0x1e, 0xb4, 0x08, 0x6c, 0x10, 0x44, 0x8e, 0xf4, 0xc1, 0xea, 0x6c, 0x98, 0x37, 0xbe, 0xc8, 0x24, 0x38, 0x40, 0x2a, 0x4d, 0xa0, 0xee, 0x15, 0x02, 0xd9, 0xbf, 0x24, 0x9d, 0x1b, 0x8e, 0x5b, 0x29, 0x69, 0xdc, 0xec, 0x02, 0xa9, 0xec, 0xc9, 0xf6, 0x20, 0xc4, 0x4c, 0x99, 0x4b, 0xca, 0x0a, 0xa1, 0x00, 0xdc, 0xa5, 0x53, 0x78, 0x13, 0x28, 0x00, 0x98, 0x0e, 0x84, 0xcc, 0x82, 0x2f, 0xec, 0x48, 0xb6, 0xc0, 0xe9, 0xb2, 0x4e, 0x00, 0x96, 0xc8, 0xb7, 0x8e, 0xc8, 0x83, 0xb0, 0x56, 0x2c, 0x24, 0xc4, 0xac, 0x6f, 0xbd, 0xca, 0x5e, 0xa5, 0x62, 0x6f, 0x07, 0x61, 0x64, 0x36, 0x34, 0xdc, 0x8f, 0x05, 0x10, 0xd9, 0x24, 0x13, 0xf4, 0xaa, 0xf0, 0x71, 0x46, 0x9b, 0xd8, 0x94, 0xdb, 0xa8, 0x34, 0x89, 0x17, 0xea, 0x14, 0xda, 0x0c, 0x05, 0x40, 0x02, 0x00, 0x24, 0xdb, 0x64, 0x08, 0x23, 0x6b, 0xce, 0xf2, 0xaa, 0x26, 0x39, 0x15, 0x90, 0x3e, 0xdd, 0xa7, 0x40, 0xe4, 0xaf, 0x54, 0x09, 0x0a, 0x7d, 0x28, 0xfe, 0xbf, 0x97, 0xde, 0xbd, 0x2f, 0x16, 0x09, 0xf4, 0x3b, 0xf8, 0x2f, 0x2c, 0xf3, 0x79, 0xd2, 0x6f, 0xde, 0xa2, 0xf2, 0x66, 0x20, 0xf7, 0x29, 0x73, 0xa3, 0x6b, 0x26, 0xd2, 0x27, 0x9a, 0xa2, 0xde, 0xf0, 0x42, 0x72, 0xd0, 0x08, 0x10, 0x0f, 0x9a, 0x97, 0x3a, 0x3a, 0x78, 0x75, 0x49, 0xa4, 0x03, 0xca, 0xe5, 0x33, 0x05, 0xe0, 0xda, 0xc5, 0x22, 0x46, 0xad, 0x89, 0x41, 0xec, 0xb4, 0xc0, 0x37, 0xba, 0x1c, 0x05, 0xac, 0x67, 0x9a, 0x3a, 0x8b, 0xc7, 0x2e, 0x49, 0x48, 0xd8, 0xec, 0x7b, 0x91, 0x11, 0xb8, 0xb7, 0x81, 0x4c, 0x18, 0x11, 0x06, 0x0f, 0x71, 0x41, 0x02, 0x65, 0xa9, 0x02, 0x48, 0x33, 0xb1, 0xee, 0x48, 0x77, 0x02, 0x79, 0x21, 0xc4, 0xc4, 0x11, 0x17, 0x94, 0xdc, 0x24, 0x83, 0x22, 0xdb, 0xdd, 0x03, 0x4b, 0x8d, 0x8f, 0x8a, 0x72, 0xde, 0x44, 0x79, 0xa6, 0x5d, 0x10, 0x35, 0x37, 0x4a, 0x97, 0x5e, 0x34, 0x90, 0x80, 0x2e, 0x64, 0xd9, 0x32, 0x63, 0x63, 0x6f, 0x14, 0x9c, 0x64, 0xd8, 0x5b, 0xc5, 0x22, 0xf8, 0xb5, 0xa7, 0x72, 0xa4, 0xbc, 0x77, 0x47, 0x3e, 0x69, 0x87, 0x09, 0xe6, 0xa4, 0xbc, 0xea, 0x91, 0x11, 0xea, 0x4e, 0x40, 0x24, 0x5f, 0xd8, 0x9e, 0xa0, 0x2c, 0x0f, 0xb5, 0x02, 0xb3, 0x34, 0x9e, 0xd3, 0x6f, 0xdf, 0x0a, 0x7d, 0x23, 0x39, 0x91, 0x3e, 0x29, 0x8a, 0x8d, 0x10, 0x01, 0xb6, 0xea, 0x9b, 0x50, 0x5f, 0x4b, 0x81, 0x94, 0x8b, 0xaf, 0x62, 0x3c, 0x24, 0x20, 0x10, 0x04, 0x11, 0xeb, 0x90, 0x91, 0xd8, 0x43, 0x89, 0x54, 0x4d, 0x81, 0x07, 0x6e, 0xe4, 0x02, 0x07, 0x4e, 0xa8, 0x71, 0xf0, 0x9f, 0x1f, 0xa9, 0x63, 0x24, 0x93, 0x69, 0x41, 0x06, 0xdd, 0x7c, 0x14, 0xcc, 0x19, 0x27, 0xd7, 0xf7, 0x2b, 0x0f, 0x6b, 0x6e, 0xe3, 0x64, 0xda, 0xf6, 0xc5, 0x88, 0x54, 0x48, 0x9e, 0xcb, 0x87, 0x7a, 0x40, 0xee, 0x22, 0xde, 0x28, 0x0e, 0x26, 0xc4, 0x8f, 0xa5, 0x38, 0x00, 0xa4, 0xe7, 0xe9, 0x75, 0x81, 0xba, 0x09, 0xb6, 0xa9, 0x1d, 0xea, 0x64, 0x5a, 0x3a, 0xf5, 0x09, 0x93, 0x36, 0x06, 0xc5, 0x4b, 0x88, 0xb0, 0x98, 0x29, 0x07, 0x1f, 0x19, 0x59, 0x1a, 0x6c, 0x24, 0x5f, 0xac, 0x2c, 0x82, 0x06, 0xf7, 0x50, 0xed, 0xed, 0x03, 0xd4, 0x53, 0xb5, 0xa1, 0xa0, 0xf5, 0x52, 0xde, 0x60, 0x08, 0xfa, 0x15, 0x12, 0x40, 0xdc, 0x4f, 0x3b, 0x24, 0x1c, 0x1d, 0x64, 0xc7, 0x52, 0x7d, 0x89, 0x12, 0x66, 0xc4, 0x14, 0xe4, 0x00, 0x0c, 0x0f, 0x30, 0x99, 0x22, 0x6f, 0xcf, 0xa1, 0x43, 0xa0, 0x5c, 0xed, 0xc9, 0x4c, 0x80, 0x6f, 0x13, 0xe4, 0x9c, 0xea, 0x1d, 0xdf, 0x42, 0x0b, 0x8e, 0xc4, 0xcf, 0xa9, 0x4b, 0x4f, 0x68, 0xea, 0xf2, 0x4c, 0xb8, 0x03, 0x20, 0x00, 0x36, 0xdd, 0x32, 0xe0, 0x05, 0xc8, 0xeb, 0xba, 0x90, 0xeb, 0x98, 0xd9, 0x4e, 0xa2, 0x5d, 0xc8, 0x77, 0xca, 0xc9, 0xa8, 0x69, 0xdc, 0x21, 0xc6, 0x05, 0xb7, 0x3d, 0xc8, 0xbe, 0xc6, 0x4f, 0xa8, 0xa6, 0x0e, 0x9d, 0xc0, 0x48, 0x38, 0x5c, 0xd9, 0x30, 0x44, 0xc1, 0x33, 0xd1, 0x2d, 0x56, 0x20, 0x4a, 0x7a, 0x89, 0x22, 0x65, 0x39, 0x9d, 0xef, 0xed, 0x53, 0xca, 0xe0, 0xd9, 0x32, 0xe0, 0x47, 0x34, 0x9a, 0xe1, 0xa6, 0xdb, 0xa5, 0xb9, 0x99, 0xba, 0x7a, 0x85, 0xa2, 0x2f, 0xde, 0x99, 0x20, 0x6e, 0x4e, 0xd0, 0x86, 0xe9, 0x22, 0xd7, 0xf5, 0x14, 0x18, 0xd5, 0x24, 0x42, 0x44, 0xf4, 0x27, 0xd6, 0x91, 0x74, 0x1b, 0xcc, 0x75, 0x56, 0x2e, 0x0c, 0x49, 0x94, 0x83, 0x5c, 0x05, 0xc1, 0x32, 0xab, 0x41, 0x26, 0xed, 0x70, 0xf6, 0xa1, 0x94, 0xdc, 0x5c, 0x43, 0x66, 0xca, 0xd9, 0x4d, 0xce, 0x27, 0x48, 0x2e, 0x3d, 0x07, 0x25, 0x24, 0x9a, 0x66, 0x2a, 0x76, 0x63, 0xa8, 0x58, 0xb1, 0x58, 0xca, 0x74, 0xe9, 0x93, 0x21, 0xdd, 0x00, 0x1c, 0xfb, 0x97, 0x27, 0xe3, 0x19, 0x87, 0x2c, 0x0d, 0x58, 0xfe, 0xcf, 0xde, 0xbe, 0x8f, 0xc4, 0xf7, 0xab, 0x48, 0x1d, 0xa0, 0xaf, 0x33, 0x5e, 0x8b, 0x5b, 0xb4, 0xec, 0x39, 0xf7, 0x2d, 0x22, 0xf2, 0xe6, 0x99, 0x3c, 0xd2, 0x24, 0xc2, 0xc7, 0x5e, 0xa3, 0x81, 0x80, 0x60, 0x2c, 0x5e, 0x91, 0xc3, 0x62, 0x91, 0xa8, 0xe9, 0xdd, 0x65, 0xd4, 0x5c, 0xe6, 0xca, 0xc8, 0xd7, 0x18, 0xf5, 0xa4, 0xea, 0x8e, 0x0e, 0xb4, 0x6e, 0xac, 0x38, 0xea, 0x29, 0x36, 0xa3, 0xa7, 0x7e, 0x69, 0x6a, 0x3a, 0x67, 0x9c, 0xa1, 0xef, 0x31, 0xb0, 0xf2, 0x58, 0x9d, 0x5d, 0xc0, 0x58, 0x0f, 0x6a, 0xc2, 0x71, 0x75, 0x03, 0xa0, 0x06, 0xc7, 0xad, 0x6b, 0xfe, 0x14, 0xad, 0x7e, 0xc5, 0x3f, 0x23, 0xef, 0x58, 0x8e, 0x6f, 0x88, 0x9f, 0x99, 0x4b, 0xf6, 0x7e, 0xf5, 0x89, 0xd9, 0xd6, 0x20, 0x0b, 0x32, 0x8f, 0x91, 0xf7, 0xad, 0x7f, 0xc3, 0xf8, 0xa9, 0xfc, 0xdd, 0x0d, 0xff, 0x00, 0x54, 0xfb, 0xd4, 0xbf, 0x88, 0xf1, 0x8d, 0x7c, 0x0a, 0x74, 0x23, 0xc1, 0xde, 0xf5, 0xaa, 0xfe, 0x2a, 0xc6, 0x80, 0x3f, 0x15, 0x87, 0xf2, 0x77, 0xda, 0x58, 0x6a, 0xf1, 0x6e, 0x3d, 0xbb, 0x52, 0xc3, 0x0f, 0x53, 0xbe, 0xd2, 0x91, 0xc6, 0x39, 0x86, 0x93, 0xf8, 0xac, 0x37, 0xec, 0xbb, 0xed, 0x2c, 0x67, 0x8d, 0x33, 0x1d, 0x3f, 0x9a, 0xc2, 0xfe, 0xcb, 0xbe, 0xd2, 0x97, 0x71, 0xb6, 0x65, 0x3f, 0x99, 0xc2, 0x7e, 0xcb, 0xbe, 0xd2, 0xc6, 0x78, 0xe3, 0x33, 0x04, 0xc5, 0x1c, 0x27, 0xec, 0x3b, 0xed, 0x2d, 0x4a, 0xfc, 0x7d, 0x9a, 0x83, 0x6a, 0x38, 0x3d, 0xff, 0x00, 0x51, 0xdf, 0x69, 0x2f, 0x97, 0xd9, 0xa9, 0x17, 0xa3, 0x83, 0xfd, 0x87, 0x7d, 0xa5, 0x43, 0x8e, 0xf3, 0x48, 0xfc, 0xd6, 0x13, 0x6f, 0xd4, 0x77, 0xda, 0x57, 0x4f, 0x8e, 0x33, 0x32, 0x0f, 0xe2, 0x70, 0x7b, 0x7e, 0xa3, 0xbe, 0xd2, 0x91, 0xc7, 0x99, 0xa6, 0x93, 0xf8, 0x9c, 0x1f, 0xec, 0x3b, 0xed, 0x28, 0x1c, 0x77, 0x9a, 0x4b, 0xbf, 0x11, 0x83, 0xfd, 0x87, 0x7d, 0xa4, 0xdb, 0xc7, 0x79, 0xa4, 0xfe, 0x6b, 0x09, 0xb7, 0xea, 0x3b, 0xed, 0x2d, 0x4c, 0x57, 0x1f, 0x66, 0xd1, 0xf9, 0xbc, 0x27, 0x3f, 0xd0, 0x77, 0xda, 0x58, 0x5b, 0xc7, 0x79, 0xa9, 0x17, 0xa7, 0x85, 0xfd, 0x97, 0x7d, 0xa5, 0x6d, 0xe3, 0xec, 0xde, 0x07, 0x63, 0x0b, 0xfb, 0x2e, 0xfb, 0x49, 0xfc, 0xbf, 0xcd, 0x83, 0x27, 0xd1, 0x60, 0xc9, 0xef, 0x63, 0xbe, 0xd2, 0x81, 0xf0, 0x89, 0x9b, 0x87, 0x18, 0xa1, 0x81, 0xfd, 0xdb, 0xbe, 0xd2, 0x93, 0xf0, 0x91, 0x9c, 0x83, 0x02, 0x8e, 0x06, 0x3f, 0xe5, 0xbb, 0xed, 0x2a, 0x67, 0xc2, 0x46, 0x73, 0xfe, 0xc7, 0x03, 0xfb, 0xb7, 0x7d, 0xa5, 0xb0, 0x38, 0xff, 0x00, 0x38, 0x73, 0xae, 0xcc, 0x27, 0xee, 0xcf, 0xbd, 0x58, 0xe3, 0xcc, 0xdf, 0x5f, 0xcd, 0xc2, 0xfe, 0xec, 0xfb, 0xd3, 0x1c, 0x77, 0x9b, 0x90, 0x2d, 0x86, 0x1e, 0x14, 0xcf, 0xbd, 0x6c, 0xbf, 0x8b, 0xf3, 0x60, 0x4c, 0x54, 0xa5, 0xfb, 0xb0, 0xb0, 0x9e, 0x31, 0xcd, 0xe2, 0x7d, 0x25, 0x29, 0xff, 0x00, 0x96, 0x14, 0x3b, 0x8b, 0xf3, 0x62, 0x27, 0xd2, 0xd3, 0x07, 0xba, 0x98, 0x59, 0x5d, 0xc5, 0x19, 0xb0, 0x10, 0x31, 0x2d, 0xfd, 0xdb, 0x7d, 0xc9, 0x37, 0x88, 0x73, 0x4a, 0xb4, 0x89, 0x38, 0xb2, 0xd3, 0xfd, 0x56, 0x37, 0xeb, 0x0a, 0x2b, 0xe7, 0x99, 0xae, 0x11, 0xe4, 0xb3, 0x30, 0xaa, 0xfe, 0xe7, 0xb5, 0x84, 0x7d, 0x0b, 0x50, 0x71, 0x8e, 0x74, 0x35, 0x46, 0x29, 0xbb, 0xff, 0x00, 0xb2, 0x6f, 0xb9, 0x15, 0x38, 0xd3, 0x3c, 0x10, 0x06, 0x2d, 0xa0, 0x7f, 0xca, 0x6f, 0xb9, 0x5b, 0xf8, 0xbf, 0x3b, 0x00, 0x46, 0x32, 0x3f, 0xfc, 0x4c, 0xf7, 0x2b, 0x3c, 0x51, 0x9d, 0x39, 0xd7, 0xc7, 0xbb, 0xf7, 0x54, 0xfe, 0xca, 0x6e, 0xe2, 0x6c, 0xee, 0xd1, 0x99, 0x54, 0x1e, 0x14, 0xa9, 0x7d, 0x95, 0x91, 0xd9, 0xee, 0x74, 0xe1, 0x7c, 0xdb, 0x11, 0xfb, 0xba, 0x5f, 0x61, 0x66, 0x6e, 0x63, 0x9b, 0x93, 0x07, 0x39, 0xc6, 0x44, 0xfe, 0xa5, 0x1f, 0xb0, 0xb6, 0x85, 0x6c, 0xcc, 0x8b, 0xe7, 0x58, 0xdf, 0xd8, 0xa3, 0xfc, 0x35, 0xb2, 0x3f, 0x09, 0x17, 0x0f, 0xcb, 0x78, 0xf0, 0x3b, 0x9b, 0x47, 0xf8, 0x6b, 0x68, 0x50, 0xcc, 0x1d, 0x1f, 0x97, 0x33, 0x11, 0xe0, 0xca, 0x1f, 0xc3, 0x5b, 0x54, 0xb0, 0x18, 0xd3, 0xbe, 0x7b, 0x99, 0x7e, 0xcd, 0x0f, 0xe1, 0xad, 0xca, 0x59, 0x36, 0x26, 0x7f, 0xa7, 0x73, 0x4f, 0xd9, 0xa1, 0xfc, 0x25, 0xb2, 0x32, 0x3c, 0x41, 0x89, 0xcf, 0x73, 0x4f, 0x2a, 0x1f, 0xc2, 0x56, 0x32, 0x0a, 0xf7, 0xfc, 0xbb, 0x9a, 0xf9, 0x50, 0xfe, 0x12, 0x67, 0x87, 0x6b, 0x49, 0xfc, 0xbd, 0x9b, 0x7f, 0xfa, 0x3f, 0x84, 0xb0, 0x0c, 0x86, 0xb9, 0xd3, 0xf9, 0x7b, 0x37, 0xf5, 0x1a, 0x3f, 0xc3, 0x47, 0xe0, 0x0a, 0xff, 0x00, 0xef, 0xec, 0xdf, 0xce, 0x8f, 0xf0, 0xd4, 0xbb, 0x20, 0xaf, 0xa4, 0x7e, 0x5f, 0xce, 0x3f, 0x6e, 0x97, 0xf0, 0xd1, 0x4f, 0x87, 0x6b, 0x38, 0xdf, 0x3f, 0xce, 0x7d, 0x4f, 0xa5, 0xfc, 0x35, 0x97, 0xe4, 0xc5, 0x4d, 0x23, 0xf2, 0xfe, 0x75, 0xfb, 0xca, 0x5f, 0xc3, 0x52, 0x38, 0x69, 0xe5, 0xd7, 0xcf, 0xb3, 0xad, 0xbf, 0xda, 0xd3, 0xfb, 0x0b, 0x29, 0xe1, 0x52, 0xe8, 0x9c, 0xf3, 0x3a, 0xfd, 0xed, 0x3f, 0xb0, 0xb2, 0x53, 0xe1, 0x21, 0x52, 0x27, 0x3c, 0xce, 0xc7, 0x85, 0x76, 0x0f, 0xfe, 0x8b, 0x6e, 0x9f, 0x05, 0x52, 0x24, 0x4e, 0x77, 0x9d, 0xff, 0x00, 0x78, 0x6f, 0xd8, 0x56, 0xce, 0x0a, 0xc3, 0xbf, 0xe7, 0x66, 0xf9, 0xd1, 0xff, 0x00, 0xd4, 0x8f, 0xb2, 0xb3, 0xe1, 0x78, 0x0f, 0x07, 0x54, 0x9d, 0x59, 0xb6, 0x74, 0x3c, 0x31, 0x40, 0x7f, 0xf5, 0x4c, 0xf0, 0x1e, 0x09, 0xad, 0x31, 0x9a, 0xe7, 0x7b, 0xff, 0x00, 0xe3, 0x0f, 0xb9, 0x3f, 0x90, 0x58, 0x2f, 0xf7, 0xae, 0x79, 0xbf, 0xfe, 0x30, 0xfb, 0x95, 0x0f, 0x83, 0xfc, 0x03, 0x80, 0x9c, 0xd3, 0x3c, 0xfe, 0xfa, 0x7d, 0xcb, 0x20, 0xf8, 0x3a, 0xcb, 0x1d, 0x13, 0x99, 0xe7, 0xbf, 0xe2, 0x0f, 0x58, 0xff, 0x00, 0x93, 0x9c, 0xa8, 0x8b, 0xe6, 0x19, 0xef, 0xf8, 0x8d, 0x4f, 0x7a, 0xaf, 0xe4, 0xe7, 0x2a, 0x8f, 0xe9, 0x0c, 0xf7, 0xfc, 0x46, 0xa7, 0xbd, 0x07, 0xe0, 0xe3, 0x29, 0x26, 0xf9, 0x86, 0x7b, 0xfe, 0x25, 0x57, 0xde, 0xad, 0x9f, 0x06, 0xb9, 0x41, 0x6d, 0xf1, 0xf9, 0xef, 0xf8, 0x95, 0x5f, 0x7a, 0xb1, 0xf0, 0x69, 0x93, 0xb4, 0x18, 0xc6, 0xe7, 0x9f, 0xe2, 0x75, 0xbd, 0xea, 0x07, 0xc1, 0xb6, 0x4c, 0xe3, 0x7c, 0x66, 0x76, 0x7f, 0xf7, 0x3a, 0xdf, 0x69, 0x03, 0xe0, 0xd3, 0x24, 0x00, 0xc6, 0x2b, 0x3b, 0xff, 0x00, 0x13, 0xad, 0xf6, 0x95, 0x0f, 0x83, 0x3c, 0x8d, 0xd1, 0x38, 0x9c, 0xe8, 0xff, 0x00, 0xee, 0x75, 0xbe, 0xd2, 0xc6, 0xef, 0x83, 0x5c, 0x8c, 0x11, 0xf8, 0xfc, 0xe0, 0xf8, 0xe6, 0x55, 0xbe, 0xd2, 0x63, 0xe0, 0xd7, 0x21, 0x76, 0xf5, 0x73, 0x6f, 0xf1, 0x1a, 0xdf, 0x69, 0x50, 0xf8, 0x31, 0xe1, 0xf8, 0xfc, 0xe6, 0x6d, 0xfe, 0x23, 0x5b, 0xed, 0x2c, 0x83, 0xe0, 0xbb, 0x87, 0xb5, 0x10, 0x5d, 0x99, 0x91, 0xdf, 0x8f, 0xab, 0xef, 0x58, 0xc7, 0xc1, 0x8f, 0x0d, 0xc1, 0x76, 0x8c, 0xc2, 0x7a, 0xfc, 0x7e, 0xb7, 0xda, 0x57, 0xfc, 0x97, 0xf0, 0xd9, 0xdd, 0xb9, 0x87, 0xf7, 0xea, 0xbf, 0x69, 0x63, 0xfe, 0x4c, 0x38, 0x68, 0x8b, 0xd2, 0xc7, 0x1f, 0x1c, 0x6d, 0x5f, 0xb4, 0xaf, 0xf9, 0x2d, 0xe1, 0xa6, 0x98, 0x14, 0xb1, 0xc0, 0x7f, 0xe7, 0x2a, 0x7b, 0xd4, 0x1f, 0x82, 0xee, 0x19, 0x33, 0x34, 0x71, 0xdf, 0xdf, 0x6a, 0xfd, 0xa5, 0x0e, 0xf8, 0x2e, 0xe1, 0x9f, 0xf6, 0x38, 0xef, 0xef, 0xb5, 0x7e, 0xd2, 0x75, 0x7e, 0x0a, 0xb8, 0x63, 0x4c, 0xfa, 0x2c, 0x74, 0xf5, 0xf8, 0xed, 0x5f, 0x7a, 0xc5, 0x53, 0xe0, 0xab, 0x87, 0x1b, 0xb1, 0xcc, 0x87, 0xfe, 0xba, 0xa7, 0xbd, 0x47, 0xf2, 0x53, 0xc3, 0x6e, 0xb9, 0x39, 0x91, 0x3f, 0xf9, 0xea, 0x9e, 0xf5, 0x3f, 0xc9, 0x57, 0x0d, 0x89, 0xb6, 0x62, 0x7c, 0x71, 0xb5, 0x3d, 0xeb, 0x13, 0xbe, 0x09, 0x38, 0x55, 0xf0, 0x5f, 0x87, 0xc6, 0x38, 0x9d, 0xf5, 0x62, 0x9e, 0x7e, 0x92, 0xa6, 0xaf, 0xc0, 0xc7, 0x06, 0x36, 0x08, 0xc0, 0x56, 0x9e, 0xea, 0xc4, 0x7d, 0x09, 0xff, 0x00, 0x23, 0x7c, 0x21, 0x03, 0xf9, 0xae, 0x27, 0xfb, 0xc3, 0x95, 0x8f, 0x81, 0xae, 0x0d, 0x6b, 0x83, 0x8e, 0x02, 0xab, 0x89, 0xdf, 0x55, 0x62, 0x56, 0xc7, 0xf2, 0x3f, 0xc1, 0xbf, 0xee, 0xd7, 0x7e, 0xf5, 0xcb, 0xff, 0xd9 }; unsigned int gray8_page_850x100_5_jpg_len = 11311; unsigned char gray8_page_850x200_0_jpg[] = { 0xff, 0xd8, 0xff, 0xe0, 0x00, 0x10, 0x4a, 0x46, 0x49, 0x46, 0x00, 0x01, 0x01, 0x01, 0x00, 0x48, 0x00, 0x48, 0x00, 0x00, 0xff, 0xdb, 0x00, 0x43, 0x00, 0x06, 0x04, 0x05, 0x06, 0x05, 0x04, 0x06, 0x06, 0x05, 0x06, 0x07, 0x07, 0x06, 0x08, 0x0a, 0x10, 0x0a, 0x0a, 0x09, 0x09, 0x0a, 0x14, 0x0e, 0x0f, 0x0c, 0x10, 0x17, 0x14, 0x18, 0x18, 0x17, 0x14, 0x16, 0x16, 0x1a, 0x1d, 0x25, 0x1f, 0x1a, 0x1b, 0x23, 0x1c, 0x16, 0x16, 0x20, 0x2c, 0x20, 0x23, 0x26, 0x27, 0x29, 0x2a, 0x29, 0x19, 0x1f, 0x2d, 0x30, 0x2d, 0x28, 0x30, 0x25, 0x28, 0x29, 0x28, 0xff, 0xc0, 0x00, 0x0b, 0x08, 0x00, 0xc8, 0x03, 0x52, 0x01, 0x01, 0x11, 0x00, 0xff, 0xc4, 0x00, 0x1c, 0x00, 0x00, 0x03, 0x00, 0x03, 0x01, 0x01, 0x01, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x01, 0x02, 0x03, 0x05, 0x06, 0x04, 0x07, 0x08, 0xff, 0xc4, 0x00, 0x45, 0x10, 0x00, 0x01, 0x03, 0x03, 0x02, 0x03, 0x05, 0x05, 0x04, 0x07, 0x07, 0x03, 0x04, 0x03, 0x00, 0x00, 0x01, 0x00, 0x02, 0x11, 0x03, 0x21, 0x31, 0x04, 0x12, 0x41, 0x51, 0x61, 0x05, 0x06, 0x22, 0x71, 0x81, 0x13, 0x32, 0x91, 0xa1, 0xb1, 0x14, 0x15, 0xc1, 0xd1, 0x16, 0x42, 0x52, 0x72, 0x92, 0xe1, 0xf0, 0x23, 0x24, 0x25, 0x33, 0x35, 0x62, 0xf1, 0x34, 0x53, 0x82, 0x26, 0x43, 0x73, 0x93, 0x36, 0x63, 0x83, 0xff, 0xda, 0x00, 0x08, 0x01, 0x01, 0x00, 0x00, 0x3f, 0x00, 0xfd, 0x09, 0xdb, 0x1d, 0xa7, 0x56, 0x86, 0xa9, 0xd4, 0xe8, 0xbc, 0xb5, 0xa0, 0x01, 0x00, 0x4d, 0xf9, 0xad, 0x73, 0xbb, 0x6b, 0x55, 0x04, 0x8a, 0xc7, 0x38, 0x81, 0xf9, 0x20, 0xf6, 0xde, 0xa9, 0xb1, 0x35, 0x49, 0x9e, 0x81, 0x07, 0xb7, 0x35, 0x66, 0x03, 0x5f, 0x9e, 0x3b, 0x42, 0x07, 0x6c, 0xea, 0xe6, 0xf5, 0x8f, 0x2c, 0x05, 0x5f, 0x7c, 0xea, 0x84, 0xcd, 0x53, 0x03, 0xc9, 0x4f, 0xdf, 0x1a, 0xa3, 0x73, 0x5a, 0x3e, 0x0a, 0x7e, 0xf8, 0xd5, 0x5e, 0x2b, 0x1b, 0x79, 0x25, 0xf7, 0xc6, 0xa6, 0x0c, 0xd5, 0x77, 0xa2, 0x81, 0xdb, 0x1a, 0xa9, 0xb5, 0x67, 0xfc, 0x51, 0xf7, 0xbe, 0xa4, 0x9f, 0xf3, 0x9e, 0xa8, 0xf6, 0xae, 0xab, 0x26, 0xab, 0xf9, 0x65, 0x23, 0xda, 0x9a, 0xa3, 0x8a, 0xcf, 0xfe, 0x24, 0xc7, 0x69, 0xea, 0x72, 0x6b, 0x3e, 0x3f, 0x79, 0x27, 0x76, 0x9e, 0xa0, 0x7f, 0xef, 0xd4, 0xe5, 0xef, 0x94, 0xbe, 0xf4, 0xd4, 0xcd, 0xeb, 0x55, 0xbf, 0xfb, 0xcd, 0x90, 0xde, 0xd4, 0xd4, 0x41, 0xfe, 0xde, 0xa6, 0x63, 0xde, 0x29, 0x9e, 0xd3, 0xd4, 0xe0, 0x57, 0xab, 0xe7, 0xb9, 0x23, 0xda, 0x7a, 0x90, 0x2f, 0x5e, 0xa9, 0xff, 0x00, 0xcc, 0xa5, 0xf7, 0x9e, 0xa0, 0xd8, 0x56, 0xab, 0xfc, 0x65, 0x23, 0xda, 0x7a, 0x98, 0xff, 0x00, 0x3e, 0xa6, 0x7f, 0x6c, 0x92, 0xa4, 0x76, 0x9e, 0xa3, 0x3e, 0xde, 0xac, 0x70, 0xf1, 0x1b, 0xa7, 0xf7, 0xa6, 0xa2, 0x7f, 0xce, 0xab, 0x3c, 0xb7, 0x94, 0x8f, 0x69, 0xea, 0x6e, 0x05, 0x7a, 0x93, 0xfb, 0xe5, 0x36, 0xf6, 0x8e, 0xa0, 0x81, 0x35, 0xea, 0xff, 0x00, 0x11, 0x4d, 0xdd, 0xa9, 0x5c, 0x02, 0x4d, 0x5a, 0xbf, 0xc6, 0x56, 0x33, 0xda, 0xd5, 0xf1, 0xed, 0xaa, 0x7f, 0x11, 0x4b, 0xef, 0x3d, 0x45, 0xc9, 0xaf, 0x5b, 0xf8, 0x8f, 0xe6, 0x98, 0xed, 0x4d, 0x41, 0xc5, 0x6a, 0x9f, 0xc6, 0x53, 0xfb, 0xcf, 0x51, 0xc6, 0xbd, 0x48, 0xe3, 0xe3, 0x2a, 0x07, 0x69, 0xd7, 0x71, 0x9f, 0x6c, 0xf8, 0xfd, 0xe3, 0x74, 0xfe, 0xf0, 0xd4, 0x45, 0xab, 0xd4, 0xbf, 0x0d, 0xc5, 0x2f, 0xbc, 0xf5, 0x0d, 0x99, 0xad, 0x57, 0xf8, 0xca, 0x3e, 0xf2, 0xd4, 0x8b, 0x9a, 0xf5, 0x7f, 0x8c, 0xa4, 0xee, 0xd2, 0xae, 0xe6, 0x90, 0xda, 0xf5, 0x41, 0xfd, 0xe2, 0xb1, 0x7d, 0xe5, 0xa9, 0x03, 0x6f, 0xb6, 0xab, 0x23, 0xfd, 0xe5, 0x50, 0xed, 0x3a, 0xf0, 0x26, 0xbd, 0x5f, 0xe2, 0x28, 0xfb, 0xcb, 0x52, 0x6e, 0x2b, 0x55, 0xfe, 0x22, 0x83, 0xda, 0x3a, 0x99, 0x68, 0xf6, 0xf5, 0x6e, 0x60, 0x9d, 0xe6, 0xc8, 0x3d, 0xa3, 0xa9, 0xc7, 0xb7, 0xab, 0xc8, 0xf8, 0xca, 0x7f, 0x78, 0x57, 0x71, 0x11, 0x56, 0xac, 0x8f, 0xf7, 0x92, 0x98, 0xd7, 0xd7, 0x36, 0x2f, 0xab, 0xfc, 0x45, 0x27, 0x6b, 0xab, 0x70, 0x7b, 0xbf, 0x89, 0x27, 0x6b, 0x2b, 0x48, 0x25, 0xee, 0x9e, 0x3e, 0x29, 0x53, 0xf6, 0xda, 0x97, 0x97, 0x19, 0x3d, 0x54, 0x1d, 0x5d, 0x5d, 0xb6, 0x71, 0x9f, 0x35, 0x1f, 0x6b, 0xae, 0x04, 0x6f, 0x3e, 0x6a, 0x5d, 0xa9, 0xa8, 0xeb, 0x17, 0x98, 0xe5, 0x28, 0xfb, 0x45, 0x4b, 0x10, 0x5d, 0x6e, 0x7c, 0x50, 0x35, 0x35, 0x37, 0x49, 0x3e, 0xb2, 0xaf, 0xed, 0x55, 0x2f, 0x0e, 0x30, 0xa9, 0xba, 0xaa, 0x9b, 0x6e, 0x4c, 0x2a, 0x1a, 0xa7, 0xed, 0xf1, 0x4f, 0xc5, 0x5b, 0xb5, 0x8f, 0x1b, 0x76, 0x9b, 0x11, 0x65, 0x3f, 0x6a, 0xa9, 0xef, 0x00, 0x65, 0x4b, 0xeb, 0xbd, 0xc2, 0x49, 0x32, 0x54, 0x1a, 0xef, 0x2d, 0x00, 0x38, 0xe7, 0x9e, 0x10, 0x2b, 0xd4, 0x12, 0x03, 0x8a, 0x87, 0xd7, 0x7c, 0x89, 0x25, 0x2f, 0x6c, 0xf1, 0x30, 0x55, 0x0a, 0xc4, 0x80, 0x49, 0xc1, 0x2a, 0xc5, 0x77, 0x86, 0xd9, 0xc7, 0xe2, 0x9f, 0xda, 0x5f, 0x61, 0x38, 0xf9, 0xaa, 0x6e, 0xa1, 0xd1, 0x03, 0x27, 0x29, 0x3e, 0xb3, 0xf3, 0x72, 0x50, 0x2b, 0x3c, 0x82, 0x70, 0x8f, 0x6e, 0xee, 0x65, 0x1e, 0xdc, 0xed, 0x8e, 0x69, 0x1a, 0xee, 0x91, 0x94, 0xdd, 0xa8, 0x79, 0x12, 0xd9, 0xe5, 0x85, 0x8b, 0xdb, 0x3b, 0x78, 0x90, 0x67, 0x82, 0xbf, 0x6e, 0xf3, 0xc2, 0xe1, 0x02, 0xbb, 0xc4, 0xcd, 0xc2, 0x5e, 0xdd, 0xd1, 0x67, 0x11, 0xea, 0xa5, 0xd5, 0x9c, 0x44, 0x87, 0x11, 0xc1, 0x48, 0xad, 0x50, 0x5a, 0x6c, 0x13, 0x35, 0x9d, 0x92, 0xeb, 0x04, 0xc6, 0xa0, 0xc0, 0xb8, 0xfa, 0x28, 0x75, 0x67, 0x8c, 0x13, 0x04, 0xca, 0x9f, 0x6c, 0xe1, 0x33, 0x94, 0xfd, 0xbb, 0xc1, 0x12, 0xa8, 0xd6, 0x74, 0x58, 0x88, 0x4b, 0xda, 0xbb, 0x8c, 0x59, 0x31, 0x5c, 0x8f, 0x08, 0x20, 0xfa, 0x23, 0xdb, 0x38, 0xcc, 0xd9, 0x50, 0xac, 0x48, 0xb4, 0xa4, 0x2a, 0x1b, 0xc4, 0x4a, 0x46, 0xa9, 0x88, 0x2e, 0x49, 0xb5, 0x4b, 0x6d, 0x68, 0x55, 0xed, 0x1d, 0xc4, 0x94, 0x8d, 0x57, 0x80, 0x60, 0x98, 0x28, 0x15, 0xdc, 0x1d, 0x12, 0x44, 0xab, 0x35, 0xae, 0x27, 0x82, 0x9f, 0x6a, 0xe8, 0x31, 0x3f, 0x04, 0xc5, 0x67, 0x3a, 0x09, 0xe3, 0x64, 0xdd, 0x58, 0xdf, 0x26, 0x2c, 0x93, 0x6a, 0x3b, 0x71, 0x33, 0xc3, 0x05, 0x49, 0xac, 0xeb, 0x03, 0x29, 0x8a, 0xae, 0x26, 0x44, 0x5b, 0x2a, 0x85, 0x63, 0x31, 0x26, 0x52, 0xf6, 0xc7, 0x9a, 0xc8, 0xda, 0xce, 0x20, 0x47, 0xd5, 0x3f, 0x6b, 0x52, 0xe2, 0x47, 0x2c, 0xa4, 0x2a, 0xb8, 0x10, 0x0c, 0xca, 0x61, 0xe4, 0x9b, 0x4a, 0x1e, 0xe7, 0x62, 0xe7, 0xd1, 0x62, 0xbf, 0xec, 0xad, 0xcf, 0x6e, 0xff, 0x00, 0xa8, 0xd5, 0x03, 0x24, 0x85, 0xad, 0x80, 0x41, 0x99, 0x94, 0x81, 0x21, 0xc2, 0x30, 0x51, 0x70, 0xe2, 0xd1, 0xc5, 0x33, 0x2d, 0x1d, 0x47, 0x54, 0x8c, 0x11, 0x72, 0x6f, 0x98, 0x29, 0x34, 0x93, 0x82, 0x4a, 0x08, 0x6c, 0x5e, 0x6e, 0x53, 0x1b, 0x60, 0x85, 0x20, 0x0b, 0x12, 0x0f, 0x4b, 0x2a, 0x99, 0xc4, 0x40, 0x48, 0xbb, 0x9d, 0x82, 0x77, 0x0d, 0xb1, 0xf9, 0x65, 0x02, 0x0f, 0x1b, 0xa0, 0xf2, 0x24, 0x58, 0xce, 0x13, 0x71, 0x3b, 0x49, 0x04, 0x9b, 0xa4, 0xd7, 0x4b, 0x49, 0x3e, 0x49, 0x17, 0x78, 0x80, 0x04, 0xc0, 0x19, 0x54, 0x2c, 0xdc, 0xe7, 0xa4, 0x29, 0x75, 0xae, 0x08, 0x4a, 0x4c, 0x12, 0x63, 0x1c, 0xa5, 0x29, 0x04, 0x8b, 0x98, 0x54, 0x64, 0x5c, 0x45, 0xf2, 0x48, 0xca, 0x98, 0x32, 0x5d, 0x2d, 0x82, 0x97, 0x11, 0x04, 0x58, 0xa0, 0x92, 0x72, 0x0d, 0xfa, 0xa8, 0x7b, 0x43, 0xac, 0x40, 0x81, 0xc2, 0x25, 0x0d, 0x00, 0x08, 0x01, 0xa0, 0x79, 0x22, 0x0c, 0xda, 0x11, 0x16, 0xb8, 0xb9, 0x37, 0x4c, 0xe0, 0x80, 0x02, 0x42, 0x2f, 0x61, 0xd1, 0x23, 0x38, 0x71, 0x16, 0xc2, 0x93, 0x06, 0xc4, 0x24, 0x5a, 0xe8, 0xe1, 0x0a, 0x7c, 0x88, 0x54, 0x26, 0x20, 0xd9, 0x26, 0xc9, 0x3e, 0x12, 0xaa, 0x4d, 0xc1, 0x89, 0x99, 0x4e, 0x60, 0x12, 0x4e, 0x0c, 0xe1, 0x40, 0x97, 0x13, 0x06, 0x07, 0x96, 0x56, 0x41, 0x88, 0x24, 0xc7, 0x0b, 0xa6, 0x1c, 0x09, 0xb9, 0x13, 0xe4, 0x90, 0xe2, 0x0f, 0xd5, 0x4c, 0x0e, 0x21, 0x49, 0x02, 0x2c, 0x0a, 0x61, 0x9c, 0xcc, 0x7c, 0xd2, 0xb6, 0x08, 0x1d, 0x3f, 0xe5, 0x36, 0x4c, 0x64, 0x26, 0xe1, 0x00, 0x12, 0x05, 0xf3, 0xc1, 0x00, 0x41, 0xb4, 0x2a, 0x6b, 0x89, 0x81, 0x7b, 0x73, 0x56, 0xe2, 0x33, 0x01, 0x49, 0xc0, 0x24, 0x09, 0xe1, 0x6c, 0x29, 0x04, 0xdc, 0x80, 0x3e, 0x29, 0x48, 0xc1, 0x55, 0x60, 0xd9, 0x16, 0xe3, 0x0a, 0x41, 0xbf, 0x44, 0xa4, 0x4d, 0xee, 0xaa, 0x01, 0x13, 0x05, 0x30, 0x1b, 0x06, 0x20, 0x14, 0x9a, 0x6c, 0x44, 0x03, 0xe8, 0x9b, 0xae, 0x01, 0x10, 0x04, 0xaa, 0x16, 0x26, 0x08, 0x9f, 0x34, 0x89, 0x89, 0x05, 0xc6, 0xe9, 0xe2, 0x2e, 0x3a, 0xa4, 0xcb, 0xcf, 0x31, 0x94, 0x9c, 0x4d, 0x88, 0x16, 0x46, 0x44, 0x5e, 0x50, 0xf0, 0x76, 0x82, 0xd3, 0xe7, 0x74, 0x02, 0x6c, 0x4d, 0x8c, 0xc6, 0x65, 0x17, 0xe0, 0x72, 0x60, 0xa6, 0xeb, 0x4d, 0x81, 0x01, 0x41, 0x71, 0xb1, 0x02, 0xdd, 0x12, 0x2f, 0x36, 0x90, 0x65, 0x29, 0x69, 0x27, 0x3b, 0x92, 0x80, 0xec, 0xcc, 0x0e, 0x8b, 0x23, 0x80, 0x0d, 0xb8, 0x90, 0x3a, 0x24, 0x20, 0xc0, 0x00, 0x5f, 0x0a, 0x1c, 0x06, 0xeb, 0x45, 0x90, 0x2e, 0xe1, 0x69, 0x9e, 0x29, 0xb5, 0xb9, 0x25, 0x32, 0xd0, 0x08, 0x3f, 0x82, 0x5b, 0x40, 0x32, 0x05, 0xfa, 0xa0, 0x34, 0xb8, 0x4f, 0x2c, 0x88, 0x4c, 0x0d, 0xa6, 0xc0, 0xc2, 0x60, 0xb8, 0x9b, 0x01, 0x74, 0x88, 0x24, 0xde, 0x40, 0x09, 0x86, 0xce, 0x7d, 0xd1, 0xf3, 0x45, 0x80, 0x17, 0xbf, 0x04, 0x0f, 0x15, 0x80, 0xf3, 0xe0, 0x99, 0x6c, 0x10, 0x2c, 0x61, 0x28, 0x33, 0x71, 0x74, 0xf0, 0xeb, 0x8b, 0x9c, 0x05, 0x20, 0x1b, 0xe0, 0x49, 0x94, 0xcb, 0x4c, 0x19, 0x81, 0x37, 0x40, 0x68, 0xb4, 0xe7, 0x28, 0x73, 0x44, 0x4f, 0x54, 0x40, 0xc9, 0x16, 0xe3, 0xd1, 0x50, 0x82, 0xe9, 0x8f, 0x0f, 0x34, 0x60, 0x9c, 0x74, 0xb6, 0x55, 0xb6, 0x03, 0x81, 0x24, 0x4a, 0x64, 0x90, 0x66, 0x3c, 0x90, 0x01, 0x91, 0x85, 0x93, 0x84, 0x98, 0x84, 0x41, 0x06, 0xc8, 0xbf, 0x55, 0xb1, 0xed, 0xc2, 0x7e, 0xf0, 0xaa, 0x04, 0x58, 0x8f, 0x92, 0xd6, 0x17, 0x0d, 0xd7, 0xb9, 0xe2, 0x89, 0x98, 0x27, 0x1f, 0x44, 0x88, 0xbc, 0x95, 0x56, 0x31, 0x7f, 0x8a, 0x41, 0xb9, 0x23, 0x87, 0x44, 0x40, 0x83, 0x37, 0x07, 0x10, 0x82, 0xd3, 0x17, 0x27, 0x32, 0x27, 0x8a, 0x72, 0x48, 0x8e, 0x27, 0x2a, 0x44, 0xc5, 0xa2, 0xf6, 0xba, 0x5e, 0x20, 0xeb, 0x40, 0x01, 0x36, 0x92, 0x2e, 0x66, 0x09, 0xf3, 0x94, 0x12, 0x5d, 0x20, 0x4c, 0x4f, 0x92, 0x01, 0x20, 0x44, 0x84, 0xdc, 0x60, 0x80, 0x4e, 0x7d, 0x50, 0x27, 0x69, 0x06, 0x2c, 0x91, 0x37, 0x80, 0x86, 0x93, 0x12, 0x4f, 0x89, 0x33, 0x36, 0x24, 0x84, 0x13, 0x26, 0xc0, 0x26, 0x0f, 0x30, 0xa5, 0xee, 0xb4, 0x80, 0x91, 0xb8, 0xbc, 0xf9, 0x20, 0xc0, 0x13, 0x16, 0x52, 0x4d, 0xac, 0x2c, 0x47, 0x24, 0x34, 0x98, 0x3c, 0xbc, 0xa1, 0x20, 0x44, 0xc0, 0x3e, 0x99, 0x48, 0xd8, 0xc1, 0x02, 0x0a, 0x30, 0x51, 0xf9, 0xa4, 0xd1, 0x24, 0x9e, 0x1e, 0x68, 0x3c, 0x64, 0x0b, 0xa4, 0x78, 0xc0, 0xb2, 0x5b, 0x4e, 0xd9, 0x04, 0x4a, 0x40, 0xc3, 0xa0, 0xcd, 0xfa, 0x61, 0x1c, 0x71, 0x6e, 0x16, 0x55, 0x1f, 0x08, 0x90, 0xa7, 0x06, 0x66, 0x27, 0xaa, 0x63, 0x39, 0x11, 0xc5, 0x04, 0x1b, 0x8f, 0x85, 0xb2, 0x86, 0x91, 0x70, 0x13, 0x18, 0x36, 0x12, 0xa4, 0x18, 0x24, 0x16, 0xdd, 0x02, 0x79, 0x91, 0xf3, 0x4c, 0x78, 0xa4, 0x0e, 0x08, 0x8b, 0x99, 0x94, 0xdc, 0xe0, 0x05, 0x89, 0x91, 0xd2, 0x65, 0x4c, 0xcb, 0x44, 0x7d, 0x50, 0x1d, 0x13, 0xb4, 0x5f, 0x92, 0x65, 0xc4, 0x98, 0x02, 0xe3, 0xa2, 0x42, 0x49, 0x07, 0xa4, 0x2b, 0x74, 0x5a, 0x26, 0x52, 0x71, 0x33, 0x02, 0xc4, 0x04, 0x78, 0xb2, 0x40, 0x29, 0x83, 0x99, 0xb2, 0x44, 0xb6, 0x3a, 0xa0, 0x36, 0xe4, 0x83, 0xd5, 0x27, 0x3b, 0xc2, 0x41, 0x8b, 0xa9, 0x2e, 0x10, 0x1a, 0x41, 0xe9, 0xc5, 0x36, 0xb9, 0xfd, 0x0f, 0x4c, 0x2a, 0x63, 0xb1, 0x04, 0xc4, 0xa6, 0x5c, 0xe1, 0x31, 0x8c, 0x4a, 0x60, 0x91, 0x00, 0x80, 0x99, 0x82, 0xdb, 0xb4, 0x7c, 0x61, 0x11, 0x27, 0xc8, 0x22, 0x2c, 0xe9, 0x22, 0x63, 0x92, 0x83, 0x25, 0xb6, 0x17, 0x54, 0x27, 0xf5, 0x88, 0x1d, 0x12, 0xc1, 0xbf, 0x0c, 0x14, 0x48, 0x33, 0x24, 0x29, 0xb0, 0x36, 0x1c, 0x56, 0x41, 0x30, 0x48, 0x38, 0xe8, 0x93, 0x8c, 0xc4, 0x63, 0x8a, 0x4d, 0x90, 0x44, 0x5a, 0x7e, 0x6a, 0x5e, 0x05, 0xcc, 0x86, 0xc7, 0x59, 0x4d, 0xb3, 0x17, 0x38, 0xe2, 0x9c, 0xde, 0xe6, 0x41, 0xe1, 0x09, 0x49, 0xb3, 0x41, 0x3f, 0x92, 0x3f, 0x5b, 0xa8, 0xe2, 0x82, 0x26, 0x08, 0x02, 0xd9, 0xea, 0xa6, 0x00, 0x71, 0x90, 0x21, 0x36, 0x8b, 0xc8, 0x36, 0x55, 0x36, 0xc2, 0x0f, 0x19, 0x27, 0xd4, 0x4a, 0x96, 0xcb, 0x8d, 0x89, 0xb6, 0x15, 0x16, 0x98, 0xb9, 0xb9, 0x40, 0x02, 0x04, 0x14, 0x18, 0xb0, 0x22, 0x3c, 0xc6, 0x52, 0xf4, 0x88, 0x4c, 0xb1, 0xae, 0xb9, 0x99, 0xe8, 0x52, 0xda, 0x5b, 0x79, 0x30, 0x78, 0x2a, 0x02, 0xf0, 0x5a, 0x53, 0x37, 0x04, 0x83, 0x6c, 0x0e, 0x09, 0xe0, 0x5b, 0x3c, 0xd3, 0x63, 0x43, 0x8c, 0xc7, 0xce, 0x11, 0x7e, 0x20, 0x44, 0x29, 0xfd, 0x6e, 0x42, 0x14, 0x9d, 0xc6, 0x76, 0xc1, 0x08, 0xcb, 0xae, 0x0c, 0x84, 0xdc, 0xe8, 0x16, 0x00, 0xc9, 0x82, 0x90, 0x2e, 0xdb, 0x68, 0x99, 0xe5, 0x85, 0x91, 0xad, 0x07, 0x97, 0x9a, 0xb8, 0x0d, 0x26, 0x09, 0x93, 0xd5, 0x10, 0x08, 0xe1, 0xeb, 0xc5, 0x54, 0xcb, 0x62, 0x02, 0xa0, 0x08, 0x12, 0xe8, 0xe8, 0xab, 0x71, 0x5e, 0xde, 0xdd, 0x9f, 0xbc, 0x2a, 0xf9, 0xad, 0x61, 0x99, 0x92, 0x0c, 0x24, 0xf8, 0xe6, 0x9b, 0x48, 0x20, 0xc8, 0xbf, 0x04, 0x89, 0x9f, 0x78, 0x19, 0xe0, 0x99, 0xb8, 0xe3, 0xe9, 0x64, 0x3d, 0xde, 0x0c, 0x18, 0x19, 0xff, 0x00, 0x84, 0xcc, 0xed, 0xb4, 0x74, 0xe8, 0xa4, 0x38, 0x34, 0x19, 0xb3, 0xbc, 0xd3, 0x73, 0x81, 0x17, 0xb5, 0xd2, 0xf7, 0x84, 0xc9, 0x48, 0x1d, 0xb0, 0x6f, 0x04, 0xaa, 0x30, 0x66, 0x00, 0xb2, 0x42, 0x20, 0xc8, 0x0a, 0x60, 0x1c, 0x58, 0x2a, 0x10, 0x01, 0x82, 0x50, 0x5c, 0x4b, 0x80, 0x20, 0x14, 0xa0, 0x6e, 0x00, 0xfa, 0x5e, 0x13, 0x23, 0xc4, 0x07, 0xe2, 0x98, 0xbe, 0x3f, 0xe5, 0x27, 0x38, 0x12, 0x22, 0x63, 0xcf, 0x09, 0x4d, 0xf7, 0x09, 0x81, 0xc2, 0x50, 0xe7, 0x4b, 0x66, 0xf3, 0x84, 0x81, 0xb4, 0x00, 0x7c, 0xd2, 0x24, 0x96, 0xcd, 0xd1, 0xc2, 0xc0, 0xc2, 0x71, 0x00, 0x9b, 0x09, 0xe1, 0x85, 0x27, 0x37, 0xe0, 0x93, 0xb1, 0x22, 0x63, 0xc9, 0x26, 0x93, 0x16, 0x69, 0xf8, 0xa7, 0xbb, 0x85, 0xa7, 0xc9, 0x45, 0xe6, 0xe4, 0x7c, 0x50, 0x79, 0x48, 0x4c, 0x80, 0x01, 0x93, 0xc6, 0x25, 0x31, 0x06, 0x60, 0x92, 0xb1, 0x92, 0x2f, 0x04, 0x40, 0x40, 0x74, 0xe0, 0xd9, 0x53, 0xa0, 0x8c, 0x0b, 0xa9, 0x6b, 0xae, 0x00, 0x90, 0x98, 0x71, 0x82, 0x01, 0x1e, 0x65, 0x07, 0x20, 0x18, 0xfa, 0xa7, 0x7d, 0xc0, 0xb6, 0x20, 0x65, 0x49, 0x33, 0x80, 0x7e, 0x28, 0xc0, 0x90, 0x87, 0x12, 0x05, 0x8d, 0xcf, 0x44, 0x53, 0x26, 0x08, 0x29, 0x90, 0x66, 0x4c, 0xc2, 0x4d, 0x88, 0xc1, 0x9e, 0x52, 0x98, 0xf7, 0x60, 0xb8, 0x35, 0xd3, 0x18, 0x40, 0x11, 0x71, 0x24, 0xa3, 0x6c, 0xba, 0xf2, 0x38, 0xd9, 0x51, 0x68, 0x81, 0x07, 0xe2, 0x15, 0x02, 0x0c, 0xd8, 0x58, 0x4a, 0x47, 0x20, 0xc0, 0x41, 0x22, 0x0d, 0xfe, 0x4a, 0x65, 0xa4, 0x5e, 0x64, 0x0c, 0x42, 0x71, 0x79, 0x06, 0xc5, 0x27, 0xc0, 0x07, 0x9d, 0xa1, 0x4b, 0xb7, 0x18, 0x88, 0x01, 0x27, 0x00, 0x01, 0xb1, 0xdc, 0x10, 0x07, 0x84, 0xc4, 0xc8, 0x56, 0x3c, 0x40, 0x49, 0x03, 0x9c, 0x98, 0x40, 0x3d, 0x49, 0xe5, 0x65, 0x6d, 0x6c, 0xe6, 0x61, 0x37, 0x7f, 0xb7, 0x18, 0x51, 0xbb, 0x30, 0x2f, 0x10, 0x4f, 0x34, 0x19, 0x0d, 0xb0, 0x54, 0x36, 0xcb, 0x49, 0xca, 0x06, 0xe2, 0x6e, 0x72, 0x70, 0x0a, 0x97, 0x40, 0x22, 0x37, 0x41, 0x40, 0xbd, 0xaf, 0x3c, 0x13, 0x71, 0x12, 0x04, 0x9b, 0x20, 0xce, 0x6f, 0x74, 0x19, 0x03, 0xaf, 0x0e, 0x88, 0xbf, 0x19, 0x98, 0xb5, 0x92, 0x6c, 0x1b, 0x38, 0x90, 0x91, 0x89, 0x90, 0x0d, 0xb8, 0xf3, 0x4c, 0x0e, 0x31, 0x64, 0xc0, 0x8b, 0x4a, 0x0d, 0xcd, 0xd2, 0xb5, 0xcd, 0xbe, 0x08, 0x20, 0xc0, 0xb6, 0xd0, 0x3d, 0x50, 0x4e, 0x48, 0x74, 0x60, 0x42, 0x63, 0xa9, 0xb7, 0x13, 0x2a, 0x76, 0x82, 0xe3, 0x04, 0xdb, 0xe6, 0x9e, 0xd9, 0x16, 0x22, 0x7c, 0xd2, 0xdb, 0x06, 0xe6, 0x0a, 0xa1, 0x32, 0x25, 0x05, 0xd6, 0x87, 0x4c, 0x9e, 0x88, 0x69, 0x00, 0x80, 0x5a, 0x04, 0xaa, 0x11, 0x06, 0x67, 0xa2, 0x62, 0x46, 0x26, 0xd9, 0x44, 0x4f, 0x98, 0x48, 0x40, 0x32, 0x09, 0x8f, 0x25, 0x46, 0xe6, 0x60, 0xa3, 0x8c, 0x19, 0x94, 0xf6, 0x8b, 0x12, 0x12, 0x2e, 0x10, 0x64, 0x19, 0x52, 0x22, 0x6e, 0x0c, 0x9e, 0x89, 0x86, 0xc0, 0xbb, 0x71, 0x7c, 0x2a, 0x11, 0x30, 0x02, 0x04, 0x03, 0x65, 0x90, 0x36, 0xfc, 0x20, 0xf5, 0x43, 0x48, 0x90, 0xdb, 0x4a, 0x7b, 0x4d, 0xf1, 0x2a, 0x8e, 0xe0, 0x00, 0x1b, 0x7a, 0x94, 0xfd, 0x99, 0xfd, 0xa0, 0xbd, 0x9d, 0xbf, 0x3f, 0x78, 0x55, 0xe4, 0xb5, 0x87, 0xc4, 0x06, 0x50, 0xe2, 0x00, 0xb4, 0x94, 0xaf, 0x36, 0x10, 0x50, 0x67, 0x6d, 0x81, 0xdd, 0x29, 0x6e, 0x90, 0x62, 0x44, 0xa6, 0x08, 0x66, 0x4f, 0x92, 0x9d, 0xc4, 0xba, 0x60, 0xc2, 0x1d, 0xe2, 0x12, 0x49, 0x17, 0x50, 0x5c, 0x4b, 0xa0, 0xe3, 0x82, 0xab, 0xe0, 0x42, 0x62, 0x62, 0xe6, 0xc3, 0x17, 0x48, 0x9b, 0x58, 0x9b, 0x95, 0x40, 0x88, 0x05, 0xde, 0xe9, 0x30, 0x7f, 0xae, 0x29, 0x39, 0xd7, 0x31, 0x8e, 0x09, 0x01, 0x69, 0x84, 0x02, 0x2c, 0x2c, 0x3d, 0x55, 0x17, 0x38, 0x88, 0x24, 0x42, 0x37, 0x4d, 0xbf, 0x92, 0x01, 0x89, 0x91, 0x7e, 0x17, 0x52, 0xe2, 0x03, 0xa0, 0x82, 0x78, 0xa6, 0x5d, 0xe1, 0xc2, 0x09, 0x32, 0x23, 0x08, 0x17, 0xb9, 0x94, 0xff, 0x00, 0x54, 0xc5, 0x8f, 0x05, 0x30, 0xe9, 0xb9, 0x3f, 0x44, 0x1b, 0x99, 0x75, 0xcf, 0x9a, 0x87, 0x58, 0xc8, 0x1f, 0xc9, 0x33, 0x0e, 0x6c, 0x02, 0x64, 0x65, 0x31, 0x61, 0x69, 0x1e, 0x49, 0x00, 0x67, 0x26, 0x10, 0x5b, 0x72, 0x40, 0x09, 0x5a, 0xe4, 0xc2, 0x92, 0x49, 0x89, 0xc2, 0xc5, 0xaa, 0xd4, 0x52, 0xd2, 0x51, 0x75, 0x5a, 0xcf, 0x0c, 0xa6, 0x08, 0xcf, 0x55, 0xe1, 0xfb, 0xef, 0xb3, 0x5c, 0x64, 0x6a, 0x58, 0x7e, 0x2a, 0x8f, 0x6c, 0x76, 0x68, 0x30, 0x35, 0x2c, 0xeb, 0x94, 0xbe, 0xfc, 0xec, 0xd1, 0x6f, 0xb5, 0x32, 0x7c, 0x9c, 0x90, 0xed, 0xce, 0xcc, 0x98, 0x1a, 0x81, 0x38, 0xf7, 0x4f, 0xe4, 0x9b, 0xbb, 0x6f, 0xb3, 0x81, 0x83, 0x5c, 0xcc, 0xfe, 0xc3, 0xbf, 0x24, 0x7d, 0xfb, 0xd9, 0xf3, 0xfe, 0x70, 0x07, 0xf7, 0x1d, 0xf9, 0x29, 0x3d, 0xe0, 0xec, 0xd1, 0x77, 0x6a, 0x49, 0xff, 0x00, 0xc1, 0xdf, 0x92, 0x4d, 0xed, 0xfe, 0xcd, 0x82, 0x1b, 0xa8, 0x33, 0xcb, 0xd9, 0xbb, 0xf2, 0x41, 0xef, 0x07, 0x67, 0x01, 0x06, 0xa9, 0xbe, 0x3c, 0x0e, 0xfc, 0x94, 0xbf, 0xbc, 0x1d, 0x9c, 0xd8, 0x26, 0xb9, 0x9e, 0x7b, 0x5d, 0xf9, 0x20, 0xf6, 0xff, 0x00, 0x67, 0x16, 0xda, 0xb3, 0xa3, 0xa3, 0x5c, 0x8f, 0xbf, 0xfb, 0x38, 0x88, 0x15, 0xdc, 0x7f, 0xf0, 0x76, 0x79, 0x24, 0x3b, 0xc3, 0xd9, 0xc2, 0xfe, 0xd4, 0xee, 0xc4, 0xfb, 0x37, 0x7e, 0x49, 0x3b, 0xbc, 0x5d, 0x9f, 0x26, 0x6b, 0x3c, 0x88, 0xff, 0x00, 0xb6, 0xe3, 0xf8, 0x2a, 0x3d, 0xe0, 0xec, 0xf8, 0x1e, 0x37, 0x44, 0x7f, 0xdb, 0x72, 0x3f, 0x48, 0xbb, 0x38, 0x10, 0x05, 0x4a, 0x93, 0xfb, 0x8e, 0x47, 0xe9, 0x27, 0x66, 0x82, 0x00, 0xa8, 0xfb, 0xe7, 0xc2, 0x53, 0x1d, 0xe1, 0xec, 0xf2, 0x48, 0x6d, 0x4a, 0xa2, 0xdf, 0xb0, 0x52, 0x3d, 0xe2, 0xd1, 0x00, 0x0b, 0x5f, 0x50, 0xf0, 0xf7, 0x0a, 0xa7, 0x77, 0x8b, 0x40, 0xdb, 0x39, 0xcf, 0x92, 0x27, 0xdc, 0xca, 0xc6, 0x3b, 0xcb, 0xd9, 0xd1, 0x67, 0xd5, 0x83, 0x6b, 0x37, 0x8a, 0x6e, 0xef, 0x26, 0x80, 0x0d, 0xa5, 0xd5, 0x0b, 0xbf, 0x75, 0x48, 0xef, 0x37, 0x67, 0x6c, 0x92, 0xea, 0xb0, 0xdb, 0x1f, 0x02, 0x1f, 0xde, 0x6d, 0x00, 0x0c, 0x21, 0xd5, 0x48, 0x38, 0xf0, 0xa0, 0x77, 0x8b, 0x40, 0xfb, 0x97, 0x3c, 0x01, 0xcc, 0x24, 0x3b, 0xc5, 0xa0, 0xf0, 0xcb, 0xea, 0x5c, 0xc1, 0x81, 0xc1, 0x36, 0xf7, 0x8f, 0xb3, 0xdc, 0x09, 0x0e, 0xab, 0x00, 0xc7, 0xbb, 0x30, 0x9b, 0xbb, 0xcd, 0xa1, 0x6b, 0x80, 0x1e, 0xd4, 0x8f, 0xdd, 0x43, 0xfb, 0xc7, 0xa2, 0x6d, 0xcf, 0xb5, 0x8f, 0xdd, 0x94, 0x37, 0xbc, 0x9a, 0x07, 0x03, 0xb4, 0x56, 0x3c, 0xfc, 0x31, 0x0a, 0x7f, 0x49, 0xb4, 0x00, 0xc9, 0x65, 0x71, 0xff, 0x00, 0x88, 0xfc, 0xd4, 0xfe, 0x93, 0xe8, 0x5c, 0xdf, 0x76, 0xb1, 0x83, 0x8d, 0xa0, 0x27, 0xfa, 0x4d, 0xa1, 0xda, 0x03, 0x99, 0x5e, 0x67, 0xf6, 0x45, 0xbe, 0x6a, 0x9b, 0xde, 0x6d, 0x08, 0x88, 0x65, 0x63, 0xd6, 0x02, 0x9f, 0xd2, 0x8d, 0x1c, 0xc1, 0xa3, 0x5c, 0xc7, 0xfb, 0x01, 0xb7, 0xc5, 0x58, 0xef, 0x36, 0x88, 0xc9, 0x14, 0xb5, 0x04, 0xe7, 0xdd, 0x16, 0xf9, 0xa5, 0xfa, 0x4d, 0xa2, 0x37, 0xf6, 0x3a, 0x80, 0x4c, 0x45, 0x85, 0xfe, 0x6b, 0x71, 0xa4, 0xac, 0xcd, 0x56, 0x9d, 0x95, 0x98, 0xd2, 0x1a, 0xf1, 0x30, 0xeb, 0x2c, 0xc0, 0x78, 0x4c, 0x70, 0xe8, 0x9d, 0xf7, 0x41, 0x26, 0x4f, 0xc9, 0x4b, 0xa7, 0x77, 0x0b, 0x2a, 0xe1, 0x38, 0x1d, 0x12, 0xfd, 0x5b, 0x5c, 0x70, 0x40, 0x68, 0x80, 0x0c, 0xc9, 0x4c, 0x0e, 0x44, 0x59, 0x4b, 0x78, 0x80, 0x48, 0x29, 0x99, 0x22, 0xf7, 0x01, 0x2d, 0xb7, 0x11, 0xe6, 0x98, 0x6d, 0xaf, 0xce, 0xfd, 0x54, 0x16, 0x88, 0x37, 0xca, 0xa0, 0x05, 0xa0, 0x0f, 0x82, 0x36, 0x89, 0x92, 0xa8, 0x80, 0x40, 0x00, 0x81, 0xd7, 0x9a, 0x44, 0x46, 0x40, 0x28, 0x11, 0xc4, 0x0b, 0x74, 0x4c, 0xb7, 0xc5, 0x78, 0x84, 0xc8, 0x39, 0x0e, 0x81, 0x31, 0x08, 0x0d, 0x03, 0xf5, 0x8c, 0xf9, 0xa6, 0x64, 0x9b, 0x42, 0x3e, 0x28, 0xdc, 0x26, 0x2e, 0x7e, 0x50, 0xa8, 0xb8, 0x45, 0xc4, 0xfa, 0xa9, 0x06, 0x79, 0xdf, 0x08, 0x2e, 0x04, 0x6d, 0x13, 0x2a, 0x88, 0x31, 0x62, 0x12, 0x80, 0x6e, 0xd1, 0xf3, 0x49, 0xa0, 0xc9, 0x3c, 0x02, 0xc8, 0x0c, 0x41, 0x70, 0x8f, 0x9a, 0x3c, 0x25, 0xc0, 0xda, 0x13, 0x13, 0x12, 0x09, 0xf2, 0x9c, 0x2b, 0x82, 0x6f, 0x25, 0x38, 0x77, 0x32, 0xbd, 0x9d, 0xe0, 0xbf, 0x68, 0xd5, 0x20, 0xe6, 0xeb, 0x54, 0x24, 0x12, 0x2f, 0x6b, 0x26, 0x44, 0x18, 0x04, 0x4a, 0x42, 0x4e, 0x48, 0x1e, 0xa8, 0x24, 0xc1, 0x90, 0x10, 0x48, 0xf5, 0x29, 0x3c, 0xe0, 0x8e, 0x1d, 0x14, 0x93, 0xb9, 0xb8, 0x27, 0xac, 0x2a, 0x6c, 0x5a, 0x47, 0x19, 0x44, 0xdc, 0xe2, 0xc9, 0x12, 0x78, 0x91, 0xf0, 0x53, 0x3c, 0x0c, 0xfc, 0x13, 0x18, 0xc7, 0xcd, 0x33, 0x12, 0x0f, 0xaa, 0x40, 0x89, 0x20, 0x8b, 0x9e, 0xb8, 0x41, 0x22, 0x33, 0x8e, 0x8a, 0xc1, 0x17, 0x20, 0xdd, 0x4c, 0x4b, 0xb8, 0x4e, 0x32, 0xaa, 0xfb, 0x4c, 0x91, 0x20, 0xa9, 0x9b, 0x5c, 0xd9, 0x30, 0xd1, 0xc7, 0x9c, 0xe5, 0x4c, 0x16, 0xb8, 0x87, 0x13, 0x07, 0x08, 0x12, 0x4d, 0xa6, 0x3c, 0x93, 0x13, 0x70, 0x3e, 0x69, 0x06, 0xe6, 0xe6, 0x7c, 0xd5, 0x7b, 0xa0, 0x18, 0x25, 0x49, 0x2d, 0xc8, 0x07, 0xca, 0x12, 0x32, 0x47, 0x18, 0xe2, 0x98, 0x30, 0x09, 0x13, 0x1e, 0x48, 0x69, 0x99, 0xca, 0x7b, 0x5d, 0x16, 0x4a, 0xe0, 0xc1, 0x82, 0x9e, 0x38, 0x65, 0x41, 0x1b, 0x66, 0x32, 0xb4, 0xbd, 0xe9, 0x24, 0xf6, 0x4b, 0xa7, 0xf6, 0x9a, 0x0f, 0xc5, 0x71, 0x70, 0xe0, 0xd2, 0xf6, 0xb8, 0x02, 0x31, 0x7c, 0x28, 0x11, 0x77, 0xb5, 0xdb, 0x9d, 0x11, 0x3f, 0xd6, 0x50, 0x04, 0x01, 0x07, 0xc7, 0xc7, 0x22, 0x10, 0xd7, 0xc9, 0x87, 0x16, 0xc0, 0xcd, 0xa7, 0xe6, 0x55, 0x35, 0xe5, 0x83, 0xc7, 0x24, 0x97, 0x5b, 0xc9, 0x26, 0xd4, 0x0d, 0x73, 0xce, 0xd3, 0x7b, 0xdd, 0x41, 0x70, 0xdc, 0xd7, 0x78, 0x0b, 0x4f, 0x04, 0xc3, 0xdb, 0x21, 0xa0, 0x86, 0xce, 0x60, 0x2a, 0x74, 0x1b, 0x38, 0x8b, 0x28, 0x75, 0xd8, 0x77, 0x19, 0x13, 0x6b, 0x26, 0xdd, 0xa0, 0x82, 0xdc, 0xf1, 0xb2, 0x4e, 0x05, 0xbb, 0xa6, 0xe7, 0xf5, 0x60, 0x0b, 0x29, 0x24, 0x16, 0x8d, 0xd0, 0x1d, 0xe5, 0xc7, 0x94, 0x29, 0x68, 0x98, 0x82, 0x09, 0x95, 0x46, 0xe4, 0x58, 0xc0, 0x28, 0x0e, 0x12, 0x64, 0x80, 0x39, 0xe6, 0x52, 0xa7, 0x0d, 0x82, 0x48, 0x89, 0x3c, 0xd5, 0xee, 0x6b, 0x9e, 0x0b, 0x88, 0x8e, 0x82, 0x51, 0x50, 0xb5, 0xa0, 0x86, 0xbe, 0x22, 0xf8, 0x46, 0xf0, 0x5a, 0x09, 0x36, 0x36, 0xf5, 0x40, 0x79, 0x2e, 0xfe, 0xcc, 0xc0, 0x1c, 0x3f, 0x14, 0x9b, 0x3e, 0xd0, 0xc3, 0xa4, 0x66, 0xfc, 0xd4, 0x17, 0x13, 0x52, 0x48, 0x9f, 0xdd, 0xfc, 0x56, 0x47, 0xbb, 0xc2, 0xd1, 0x23, 0x32, 0x09, 0x2a, 0x1b, 0x52, 0x0f, 0xba, 0x2c, 0x09, 0x43, 0x5c, 0x48, 0x0e, 0x04, 0x02, 0x2f, 0x11, 0x9b, 0x2b, 0x6e, 0xe0, 0x46, 0xc9, 0x0f, 0x22, 0xf1, 0x60, 0x52, 0x6b, 0x5c, 0x5f, 0x0f, 0x89, 0x07, 0xeb, 0x75, 0x96, 0x36, 0x8b, 0x90, 0x49, 0xe2, 0x0c, 0xa8, 0xa8, 0x59, 0xb6, 0x48, 0x25, 0xc3, 0xa2, 0x62, 0x1d, 0xe2, 0x0c, 0x02, 0x20, 0x9e, 0x1f, 0x54, 0x3f, 0xf6, 0xac, 0x41, 0x1c, 0x92, 0x3b, 0x40, 0x1b, 0x43, 0x46, 0x26, 0xca, 0x76, 0x86, 0xb8, 0xc5, 0xf7, 0x5e, 0xd7, 0x55, 0x0e, 0xb1, 0x3b, 0x87, 0x09, 0xb7, 0xc1, 0x64, 0x64, 0x6e, 0xb4, 0x44, 0x41, 0x1c, 0x93, 0x69, 0xb9, 0xc7, 0x31, 0x6c, 0xf0, 0x85, 0xf4, 0x0e, 0xc6, 0xb7, 0x65, 0x69, 0x27, 0xfe, 0xd8, 0x5e, 0xdd, 0xd6, 0xbc, 0x4a, 0xb9, 0xe2, 0x63, 0x9d, 0x86, 0x52, 0x6d, 0x89, 0x93, 0xe4, 0x98, 0xe8, 0x6d, 0xe4, 0x91, 0x16, 0x2a, 0x43, 0xef, 0x61, 0x70, 0xaa, 0x4d, 0xe0, 0x03, 0xcc, 0xa0, 0x11, 0x1f, 0xd5, 0xd0, 0x0c, 0x40, 0x02, 0xc8, 0x71, 0xe5, 0x85, 0x26, 0x08, 0xb4, 0xa0, 0x49, 0x99, 0x30, 0x90, 0x70, 0x98, 0x0a, 0x8b, 0x6d, 0x26, 0x3e, 0x29, 0xb4, 0x58, 0xcc, 0x42, 0x09, 0x06, 0xc4, 0x80, 0x3c, 0x92, 0x92, 0x27, 0x69, 0x31, 0xd5, 0x01, 0xc6, 0xf9, 0xb2, 0xa6, 0x83, 0x03, 0x9e, 0x52, 0x06, 0x5d, 0xe2, 0x32, 0xe4, 0x45, 0xec, 0xe0, 0x3a, 0x42, 0xa2, 0xe2, 0x00, 0x1f, 0x15, 0x24, 0xe2, 0x26, 0xc8, 0xb4, 0xc0, 0x92, 0x55, 0x36, 0x62, 0xc4, 0x22, 0x6e, 0x41, 0x99, 0xf3, 0x44, 0xb4, 0x98, 0xe2, 0x98, 0x06, 0x4c, 0xe3, 0x87, 0x04, 0x13, 0x26, 0x5c, 0x40, 0x03, 0x17, 0x54, 0xd2, 0x36, 0x9e, 0xbd, 0x13, 0x20, 0x93, 0x60, 0x61, 0x58, 0x80, 0x08, 0x4c, 0x38, 0xc8, 0x85, 0x7b, 0x97, 0xb3, 0xb7, 0xc7, 0xf8, 0x85, 0x53, 0x04, 0x81, 0x0b, 0x54, 0x4b, 0x8e, 0xe3, 0x60, 0x02, 0x4d, 0x71, 0x91, 0xb8, 0x40, 0x4a, 0x01, 0x75, 0x86, 0x53, 0x3e, 0xec, 0x82, 0x3a, 0xa9, 0x93, 0x22, 0x40, 0x4e, 0x9c, 0x91, 0x07, 0x9e, 0x53, 0x2d, 0x22, 0xd6, 0xba, 0x90, 0x09, 0x6c, 0x9c, 0x4c, 0x20, 0x08, 0x78, 0x00, 0x08, 0x4e, 0x05, 0xe4, 0xf9, 0x29, 0x8b, 0xdc, 0x8e, 0x88, 0x03, 0x80, 0x3f, 0x24, 0x86, 0x4c, 0xc7, 0xc5, 0x3c, 0x8c, 0x5f, 0x09, 0xed, 0x17, 0x98, 0xf8, 0xa6, 0x40, 0x0d, 0x80, 0x54, 0xb4, 0x11, 0x62, 0x47, 0x35, 0x91, 0xb8, 0x30, 0x71, 0x9b, 0xa9, 0x04, 0x1b, 0x81, 0x79, 0x82, 0x91, 0x89, 0x84, 0x6e, 0x99, 0x93, 0x8c, 0x26, 0x30, 0x48, 0x40, 0x98, 0xe0, 0x67, 0xa2, 0x44, 0x11, 0xc2, 0x25, 0x41, 0x04, 0x5c, 0xcf, 0x44, 0x0b, 0x11, 0x9b, 0xa6, 0x05, 0xc8, 0x24, 0xc8, 0xe4, 0x98, 0x0e, 0x24, 0x49, 0x16, 0xf9, 0xa6, 0x20, 0x02, 0x4c, 0x74, 0x43, 0x6e, 0x23, 0xe6, 0x8c, 0x62, 0x4a, 0x99, 0x33, 0x81, 0x08, 0x22, 0xe4, 0x98, 0x5a, 0x6e, 0xf4, 0xcf, 0xdc, 0xf5, 0x44, 0xda, 0x5b, 0x17, 0xf3, 0x5c, 0x53, 0x0b, 0x7d, 0x90, 0x24, 0xf8, 0xac, 0x39, 0xa9, 0x73, 0xb7, 0x3c, 0x7f, 0xb7, 0x8c, 0x44, 0xa5, 0x6c, 0x99, 0x81, 0xc7, 0xa2, 0x97, 0x16, 0x93, 0x72, 0x2e, 0x27, 0x19, 0xea, 0xb2, 0x07, 0x18, 0xb3, 0xba, 0x0f, 0xcd, 0x43, 0x9b, 0xb9, 0xa0, 0xb9, 0xc4, 0x00, 0x0e, 0x0d, 0xf2, 0x9b, 0x77, 0xb9, 0xa2, 0x48, 0x88, 0xb4, 0x45, 0x96, 0x3d, 0xa6, 0x00, 0x73, 0x9d, 0x06, 0xf3, 0xc9, 0x57, 0x32, 0xd1, 0x20, 0x59, 0x43, 0xbc, 0x0d, 0x36, 0x32, 0x6e, 0x98, 0x74, 0xd3, 0x70, 0x00, 0x8b, 0x12, 0x38, 0xff, 0x00, 0x59, 0x52, 0x41, 0xdd, 0x72, 0x24, 0x62, 0xf1, 0x05, 0x2b, 0x96, 0xc8, 0x02, 0xf7, 0x9c, 0xdf, 0x9a, 0x27, 0x6d, 0x98, 0xe8, 0x3c, 0x7f, 0xae, 0x09, 0xb9, 0xce, 0x90, 0x09, 0x99, 0xb0, 0x50, 0xe3, 0xb9, 0x92, 0x07, 0x88, 0x58, 0x5b, 0x8a, 0xce, 0xca, 0x35, 0x99, 0x48, 0x3d, 0xcc, 0x70, 0x6c, 0xe4, 0xb6, 0x04, 0xf9, 0xac, 0x67, 0x71, 0x25, 0xc1, 0xa7, 0x6c, 0xdf, 0x68, 0xb2, 0xa7, 0x5e, 0x43, 0x5d, 0x11, 0xf5, 0x3c, 0x10, 0xf8, 0xda, 0xd1, 0x69, 0x19, 0xb8, 0xb1, 0xe6, 0xb1, 0x9c, 0x4b, 0x41, 0x32, 0x60, 0x7e, 0x69, 0xb9, 0xae, 0xd9, 0x22, 0x04, 0xe4, 0xcc, 0xa4, 0xe6, 0xd8, 0x4b, 0x41, 0x1c, 0x08, 0xbd, 0xff, 0x00, 0x35, 0x7b, 0x4c, 0xb6, 0x37, 0x74, 0x91, 0x8f, 0xc9, 0x14, 0xc9, 0x25, 0xde, 0xed, 0xb8, 0xf1, 0x29, 0x36, 0xf3, 0x79, 0x07, 0x90, 0x56, 0xd2, 0x40, 0xb8, 0xb0, 0xca, 0x64, 0x19, 0x9b, 0x49, 0x16, 0xdc, 0x70, 0xa8, 0x1d, 0x8e, 0x17, 0x04, 0x1f, 0x5b, 0xa9, 0x73, 0xa4, 0x82, 0x22, 0x32, 0x93, 0x6a, 0x3a, 0xf8, 0x92, 0x60, 0x13, 0xf4, 0x4e, 0xa3, 0x80, 0x68, 0xb5, 0xc5, 0xa0, 0x5d, 0x0d, 0x1b, 0x41, 0x71, 0x2e, 0x6c, 0x88, 0xb8, 0xfc, 0x12, 0x12, 0x1c, 0x5d, 0x22, 0x48, 0x8e, 0x48, 0x63, 0x80, 0x24, 0x99, 0x0e, 0x38, 0x06, 0xfe, 0xaa, 0xda, 0xea, 0x86, 0x43, 0x8c, 0x7c, 0x93, 0x6b, 0x98, 0x5d, 0x26, 0xce, 0x02, 0xcb, 0xe8, 0x5d, 0x8a, 0x7f, 0xc2, 0xb4, 0xc2, 0x3f, 0x50, 0x2f, 0x73, 0x60, 0xd9, 0xc3, 0xe6, 0x98, 0x69, 0x16, 0x19, 0x44, 0x10, 0x72, 0x2f, 0x8b, 0x26, 0x08, 0x92, 0x09, 0xba, 0x07, 0xbc, 0x71, 0x31, 0x39, 0x4b, 0x24, 0x4c, 0x59, 0x1b, 0xae, 0x4c, 0x98, 0x22, 0x14, 0xe4, 0x36, 0xc6, 0xc9, 0x90, 0x5c, 0x38, 0xf3, 0xc2, 0x40, 0xed, 0x17, 0x99, 0x4c, 0x38, 0xb9, 0xa6, 0x01, 0x23, 0xca, 0x14, 0xd8, 0xf0, 0x3d, 0x38, 0x27, 0x24, 0xd8, 0x34, 0x18, 0x54, 0x1c, 0x36, 0xc1, 0x84, 0x40, 0x70, 0x25, 0xa6, 0x3d, 0x11, 0xb4, 0xcc, 0x92, 0x20, 0x26, 0xd9, 0x8b, 0x60, 0xa0, 0x5a, 0x6c, 0x4a, 0x01, 0xe6, 0x3d, 0x14, 0xee, 0x04, 0xc8, 0x11, 0x09, 0xee, 0x07, 0x00, 0xfe, 0x48, 0x69, 0xbd, 0xca, 0x6e, 0x36, 0x90, 0xa6, 0x7c, 0x76, 0x24, 0x4d, 0xf9, 0xa7, 0xba, 0x26, 0x08, 0xf8, 0x26, 0x41, 0x11, 0x18, 0x28, 0xdc, 0x2e, 0x22, 0x4f, 0x92, 0x64, 0x92, 0x26, 0x2c, 0x12, 0x73, 0xad, 0x83, 0xd0, 0x27, 0xba, 0xdc, 0x04, 0xf3, 0x56, 0x38, 0x41, 0x0a, 0xc1, 0x7c, 0x48, 0xda, 0x42, 0x0b, 0xa7, 0xcf, 0xc9, 0x1b, 0xff, 0x00, 0xda, 0xef, 0x82, 0xd9, 0xf6, 0xe0, 0x3f, 0x78, 0xd5, 0xbd, 0x8e, 0x56, 0xa8, 0x88, 0x3c, 0x2e, 0x65, 0x43, 0xc9, 0x8e, 0x24, 0xa3, 0x91, 0xb0, 0x3c, 0x61, 0x36, 0x81, 0x7b, 0x09, 0x28, 0x2d, 0xb5, 0xe5, 0x37, 0x40, 0x65, 0xcf, 0xf3, 0x48, 0xec, 0x82, 0x6f, 0x29, 0x81, 0xe1, 0x31, 0xee, 0xa3, 0x68, 0x9b, 0x44, 0x71, 0x49, 0xad, 0xc9, 0x20, 0x74, 0xba, 0x56, 0x33, 0x33, 0x1f, 0x44, 0x3a, 0x20, 0x08, 0x3f, 0x9a, 0x00, 0x04, 0xda, 0x24, 0x7f, 0x59, 0x4c, 0x8b, 0x0b, 0x5b, 0x29, 0x16, 0xf1, 0x19, 0x4f, 0xc4, 0xd6, 0xde, 0x25, 0x20, 0x40, 0x00, 0x81, 0xe6, 0x91, 0x26, 0x09, 0x8e, 0xa9, 0x5c, 0x8d, 0xd0, 0x64, 0x45, 0x93, 0x81, 0x12, 0x44, 0x47, 0x04, 0x8b, 0x41, 0x33, 0xcd, 0x50, 0x01, 0xa6, 0x0e, 0x0e, 0x11, 0x7e, 0x00, 0x59, 0x4e, 0x73, 0x33, 0xe6, 0x8d, 0xa4, 0x09, 0x05, 0x00, 0x10, 0x0c, 0x71, 0xca, 0x7b, 0x4f, 0x02, 0x3d, 0x52, 0x6e, 0x78, 0xf9, 0x72, 0x55, 0x00, 0xb6, 0xc7, 0xe4, 0x9b, 0xb2, 0x03, 0x40, 0xb6, 0x54, 0xb8, 0x91, 0x31, 0x11, 0xe4, 0x91, 0x88, 0x93, 0xf4, 0x55, 0x38, 0x6b, 0x40, 0x92, 0xb4, 0xdd, 0xea, 0x68, 0xfb, 0xa1, 0xc0, 0x8f, 0xd6, 0x69, 0x5c, 0x3e, 0xd2, 0x09, 0xf0, 0x89, 0x22, 0x00, 0x8f, 0x9a, 0x1c, 0x3f, 0xda, 0x6c, 0x44, 0xdb, 0x28, 0x7b, 0x0d, 0x89, 0x31, 0xc8, 0x47, 0xc9, 0x49, 0x02, 0xe2, 0x00, 0x69, 0xb6, 0x24, 0xc7, 0x24, 0x85, 0x39, 0xb9, 0xb0, 0x06, 0xd6, 0x89, 0x4d, 0xcd, 0x13, 0x24, 0x09, 0x20, 0x80, 0xb1, 0xb1, 0xbc, 0xce, 0xd2, 0x0c, 0xc9, 0x28, 0x2c, 0x75, 0x47, 0xb7, 0x00, 0x93, 0x64, 0x37, 0x70, 0x0e, 0xdd, 0x32, 0x0d, 0xfc, 0xb9, 0xa0, 0xee, 0x68, 0x33, 0x3b, 0x4e, 0x52, 0x69, 0x74, 0x58, 0x6e, 0x68, 0xbf, 0x9e, 0x2c, 0xba, 0xde, 0xc6, 0xa3, 0xd9, 0xbd, 0xa5, 0x49, 0xee, 0x6e, 0x8d, 0x8d, 0x7d, 0x3c, 0xb4, 0xf5, 0x1f, 0xc9, 0x7a, 0x5d, 0xa1, 0xec, 0xaa, 0x75, 0x05, 0x17, 0x33, 0x4c, 0xda, 0x8e, 0x96, 0xec, 0xdc, 0x03, 0x89, 0x1c, 0x81, 0x2b, 0x45, 0xde, 0x0e, 0xc6, 0x1a, 0x2a, 0x6d, 0xad, 0xa5, 0x27, 0xd8, 0xba, 0xc5, 0x93, 0x30, 0x4f, 0x5f, 0x35, 0xa2, 0x73, 0x48, 0x7c, 0x0e, 0x07, 0x30, 0xb6, 0x5d, 0x85, 0xa0, 0x3a, 0xad, 0x7b, 0x69, 0xbe, 0x1d, 0x49, 0xb2, 0xf7, 0xfa, 0x5f, 0xf2, 0x5d, 0x47, 0xde, 0x9d, 0x9f, 0x56, 0xbb, 0xf4, 0x06, 0x4b, 0x49, 0x0d, 0x92, 0x3c, 0x24, 0xcc, 0x40, 0x3c, 0xd6, 0xa7, 0xb4, 0xbb, 0x2f, 0xee, 0xdd, 0x1d, 0x72, 0xd7, 0xee, 0x63, 0xaa, 0x80, 0xd8, 0xfd, 0x50, 0x01, 0x11, 0xd7, 0x2b, 0x37, 0x76, 0xc6, 0x87, 0x55, 0x43, 0xd8, 0x55, 0xd3, 0xd3, 0x35, 0x99, 0x2e, 0x04, 0xfe, 0xb0, 0x07, 0x3d, 0x16, 0x6e, 0xf0, 0xd3, 0xd0, 0x76, 0x7e, 0x98, 0xb5, 0xba, 0x4a, 0x42, 0xa5, 0x56, 0xb8, 0x0d, 0xad, 0xb8, 0x8e, 0x77, 0x5c, 0x98, 0x24, 0x39, 0xcc, 0x00, 0xc0, 0xfd, 0x61, 0xe4, 0xba, 0x8e, 0xed, 0xd2, 0xd0, 0xea, 0xe8, 0x7b, 0x2a, 0x9a, 0x5a, 0x66, 0xad, 0x3c, 0x97, 0x37, 0x20, 0xf1, 0x93, 0xf0, 0x5e, 0x5d, 0x6e, 0xab, 0x41, 0xa7, 0xed, 0x47, 0x6d, 0xd1, 0xd2, 0x7d, 0x3a, 0x7e, 0x17, 0x00, 0x00, 0x99, 0x9b, 0x81, 0x19, 0xe0, 0xba, 0x06, 0xe8, 0x34, 0x0e, 0xa2, 0x2a, 0x8d, 0x35, 0x0d, 0xae, 0x68, 0x3b, 0x8b, 0x06, 0x08, 0xe2, 0x57, 0x97, 0x57, 0xd9, 0x1d, 0x9f, 0xac, 0xd3, 0x13, 0xa7, 0x6d, 0x26, 0x3f, 0x0d, 0xa9, 0x4c, 0x5a, 0x79, 0x18, 0x5c, 0x66, 0xaa, 0x99, 0xa2, 0xe7, 0x51, 0xa8, 0x4e, 0xf6, 0x13, 0xbb, 0x6f, 0x45, 0x04, 0xbd, 0x8d, 0x61, 0x89, 0x69, 0x16, 0x84, 0x6e, 0x1b, 0xc4, 0xbc, 0x9b, 0x12, 0x52, 0x99, 0xdb, 0x39, 0xcf, 0x25, 0x92, 0xd9, 0x11, 0xc6, 0x52, 0x18, 0x01, 0xc3, 0xa8, 0x41, 0x1b, 0xc8, 0x25, 0xc4, 0x10, 0x67, 0xa1, 0xf2, 0x4f, 0x71, 0x00, 0xb7, 0x23, 0x88, 0x3c, 0x07, 0x34, 0x16, 0xcb, 0xda, 0x0f, 0x1c, 0x59, 0x20, 0xd0, 0x1d, 0x82, 0x49, 0x98, 0x33, 0xc9, 0x58, 0xb1, 0x82, 0x24, 0x4c, 0x03, 0x33, 0xea, 0x87, 0x43, 0x5c, 0x43, 0x66, 0x4e, 0x64, 0x47, 0xc0, 0xaf, 0xa1, 0x76, 0x23, 0x8f, 0xdd, 0x3a, 0x58, 0x9f, 0x70, 0x65, 0x6c, 0x01, 0x24, 0xde, 0x0f, 0xc9, 0x32, 0x1c, 0xdb, 0xf1, 0x4c, 0x00, 0x79, 0xca, 0x97, 0x0b, 0xc0, 0x0a, 0x9c, 0xd2, 0x2c, 0x26, 0x14, 0x09, 0xe2, 0x44, 0x63, 0xaa, 0x3d, 0xd3, 0x06, 0x25, 0x04, 0xcd, 0x88, 0x32, 0x3d, 0x10, 0x00, 0x20, 0x82, 0x4a, 0x90, 0xdb, 0x99, 0xc7, 0x04, 0x8e, 0x20, 0x92, 0xaa, 0x37, 0x5a, 0xe0, 0x04, 0x11, 0x7b, 0x03, 0xf1, 0x40, 0x80, 0x6f, 0x37, 0xea, 0xaa, 0x40, 0x32, 0x0a, 0x09, 0xbc, 0x88, 0x24, 0xa0, 0x10, 0x44, 0x80, 0x86, 0x99, 0x18, 0xf9, 0xa4, 0x41, 0x26, 0x47, 0x14, 0xa4, 0x0e, 0x17, 0x55, 0x62, 0xe2, 0x40, 0xb4, 0x5d, 0x39, 0xb0, 0x16, 0xdb, 0xc3, 0xaa, 0x1c, 0x5a, 0x44, 0x0b, 0x24, 0x2c, 0x24, 0xf0, 0x44, 0xb4, 0xcd, 0xe1, 0x06, 0x64, 0x10, 0x49, 0x08, 0x0d, 0x06, 0x49, 0xb1, 0x47, 0x0b, 0x00, 0x4a, 0xa0, 0x38, 0x18, 0x25, 0x0e, 0x06, 0x47, 0x84, 0x10, 0xa8, 0x19, 0x31, 0x83, 0xc0, 0x2c, 0x94, 0xf8, 0xc1, 0x16, 0xe8, 0xaa, 0x40, 0x32, 0x27, 0x6f, 0x15, 0x5b, 0xcf, 0x5f, 0x87, 0xf3, 0x5e, 0xee, 0xde, 0x81, 0xda, 0x15, 0x73, 0xea, 0xb5, 0x67, 0x70, 0x16, 0x00, 0x81, 0xd5, 0x40, 0x22, 0x3c, 0x53, 0x75, 0x42, 0x26, 0x04, 0x22, 0xe0, 0x92, 0x44, 0x94, 0x08, 0x33, 0x74, 0xb6, 0x82, 0x41, 0x32, 0x4f, 0x9a, 0x60, 0x5e, 0xe2, 0xe3, 0x9a, 0xa3, 0x82, 0x36, 0x34, 0xfa, 0xa4, 0xd3, 0x2e, 0x81, 0x02, 0x14, 0xc1, 0x9b, 0x44, 0x14, 0xcc, 0x45, 0xa3, 0xaa, 0x65, 0xa0, 0xf3, 0x48, 0x64, 0xc9, 0x23, 0xc9, 0x04, 0x96, 0xd8, 0xcc, 0x28, 0x99, 0x92, 0x4e, 0x15, 0x00, 0x44, 0x90, 0x4f, 0x92, 0x97, 0x10, 0x5a, 0x66, 0x64, 0x9b, 0x59, 0x1b, 0x44, 0xdc, 0xdc, 0x88, 0x4c, 0xcc, 0x80, 0x0c, 0x5a, 0xe8, 0x6f, 0x33, 0x1f, 0x54, 0x8c, 0x93, 0xc0, 0x9c, 0xe1, 0x23, 0x96, 0x8e, 0x29, 0xf0, 0x92, 0x4f, 0xd0, 0xa0, 0x10, 0x63, 0x29, 0x5e, 0x6e, 0x4c, 0x79, 0x23, 0x75, 0x88, 0x00, 0xa1, 0x84, 0xc5, 0x87, 0xca, 0x61, 0x06, 0x4c, 0xc4, 0x85, 0x5b, 0x43, 0x40, 0x12, 0x4c, 0xa6, 0x63, 0x09, 0x1f, 0x15, 0x84, 0xdb, 0xa2, 0x97, 0x5a, 0xc6, 0x13, 0x24, 0x98, 0x92, 0x3a, 0xad, 0x47, 0x79, 0xc8, 0x1d, 0x94, 0xf9, 0x00, 0xf8, 0x85, 0xbd, 0x4a, 0xe2, 0x4b, 0xc3, 0xb0, 0x03, 0x4f, 0x4e, 0x08, 0x74, 0xbc, 0x06, 0x09, 0x9e, 0x3d, 0x56, 0x38, 0x2d, 0xb1, 0x98, 0x38, 0xbc, 0xa6, 0xf7, 0x06, 0x10, 0x49, 0x33, 0x81, 0xe2, 0xfc, 0x12, 0x71, 0x0e, 0x68, 0x04, 0x92, 0x66, 0x47, 0x14, 0x12, 0xdd, 0xb2, 0xe2, 0x4c, 0xe2, 0xd1, 0x08, 0x0d, 0x05, 0xbb, 0x48, 0x05, 0x84, 0x5f, 0xfe, 0x54, 0xdc, 0x6c, 0x1e, 0x10, 0xd3, 0x3c, 0x71, 0xc9, 0x4c, 0xec, 0x63, 0x9c, 0x33, 0x6e, 0xb2, 0x90, 0x71, 0x71, 0xda, 0x31, 0x13, 0x09, 0x70, 0x13, 0x12, 0x2c, 0x3e, 0x2b, 0xa1, 0xee, 0x6b, 0xb6, 0xea, 0x35, 0x0d, 0x04, 0x09, 0x60, 0x3f, 0x32, 0xb5, 0x5d, 0xa6, 0x1d, 0xf7, 0xa6, 0xa5, 0xcd, 0x32, 0x7d, 0xa1, 0xda, 0x6f, 0x99, 0xc7, 0x45, 0xd4, 0x52, 0x71, 0xed, 0x3e, 0xef, 0x9d, 0xc4, 0x17, 0xb9, 0xa5, 0xb3, 0x9f, 0x13, 0x6c, 0xb8, 0xc2, 0x1a, 0x20, 0x88, 0xe6, 0x25, 0xdf, 0x25, 0xbb, 0xec, 0x32, 0xdd, 0x2f, 0x64, 0xf6, 0x86, 0xad, 0x9e, 0xf1, 0x1b, 0x47, 0x48, 0xff, 0x00, 0x98, 0x5a, 0x0a, 0x75, 0x1c, 0x36, 0x16, 0xfb, 0xc6, 0xe2, 0x46, 0x0e, 0x67, 0xcd, 0x75, 0x5d, 0xad, 0xa9, 0xfb, 0x4f, 0x77, 0x34, 0xf5, 0x1c, 0x65, 0xc5, 0xcd, 0x05, 0xd7, 0x32, 0x40, 0x3c, 0xbe, 0x2b, 0x57, 0xdd, 0xe7, 0xfb, 0x0e, 0xd9, 0xa0, 0x41, 0x26, 0x49, 0x69, 0x9e, 0xa3, 0xf9, 0x05, 0xee, 0xef, 0x90, 0x70, 0xd6, 0x50, 0x87, 0x18, 0xd8, 0x40, 0xf3, 0x98, 0xfc, 0x57, 0x36, 0xd7, 0x16, 0xcf, 0x8a, 0x4e, 0x08, 0x8e, 0x2b, 0x77, 0xdd, 0x5a, 0x86, 0x9e, 0xba, 0xbd, 0x47, 0x4c, 0x36, 0x81, 0x71, 0xe1, 0x82, 0x0f, 0xe6, 0xb4, 0x8e, 0xa9, 0xfd, 0xae, 0xf7, 0x17, 0x17, 0x39, 0xc4, 0x93, 0xce, 0x4e, 0x17, 0x5d, 0xad, 0x79, 0x7f, 0x74, 0xa9, 0x92, 0x60, 0x96, 0x53, 0x03, 0x87, 0x25, 0xad, 0xee, 0xb6, 0xb3, 0xd9, 0x76, 0x90, 0xd3, 0xef, 0x8a, 0x75, 0x01, 0x11, 0xc2, 0x47, 0x14, 0x77, 0xbe, 0x83, 0x69, 0x76, 0x85, 0x2a, 0xc4, 0x18, 0xac, 0xc9, 0x31, 0x6f, 0x13, 0x7f, 0xa0, 0xb4, 0x8d, 0x73, 0x4b, 0x6c, 0x08, 0x78, 0xb2, 0x75, 0x00, 0xde, 0x0b, 0xa4, 0x7c, 0xe7, 0xcd, 0x26, 0xc3, 0xc4, 0xc8, 0x90, 0x60, 0x7f, 0xca, 0x0b, 0xbc, 0x62, 0x20, 0xe4, 0x63, 0x0a, 0x83, 0x83, 0x5f, 0xe1, 0x90, 0x6e, 0x65, 0x32, 0x0e, 0xd0, 0xe3, 0x26, 0x79, 0xa1, 0xb0, 0x1d, 0xe2, 0x36, 0x39, 0xf2, 0xe4, 0xac, 0xbd, 0xa5, 0xbb, 0x48, 0x3b, 0x78, 0x45, 0xe1, 0x48, 0x70, 0x63, 0x81, 0x68, 0x37, 0xe7, 0xea, 0x80, 0xdd, 0xa2, 0x48, 0x04, 0x9c, 0x75, 0x4c, 0x97, 0x13, 0x7c, 0x8c, 0x48, 0x8e, 0x0b, 0xe8, 0x7d, 0x88, 0x03, 0xbb, 0x2b, 0x49, 0x33, 0x21, 0x82, 0x4a, 0xf6, 0x91, 0x10, 0x33, 0xca, 0xf0, 0xa8, 0xb8, 0xda, 0x49, 0x43, 0x67, 0x37, 0x4c, 0x09, 0x71, 0x37, 0xb7, 0x5c, 0xa5, 0x2e, 0xdd, 0x92, 0x82, 0x08, 0xb9, 0x04, 0xa9, 0x82, 0x79, 0x48, 0xc1, 0x4e, 0xf3, 0x1c, 0x79, 0xa9, 0x68, 0x83, 0x70, 0x64, 0xf5, 0x4c, 0x8e, 0x5f, 0x54, 0x08, 0xf7, 0x41, 0x33, 0xc5, 0x57, 0xaa, 0x93, 0x61, 0x77, 0x40, 0x41, 0xda, 0x40, 0x33, 0x32, 0x8b, 0x4c, 0x1e, 0x3f, 0x24, 0xbd, 0x2c, 0x7e, 0x6a, 0xb8, 0x58, 0x0e, 0xa8, 0xcc, 0x91, 0x68, 0x52, 0x08, 0x04, 0x66, 0x38, 0x20, 0x11, 0x24, 0x01, 0xeb, 0x28, 0x36, 0x30, 0x71, 0xf5, 0xf5, 0x54, 0x01, 0x31, 0x20, 0xdc, 0x70, 0x29, 0x09, 0x13, 0x32, 0x0f, 0x92, 0x24, 0x4c, 0x99, 0xba, 0x09, 0xe5, 0x3d, 0x10, 0x09, 0x13, 0x24, 0xaa, 0x1e, 0x21, 0x90, 0x9c, 0x45, 0xed, 0x1e, 0x6a, 0x45, 0xe5, 0xa1, 0x64, 0xf2, 0x9b, 0x22, 0x4e, 0xee, 0xa3, 0x8a, 0xa9, 0x31, 0x37, 0xf4, 0x57, 0xe1, 0x22, 0x4c, 0xde, 0xcb, 0x24, 0x79, 0x2f, 0x77, 0x6f, 0x7f, 0xa8, 0x55, 0x91, 0xd1, 0x6a, 0x8c, 0x97, 0x09, 0x94, 0x8b, 0x48, 0x26, 0x62, 0x4f, 0xaa, 0x46, 0x36, 0xdb, 0x0a, 0xa4, 0x08, 0x37, 0x9e, 0x28, 0x83, 0x33, 0x26, 0x0e, 0x2c, 0x95, 0xc4, 0xdf, 0x38, 0xba, 0x66, 0x62, 0x4b, 0x4c, 0xa6, 0x1d, 0x16, 0x8b, 0x9e, 0x89, 0x13, 0x18, 0x6d, 0x82, 0x73, 0x3d, 0x23, 0x3e, 0x12, 0xa5, 0xa0, 0x1c, 0x83, 0xf4, 0x55, 0x79, 0x81, 0x3f, 0x34, 0xa0, 0x8b, 0x5e, 0x78, 0xa4, 0x26, 0x60, 0x8e, 0x29, 0xbb, 0x26, 0x60, 0x34, 0x67, 0x9a, 0x50, 0x4f, 0x38, 0x89, 0x1d, 0x51, 0xd6, 0x60, 0x8e, 0x1c, 0xd4, 0x83, 0xb8, 0xe2, 0xc3, 0x25, 0x22, 0x04, 0xc8, 0x94, 0xc8, 0xb6, 0x54, 0xc8, 0x88, 0x04, 0xe6, 0x50, 0x48, 0xdd, 0x22, 0x61, 0x30, 0xdb, 0x92, 0x09, 0x20, 0x5e, 0x79, 0xa3, 0xf5, 0x87, 0x32, 0x2d, 0x74, 0x34, 0xc1, 0x37, 0x93, 0xc5, 0x04, 0x9c, 0x89, 0xfa, 0x27, 0x31, 0x8c, 0x10, 0xa6, 0x6c, 0x23, 0x0a, 0xae, 0x67, 0x97, 0x9a, 0x40, 0xcc, 0x9b, 0x88, 0xe8, 0x82, 0xe8, 0x12, 0x09, 0x94, 0x34, 0xdc, 0x81, 0x07, 0xd5, 0x30, 0xd6, 0xce, 0x16, 0x9b, 0xbc, 0xe2, 0x3b, 0x25, 0xf6, 0x3e, 0xfb, 0x7e, 0xab, 0x89, 0x7b, 0x0b, 0x5d, 0x00, 0x5c, 0x89, 0x0a, 0x99, 0x20, 0x41, 0xcf, 0x15, 0x0e, 0x0e, 0x6c, 0x38, 0x9d, 0xc0, 0x9c, 0x05, 0x5b, 0x49, 0x3b, 0x9b, 0x31, 0x1c, 0xc8, 0x51, 0x51, 0xcd, 0x00, 0x10, 0x08, 0x77, 0x1b, 0xca, 0x05, 0xc5, 0xcc, 0xb6, 0x27, 0x08, 0x0d, 0x80, 0x77, 0x03, 0x04, 0x5b, 0x81, 0x2b, 0x09, 0x71, 0x70, 0x20, 0x03, 0x88, 0xf2, 0xba, 0xb1, 0xee, 0xd8, 0x9c, 0x5f, 0x82, 0x45, 0xd0, 0xd7, 0x48, 0xb7, 0x03, 0xca, 0xc9, 0x19, 0x31, 0x88, 0x30, 0xb7, 0x9d, 0xd0, 0x8f, 0xb6, 0xd7, 0x07, 0x85, 0x3f, 0xc5, 0x6a, 0xfb, 0x58, 0x47, 0x68, 0xea, 0x61, 0xdf, 0xfb, 0xa4, 0x79, 0x2e, 0x97, 0xba, 0x15, 0x5c, 0xee, 0xcf, 0x7b, 0x6c, 0x43, 0x6a, 0x90, 0x2d, 0xd0, 0x7f, 0x35, 0xca, 0x6a, 0x58, 0xfa, 0x3a, 0x8a, 0x94, 0xe9, 0x81, 0x01, 0xce, 0x6d, 0xf8, 0x0b, 0xad, 0xe5, 0x06, 0x16, 0xf7, 0x3a, 0xbe, 0x09, 0x73, 0xa6, 0x39, 0xf8, 0xc2, 0xe7, 0xda, 0x1a, 0x07, 0x91, 0xb0, 0x03, 0xd1, 0x6c, 0x03, 0xc9, 0xee, 0xf3, 0xa9, 0x9c, 0x37, 0x52, 0xd2, 0x64, 0xf3, 0x06, 0xdf, 0x8a, 0xf3, 0x68, 0x6a, 0x1a, 0x5a, 0xad, 0x3d, 0x4b, 0xcb, 0x2a, 0x6e, 0xce, 0x7f, 0xa8, 0x5d, 0x0f, 0x7c, 0xe9, 0x97, 0x52, 0xd3, 0x54, 0x93, 0x21, 0xc5, 0xa4, 0xc7, 0x3f, 0xf8, 0x5c, 0xa4, 0xc3, 0x89, 0x13, 0x1b, 0x96, 0xdf, 0xb2, 0x9c, 0x5b, 0xa2, 0xed, 0x3a, 0xae, 0x98, 0x14, 0x83, 0x04, 0x9e, 0x25, 0x6a, 0x0b, 0x5d, 0xb9, 0xa4, 0x12, 0x26, 0xf1, 0x13, 0xc7, 0x0b, 0xac, 0xd7, 0xdf, 0xba, 0x14, 0x60, 0x80, 0xed, 0x8d, 0xe1, 0xd4, 0x2e, 0x77, 0xb3, 0x8f, 0xb2, 0xed, 0x0d, 0x33, 0x9a, 0xe0, 0x46, 0xf6, 0x89, 0x8e, 0x67, 0xf9, 0xae, 0x8f, 0xbe, 0x40, 0x1d, 0x1d, 0x1a, 0x80, 0x0d, 0xdb, 0xe3, 0xc8, 0x19, 0x2b, 0x90, 0x7c, 0x45, 0xc1, 0x17, 0xbc, 0xab, 0x21, 0x8f, 0x88, 0xdc, 0x3a, 0x81, 0x09, 0xb6, 0x9f, 0xba, 0x4b, 0x8e, 0x62, 0xe4, 0xd8, 0xfa, 0x2a, 0x6d, 0x36, 0x97, 0x10, 0x1d, 0x11, 0x7c, 0x47, 0xc1, 0x41, 0x03, 0x71, 0x22, 0x63, 0x81, 0x36, 0x56, 0xf2, 0x09, 0x68, 0x04, 0xda, 0xd0, 0x2f, 0x2a, 0x49, 0xc8, 0x69, 0x32, 0x7a, 0x61, 0x55, 0x27, 0x3a, 0x9d, 0x42, 0xe0, 0xe3, 0xf1, 0x4c, 0xba, 0x4c, 0x93, 0xe3, 0x3e, 0xab, 0x21, 0x76, 0xd8, 0xdc, 0xd3, 0x04, 0x5c, 0xf1, 0x0a, 0x6e, 0xea, 0xa0, 0x49, 0x77, 0x0b, 0xdb, 0x81, 0x5f, 0x43, 0xec, 0x48, 0xfb, 0xa7, 0x4a, 0x0b, 0xaf, 0xb0, 0x05, 0xb0, 0x68, 0x10, 0x63, 0x01, 0x2b, 0xdc, 0x74, 0xe6, 0x90, 0x80, 0x46, 0xd0, 0x79, 0x94, 0x0b, 0x9b, 0x01, 0xf0, 0x59, 0x0b, 0x64, 0xc8, 0x18, 0x53, 0x12, 0xd3, 0x3c, 0x38, 0x29, 0x31, 0x22, 0x22, 0xfc, 0x39, 0x26, 0x4c, 0x1f, 0xa2, 0x82, 0x48, 0xb9, 0x92, 0x7e, 0x8a, 0xce, 0x2c, 0x04, 0xf1, 0x48, 0x72, 0x00, 0x75, 0x45, 0x80, 0x12, 0x99, 0x80, 0x05, 0xa5, 0x22, 0x44, 0xc4, 0x0e, 0x81, 0x49, 0x71, 0x88, 0x80, 0x93, 0x86, 0xe8, 0xbe, 0x3a, 0xe1, 0x20, 0x47, 0x3b, 0xa6, 0x22, 0xf1, 0x32, 0x53, 0x38, 0x1f, 0x9a, 0xa1, 0x11, 0x02, 0x23, 0x8f, 0x15, 0x38, 0x17, 0x75, 0xb8, 0x26, 0x48, 0xe1, 0x12, 0x9c, 0x17, 0x61, 0x05, 0xa6, 0x6f, 0xf4, 0x43, 0x48, 0xb8, 0x9b, 0xa0, 0xc8, 0xb0, 0xba, 0x63, 0x84, 0x00, 0x99, 0x06, 0x38, 0x21, 0xad, 0xda, 0x04, 0xf1, 0x55, 0x01, 0xb6, 0x05, 0x3f, 0x45, 0x6d, 0x00, 0x8c, 0xdf, 0xcd, 0x58, 0x68, 0x2c, 0x92, 0x78, 0xc8, 0x55, 0x25, 0x7b, 0xfb, 0x78, 0x8f, 0xb7, 0xd5, 0x1c, 0x65, 0x6a, 0x1c, 0xeb, 0xc0, 0xce, 0x12, 0x6c, 0xe2, 0xc4, 0x24, 0x08, 0x04, 0x82, 0x6c, 0xad, 0x84, 0x1e, 0x3e, 0x57, 0x53, 0xb4, 0x89, 0x37, 0x54, 0x09, 0xdb, 0x11, 0xea, 0x81, 0xb8, 0xdc, 0x9b, 0x0c, 0xdd, 0x13, 0xe1, 0x91, 0x2b, 0x15, 0x5d, 0x4d, 0x0a, 0x16, 0xad, 0x59, 0x8c, 0x71, 0x9b, 0x3d, 0xc1, 0xbf, 0x55, 0x89, 0xda, 0xfd, 0x2b, 0x66, 0x75, 0x54, 0x76, 0xcc, 0x1f, 0xed, 0x01, 0xfa, 0x27, 0xf7, 0x96, 0x8b, 0x8e, 0xb6, 0x80, 0x39, 0xf7, 0xc2, 0x5f, 0x78, 0xe8, 0xb3, 0xf6, 0xcd, 0x39, 0x1f, 0xbe, 0x3f, 0x35, 0x27, 0xb4, 0xb4, 0x33, 0x6d, 0x5d, 0x09, 0xfd, 0xf1, 0x74, 0x87, 0x69, 0xe8, 0x64, 0x93, 0xab, 0xa1, 0x00, 0x7e, 0xd8, 0xb2, 0x3e, 0xf5, 0xd1, 0x44, 0xbb, 0x59, 0x43, 0xf8, 0xc5, 0xfc, 0xd4, 0x9e, 0xd4, 0xd0, 0x00, 0x63, 0x59, 0x44, 0xff, 0x00, 0xfd, 0x30, 0xa5, 0xdd, 0xab, 0xa0, 0x21, 0xa4, 0xea, 0xe8, 0xdb, 0xfd, 0xe1, 0x2f, 0xbd, 0xf4, 0x0d, 0xc6, 0xa6, 0x94, 0x7e, 0xf0, 0x40, 0xed, 0x7e, 0xcf, 0x2e, 0xff, 0x00, 0xac, 0xa3, 0x1f, 0xbd, 0x84, 0x1e, 0xd6, 0xd0, 0x96, 0x99, 0xd5, 0xd2, 0x81, 0xc8, 0xa0, 0x76, 0xbe, 0x80, 0x5c, 0x6a, 0xe8, 0xed, 0xfd, 0xe0, 0xa5, 0xdd, 0xad, 0xa1, 0x37, 0x1a, 0x96, 0x5f, 0xac, 0x84, 0xc7, 0x6b, 0xe8, 0x2e, 0x0e, 0xae, 0x94, 0xe3, 0x08, 0x3d, 0xb1, 0xd9, 0xd0, 0x3f, 0xbc, 0xd3, 0x8c, 0x18, 0x2a, 0x3e, 0xf8, 0xd0, 0x4d, 0xf5, 0x34, 0xa3, 0xcc, 0x04, 0xcf, 0x6d, 0x68, 0x64, 0xc6, 0xa9, 0x9d, 0x2f, 0x32, 0x99, 0xed, 0x8e, 0xcf, 0xe3, 0xab, 0xa7, 0x3e, 0x78, 0x48, 0x76, 0xce, 0x84, 0x63, 0x55, 0x4c, 0xca, 0xaf, 0xbd, 0xf4, 0x1b, 0x27, 0xed, 0x2c, 0x80, 0x63, 0x8a, 0x0f, 0x6c, 0x68, 0x6e, 0x3e, 0xd5, 0x4a, 0x7c, 0xd5, 0x33, 0xb6, 0x34, 0x2e, 0x8f, 0xef, 0x2c, 0x85, 0x2d, 0xed, 0x6e, 0xcf, 0x93, 0x3a, 0x9a, 0x60, 0xe4, 0x49, 0x8f, 0xaa, 0x7f, 0x7b, 0x68, 0x5c, 0x27, 0xed, 0x34, 0xae, 0x09, 0xf8, 0x2d, 0x67, 0x78, 0x75, 0xfa, 0x5d, 0x47, 0x66, 0xd4, 0xa5, 0x43, 0x51, 0x4d, 0xef, 0xdc, 0x0e, 0xd0, 0x4d, 0xc0, 0x2b, 0x91, 0x2d, 0x75, 0x3d, 0xd2, 0x26, 0x4c, 0x09, 0xbf, 0xc1, 0x32, 0xde, 0x20, 0x89, 0xc6, 0x78, 0xf2, 0x50, 0xcc, 0xb8, 0x90, 0x0c, 0x73, 0x4f, 0x6e, 0xe0, 0x60, 0x98, 0xce, 0x7e, 0x48, 0x24, 0x45, 0xe2, 0xf9, 0x53, 0xbc, 0x38, 0x48, 0x8c, 0x10, 0x21, 0x53, 0x0b, 0xa2, 0x20, 0xc7, 0x02, 0x4a, 0xc2, 0xe7, 0x78, 0x81, 0x13, 0x98, 0xb6, 0x16, 0x4a, 0x6e, 0x3e, 0xca, 0xed, 0x99, 0x9b, 0xe2, 0x44, 0x9b, 0x2c, 0x60, 0x17, 0x40, 0x20, 0xed, 0x99, 0xca, 0x99, 0x20, 0x4f, 0x8a, 0xc4, 0x9f, 0x4e, 0x6b, 0x7f, 0xdc, 0xe7, 0x03, 0xad, 0xae, 0x4c, 0xde, 0x9c, 0xfc, 0xd6, 0xaf, 0xb4, 0xc0, 0x3d, 0xa7, 0xaa, 0xbb, 0xa3, 0xda, 0x3a, 0x7a, 0x5d, 0x74, 0x3d, 0xce, 0x70, 0xfb, 0x16, 0xa0, 0x01, 0x62, 0xf8, 0x04, 0xf1, 0x30, 0x57, 0x33, 0xda, 0x46, 0x3b, 0x43, 0x51, 0x7b, 0x7b, 0x57, 0x16, 0xc7, 0x29, 0x5d, 0x37, 0x64, 0xb0, 0xea, 0x3b, 0xae, 0xf6, 0x48, 0x92, 0x1e, 0x04, 0x0e, 0x20, 0xae, 0x4d, 0xcd, 0x27, 0x63, 0x40, 0x71, 0x74, 0x49, 0x92, 0xbd, 0x74, 0x3c, 0x3d, 0x9d, 0x5d, 0xa7, 0x74, 0x7b, 0x56, 0x1f, 0x91, 0x0b, 0xc8, 0x1a, 0x3d, 0xa1, 0xb8, 0xb7, 0xaa, 0xeb, 0xbb, 0xc3, 0x3a, 0x9e, 0xc1, 0xa5, 0x54, 0x46, 0x1a, 0xfc, 0x62, 0x44, 0x7d, 0x4a, 0xe4, 0x9c, 0xd3, 0x32, 0x40, 0x2e, 0x9f, 0x28, 0x5b, 0x36, 0x39, 0xb4, 0x7b, 0xbd, 0xa8, 0x26, 0x22, 0xad, 0x76, 0xb4, 0x5a, 0x71, 0x7f, 0xc5, 0x6a, 0x43, 0x83, 0x9e, 0x00, 0xf1, 0x46, 0x78, 0x45, 0xc5, 0x97, 0x59, 0xad, 0x31, 0xdd, 0x1a, 0x66, 0xf2, 0x18, 0xc0, 0x2f, 0xd4, 0x2e, 0x67, 0x4c, 0xf2, 0xda, 0xad, 0x0d, 0x90, 0x77, 0x02, 0xba, 0xce, 0xf6, 0x47, 0xdd, 0xf4, 0xef, 0xff, 0x00, 0xba, 0x2c, 0x4f, 0x42, 0xb9, 0x13, 0x48, 0xc9, 0xdd, 0x06, 0x71, 0xd1, 0x4b, 0x7c, 0x2e, 0x6c, 0x82, 0x63, 0x1c, 0x8a, 0xca, 0xf8, 0x00, 0x4c, 0x01, 0xc9, 0x40, 0xf1, 0xcb, 0x5d, 0x00, 0x1b, 0xf3, 0x51, 0x57, 0x64, 0x10, 0xd0, 0x67, 0xcd, 0x53, 0x05, 0x80, 0x92, 0x2d, 0xc9, 0x5b, 0x49, 0x2e, 0x86, 0x1b, 0x0c, 0xc7, 0xe4, 0xb1, 0x97, 0x6e, 0x76, 0xd3, 0x3c, 0xee, 0x10, 0xd0, 0xd9, 0x32, 0x00, 0x32, 0xad, 0xd1, 0xc0, 0x58, 0x58, 0x89, 0xcc, 0xf1, 0x4c, 0x81, 0x2d, 0x8f, 0xd5, 0x93, 0x03, 0x9c, 0x73, 0xc2, 0xeb, 0x3b, 0x3b, 0xb7, 0xb4, 0x7a, 0x7d, 0x15, 0x0a, 0x4e, 0x15, 0x0b, 0x98, 0xd0, 0x0c, 0x00, 0x6f, 0xf1, 0x5e, 0xba, 0x7d, 0xe5, 0xd1, 0xba, 0x00, 0x6d, 0x6b, 0x9f, 0xd9, 0x09, 0xfe, 0x93, 0x68, 0x81, 0x3b, 0xa9, 0xd6, 0xb5, 0xbd, 0xd1, 0x7b, 0xf9, 0xa9, 0xfd, 0x26, 0xd1, 0x48, 0x05, 0xb5, 0xa3, 0xc9, 0xbf, 0x9a, 0x5f, 0xa5, 0x3a, 0x10, 0x2f, 0x4e, 0xbe, 0x7f, 0x65, 0xb7, 0xf9, 0xab, 0x1d, 0xe8, 0xd1, 0x90, 0x00, 0x65, 0x78, 0x8b, 0xf8, 0x47, 0xe6, 0xa4, 0x77, 0x9b, 0x46, 0x49, 0x8a, 0x7a, 0x98, 0x17, 0xf7, 0x40, 0x52, 0xee, 0xf4, 0x68, 0x66, 0x0d, 0x3a, 0xfe, 0xa1, 0xbf, 0x9a, 0x07, 0x79, 0xb4, 0x9b, 0x9a, 0x45, 0x3a, 0xdf, 0x01, 0xf9, 0xa5, 0xfa, 0x53, 0xa5, 0xf1, 0x38, 0xb2, 0xb7, 0xc1, 0xa7, 0xf1, 0x54, 0x3b, 0xcd, 0xa3, 0x7d, 0xc5, 0x2d, 0x44, 0x9f, 0xf6, 0x8f, 0xac, 0xa4, 0x3b, 0xcb, 0xa6, 0x24, 0x37, 0xd8, 0xd7, 0x9e, 0x16, 0x1f, 0x9a, 0x4e, 0xef, 0x36, 0x99, 0xb9, 0xa3, 0xa8, 0x9e, 0x80, 0x7e, 0x6a, 0x0f, 0x7a, 0xb4, 0x80, 0xde, 0x95, 0x70, 0x79, 0x10, 0x3f, 0x34, 0x8f, 0x7a, 0x34, 0xa6, 0x09, 0xa5, 0x5a, 0x0f, 0x30, 0x2f, 0xf3, 0x55, 0xfa, 0x53, 0xa6, 0x26, 0x05, 0x0a, 0xa7, 0xc8, 0x8f, 0xcd, 0x49, 0xef, 0x36, 0x9c, 0x00, 0x7d, 0x85, 0x60, 0x33, 0xc0, 0xfe, 0x29, 0xfe, 0x94, 0x69, 0x81, 0x83, 0xa6, 0xaf, 0x31, 0x6f, 0x75, 0x0d, 0xef, 0x4e, 0x98, 0x9b, 0xd2, 0xab, 0x6f, 0x2f, 0x82, 0xa3, 0xde, 0x5d, 0x36, 0xd2, 0x45, 0x0a, 0xa0, 0x44, 0xdc, 0x8b, 0xa9, 0x6f, 0x79, 0xe8, 0x06, 0x48, 0xd3, 0xd4, 0x13, 0xd4, 0x5d, 0x49, 0xef, 0x35, 0x10, 0x47, 0xf7, 0x7a, 0xb0, 0x78, 0xca, 0xa6, 0xf7, 0xa2, 0x84, 0xc7, 0xd9, 0xea, 0x47, 0x9c, 0xa6, 0x7b, 0xd1, 0x46, 0x24, 0x69, 0x6b, 0x0f, 0x55, 0x5f, 0xa5, 0x34, 0x40, 0x11, 0xa6, 0xa9, 0x1f, 0xbc, 0x16, 0xc7, 0xb2, 0x7b, 0x4d, 0x9d, 0xa5, 0x49, 0xd5, 0x18, 0xd7, 0x30, 0x35, 0xd1, 0x90, 0x7d, 0x6c, 0xb6, 0x04, 0x5f, 0xc2, 0x66, 0x52, 0xbe, 0xe9, 0x16, 0xea, 0xaa, 0xe6, 0x40, 0x89, 0x49, 0xbb, 0xa6, 0x48, 0xb4, 0x2a, 0xb4, 0xcc, 0x18, 0xf3, 0x44, 0x80, 0x47, 0x55, 0x6d, 0x21, 0xd0, 0x2e, 0xb2, 0x82, 0xd8, 0x13, 0x19, 0xe6, 0x94, 0xaf, 0x7f, 0x78, 0x07, 0xf8, 0x95, 0x59, 0x36, 0x5a, 0xb3, 0x12, 0x7c, 0x26, 0x38, 0x09, 0x53, 0xb4, 0xb4, 0x92, 0x07, 0x0c, 0x4c, 0x27, 0x27, 0x91, 0xba, 0x03, 0x72, 0x48, 0x36, 0xe6, 0x51, 0xb8, 0x62, 0x44, 0x94, 0xf8, 0x48, 0xe0, 0x80, 0x44, 0x58, 0xc1, 0xe3, 0x28, 0x3e, 0xe9, 0x88, 0x95, 0xca, 0x77, 0xb6, 0x5f, 0xab, 0xd2, 0x01, 0x21, 0xa4, 0x1d, 0xdf, 0x18, 0xb7, 0x05, 0xeb, 0x3d, 0xd8, 0xd2, 0xc9, 0x2e, 0xad, 0x58, 0xc9, 0x92, 0x24, 0x7e, 0x49, 0x3b, 0xba, 0xfa, 0x63, 0x11, 0x56, 0xb7, 0x5b, 0x8c, 0x7c, 0x13, 0x6f, 0x76, 0x74, 0xa0, 0x09, 0xab, 0x5e, 0x38, 0x0d, 0xc2, 0xc9, 0x3b, 0xba, 0xfa, 0x42, 0xe9, 0x35, 0x2b, 0x83, 0xfb, 0xc1, 0x07, 0xbb, 0x1a, 0x4e, 0x0f, 0xaf, 0xfc, 0x49, 0x9e, 0xed, 0x69, 0x1a, 0xdd, 0xbb, 0xeb, 0xdf, 0xfd, 0xc9, 0xfe, 0x8d, 0xe8, 0x80, 0xbb, 0xab, 0xc7, 0x0f, 0x12, 0x07, 0x77, 0x34, 0x9b, 0x85, 0xeb, 0x47, 0x3d, 0xe1, 0x03, 0xbb, 0x9a, 0x27, 0x1b, 0xba, 0xbc, 0x7f, 0xf2, 0x20, 0x77, 0x6f, 0x45, 0x36, 0x15, 0xa0, 0xe7, 0xfb, 0x4f, 0xe4, 0x93, 0xbb, 0xb7, 0xa1, 0x20, 0xcf, 0xb5, 0x9f, 0xdf, 0xfa, 0xaa, 0x77, 0x77, 0x34, 0x1b, 0x5b, 0x6a, 0x80, 0xda, 0x3c, 0x4a, 0x1f, 0xdd, 0xbd, 0x15, 0xc0, 0x15, 0x2e, 0x67, 0xdf, 0x9f, 0x9a, 0x7f, 0xa3, 0x9a, 0x1b, 0x12, 0xca, 0xa7, 0xff, 0x00, 0x20, 0x97, 0xe8, 0xe6, 0x88, 0x44, 0x0a, 0xa0, 0x03, 0x22, 0x1d, 0x17, 0x55, 0xfa, 0x39, 0xa1, 0xdc, 0x25, 0xb5, 0x09, 0xc9, 0x97, 0x92, 0x98, 0xee, 0xe6, 0x87, 0x78, 0x70, 0x6d, 0x59, 0xc7, 0xbc, 0x53, 0xfd, 0x1d, 0xd0, 0xb4, 0x98, 0x6b, 0xc1, 0xfd, 0xf3, 0x74, 0x87, 0x77, 0xb4, 0x39, 0xd9, 0x53, 0xff, 0x00, 0xb0, 0xa0, 0xf7, 0x77, 0x43, 0xb2, 0x36, 0xbc, 0x8c, 0xc6, 0xe4, 0xc7, 0x76, 0xfb, 0x3c, 0xba, 0x7d, 0x93, 0xfa, 0x78, 0x95, 0xbb, 0xbb, 0xba, 0x12, 0xeb, 0x35, 0xff, 0x00, 0xc4, 0x47, 0x04, 0x9d, 0xdd, 0xed, 0x1f, 0x87, 0x73, 0x6a, 0x40, 0x10, 0x3c, 0x66, 0xe9, 0x0e, 0xef, 0xe8, 0xa4, 0xc8, 0x7e, 0x2d, 0xe2, 0xe6, 0xbc, 0x3d, 0xb5, 0xd8, 0xda, 0x5d, 0x1e, 0x81, 0xf5, 0xa8, 0x07, 0x7b, 0x50, 0xe0, 0x05, 0xc6, 0x09, 0x39, 0x5c, 0xc3, 0x8b, 0x1c, 0xd2, 0x1c, 0x4d, 0xcd, 0xae, 0xb1, 0x99, 0x6d, 0xc1, 0xb7, 0x09, 0xfa, 0xaa, 0x2e, 0xf0, 0x99, 0x00, 0x13, 0x94, 0x87, 0x8a, 0x23, 0xcd, 0x29, 0x1b, 0x4c, 0x9c, 0x9b, 0x04, 0x35, 0xd4, 0xc3, 0x48, 0x8f, 0x10, 0xe4, 0x96, 0xec, 0xcc, 0x89, 0xe3, 0x09, 0x37, 0x84, 0xcc, 0x62, 0x52, 0x0d, 0x24, 0x10, 0x08, 0x86, 0x9f, 0x8a, 0x97, 0x35, 0xc6, 0x9c, 0x06, 0xf8, 0x66, 0x6c, 0x80, 0x48, 0x25, 0xc3, 0x69, 0xe0, 0x44, 0xad, 0xff, 0x00, 0x73, 0xfc, 0x5a, 0xfa, 0xd2, 0xd0, 0x3f, 0xb3, 0x1d, 0x22, 0xeb, 0x57, 0xda, 0xff, 0x00, 0xea, 0x7a, 0x90, 0x4d, 0x8d, 0x47, 0x4f, 0xc5, 0x74, 0xbd, 0xd5, 0xa6, 0x19, 0xd9, 0xb5, 0x2a, 0x38, 0x58, 0xd4, 0x27, 0x36, 0x88, 0x1f, 0xcd, 0x72, 0x35, 0xaa, 0x07, 0x57, 0xa8, 0xe1, 0x12, 0x5c, 0x49, 0xb6, 0x27, 0xfe, 0x57, 0x5d, 0xdd, 0x07, 0x07, 0x68, 0x2a, 0xd3, 0x31, 0x67, 0x82, 0x7d, 0x40, 0xfa, 0xdc, 0x2d, 0x27, 0x78, 0xb4, 0x7f, 0x63, 0xd7, 0x38, 0x34, 0x4d, 0x2a, 0x9e, 0x26, 0x70, 0x8e, 0x92, 0xb5, 0x8d, 0x70, 0x6b, 0x0b, 0x41, 0x3b, 0x5d, 0x7e, 0x57, 0x13, 0xf9, 0xa8, 0x2d, 0x7c, 0x86, 0x80, 0x0c, 0x09, 0x0b, 0xb0, 0x0f, 0xfb, 0x47, 0x75, 0x3c, 0x51, 0x2d, 0xa7, 0x1f, 0xc2, 0x57, 0x1f, 0xed, 0x3d, 0xa9, 0xe4, 0x62, 0xf7, 0xe9, 0x95, 0xb2, 0xae, 0x76, 0xf6, 0x06, 0x89, 0xa2, 0x37, 0x55, 0xa8, 0xe7, 0xdc, 0x72, 0xb2, 0xd5, 0x6e, 0x6b, 0x8b, 0x76, 0xb6, 0xc6, 0xe7, 0x85, 0xec, 0xba, 0xad, 0x69, 0x0d, 0xee, 0x7d, 0x38, 0x23, 0xdc, 0x65, 0xfd, 0x42, 0xe7, 0xf4, 0xb4, 0xf7, 0xea, 0xe9, 0x34, 0x90, 0x49, 0xa8, 0xd1, 0xe9, 0x23, 0xf1, 0xb2, 0xe9, 0x7b, 0xdd, 0xff, 0x00, 0x41, 0x44, 0x18, 0x92, 0xf2, 0x79, 0x44, 0x03, 0xf9, 0xae, 0x51, 0xa1, 0xee, 0x13, 0x22, 0x1b, 0xd7, 0x2a, 0x84, 0x6f, 0x8a, 0x70, 0x0c, 0x46, 0x66, 0x26, 0xf2, 0x90, 0x6b, 0xc6, 0xe9, 0x02, 0x47, 0xac, 0xa9, 0x1b, 0x83, 0x83, 0x87, 0xba, 0x3d, 0x32, 0x83, 0xba, 0x60, 0x1f, 0x08, 0x24, 0x59, 0x30, 0xdd, 0xcd, 0x24, 0xb8, 0x80, 0xd3, 0x19, 0x32, 0x87, 0x17, 0x31, 0x93, 0x10, 0x27, 0xc3, 0x17, 0x48, 0x38, 0xb8, 0x1c, 0x4f, 0x01, 0x84, 0xd8, 0x43, 0x5c, 0x2c, 0x2f, 0x94, 0x53, 0x21, 0xb5, 0x3d, 0xd3, 0x32, 0xae, 0xa9, 0x04, 0x41, 0x99, 0x24, 0xf4, 0xba, 0xee, 0x3b, 0x23, 0xb3, 0x74, 0x95, 0x7b, 0x3b, 0x4e, 0xf7, 0xe9, 0xa9, 0x17, 0x16, 0x49, 0x3b, 0x72, 0xbd, 0x6e, 0xec, 0xbd, 0x18, 0x02, 0x74, 0xb4, 0x79, 0xfb, 0xaa, 0x9b, 0xd9, 0xba, 0x3b, 0x46, 0x9e, 0x88, 0x3c, 0x7c, 0x01, 0x23, 0xd9, 0xda, 0x29, 0x3f, 0xdd, 0x68, 0xff, 0x00, 0x02, 0x0f, 0x66, 0xe8, 0x9d, 0x04, 0xe9, 0x28, 0xff, 0x00, 0x02, 0xa3, 0xd9, 0x7a, 0x12, 0x2d, 0xa5, 0xa1, 0x3f, 0xfc, 0x61, 0x07, 0xb2, 0xf4, 0x37, 0xfe, 0xe9, 0x40, 0x08, 0x8f, 0xf2, 0xc2, 0x8f, 0xbb, 0x34, 0x91, 0x6d, 0x2d, 0x18, 0x98, 0xb5, 0x30, 0xb2, 0x0e, 0xce, 0xd1, 0x87, 0x0f, 0xee, 0x94, 0x63, 0xf7, 0x02, 0x5f, 0x77, 0x68, 0xe6, 0xda, 0x4a, 0x37, 0x36, 0x1b, 0x42, 0x1d, 0xd9, 0xfa, 0x38, 0xbe, 0x93, 0x4f, 0xff, 0x00, 0xd4, 0x16, 0x33, 0xa0, 0xd2, 0xee, 0x11, 0xa6, 0xa0, 0xd3, 0xff, 0x00, 0xc6, 0xd5, 0x7f, 0x60, 0xd2, 0x41, 0x8d, 0x2d, 0x12, 0x4f, 0xff, 0x00, 0xad, 0xbf, 0x92, 0x91, 0xd9, 0xba, 0x3e, 0x3a, 0x5a, 0x33, 0xfb, 0x83, 0xf0, 0x40, 0xec, 0xed, 0x2c, 0x49, 0xd3, 0x51, 0x20, 0x60, 0x7b, 0x30, 0xad, 0x9a, 0x0d, 0x24, 0xf8, 0x74, 0xf4, 0x27, 0x88, 0x0c, 0x12, 0x87, 0xe8, 0x34, 0x92, 0x3f, 0xbb, 0x51, 0x26, 0x22, 0xf4, 0xdb, 0xf9, 0x26, 0x74, 0x7a, 0x72, 0x00, 0xfb, 0x3d, 0x0d, 0xd8, 0xf7, 0x02, 0x47, 0x43, 0xa6, 0x0d, 0x76, 0xdd, 0x35, 0x18, 0xc1, 0xf0, 0x84, 0x0d, 0x26, 0x9c, 0x88, 0x1a, 0x6a, 0x47, 0xaf, 0xb3, 0x0a, 0xdb, 0xa3, 0xd3, 0x81, 0x06, 0x93, 0x0c, 0xf1, 0x80, 0xaf, 0xec, 0x7a, 0x72, 0x2d, 0x46, 0x95, 0xbf, 0xda, 0x11, 0xf6, 0x4a, 0x16, 0xfe, 0xef, 0x48, 0x7f, 0xe0, 0x12, 0xfb, 0x2e, 0x9e, 0xf1, 0x45, 0x97, 0xff, 0x00, 0x68, 0x51, 0xaa, 0xd2, 0xd1, 0x1a, 0x4a, 0xc5, 0xb4, 0xd8, 0xdf, 0x01, 0x8f, 0x0e, 0x22, 0xeb, 0x51, 0xdc, 0xc3, 0x3a, 0x5d, 0x44, 0x81, 0x25, 0xf2, 0x23, 0xc8, 0x2e, 0x8b, 0x68, 0xe2, 0xe3, 0x30, 0x80, 0xd3, 0xc4, 0xfc, 0xd1, 0x06, 0x2d, 0x01, 0x30, 0x09, 0xe2, 0x3e, 0x29, 0x83, 0x02, 0xd0, 0x80, 0x37, 0x34, 0xe1, 0x54, 0x06, 0x91, 0x07, 0x22, 0x56, 0x40, 0xd6, 0x96, 0xde, 0x01, 0x26, 0x53, 0xf0, 0xad, 0x87, 0x78, 0xaf, 0xda, 0x55, 0x00, 0x22, 0x16, 0xa4, 0xe1, 0xd8, 0xca, 0x1a, 0xd2, 0x4c, 0x92, 0x39, 0x21, 0xa4, 0x12, 0x01, 0x16, 0x41, 0xc1, 0x10, 0x52, 0xb8, 0x89, 0x01, 0x3d, 0xbe, 0x18, 0x06, 0x12, 0xd8, 0x36, 0xcc, 0xe1, 0x31, 0x16, 0xdd, 0x98, 0x5c, 0xb7, 0x7b, 0xc9, 0x3a, 0xcd, 0x18, 0x8c, 0x1b, 0xf5, 0xba, 0xea, 0x1a, 0x77, 0x5c, 0xc4, 0xf0, 0x54, 0x60, 0x8d, 0xc2, 0xc7, 0xcd, 0x26, 0xc0, 0x04, 0xba, 0x27, 0x82, 0x03, 0x6d, 0x7f, 0x44, 0xdc, 0x05, 0x88, 0x95, 0x26, 0xf1, 0x63, 0xf1, 0x41, 0xe3, 0x85, 0x32, 0x67, 0x99, 0xe8, 0x30, 0xaa, 0xd3, 0xc2, 0x07, 0x5c, 0x29, 0x31, 0x16, 0x26, 0x0a, 0x46, 0x24, 0x58, 0x72, 0xb2, 0x76, 0x1b, 0x40, 0x8b, 0x9e, 0x37, 0x48, 0xb4, 0x07, 0x5f, 0x8f, 0x25, 0x56, 0x13, 0x12, 0x42, 0x53, 0x60, 0x46, 0x7c, 0x90, 0x26, 0x36, 0x92, 0x42, 0x1a, 0x00, 0x37, 0x9e, 0x97, 0x44, 0x17, 0x4c, 0x93, 0x6e, 0x41, 0x50, 0xb8, 0x40, 0x69, 0x32, 0x40, 0x1f, 0x14, 0xc0, 0x3c, 0x26, 0x7e, 0xaa, 0xa2, 0xf7, 0x05, 0x49, 0x8e, 0x38, 0x1d, 0x51, 0xb4, 0x08, 0x8c, 0xfd, 0x16, 0x9b, 0xbd, 0x00, 0x1e, 0xc7, 0xab, 0xb8, 0x93, 0x0e, 0x13, 0xb6, 0xd2, 0x24, 0xae, 0x27, 0x7b, 0x48, 0x3b, 0x84, 0x34, 0x24, 0xe1, 0x2d, 0xb7, 0x88, 0xc5, 0xa4, 0xa8, 0x35, 0x1c, 0x44, 0x1d, 0xb7, 0xe3, 0x09, 0x07, 0x01, 0x87, 0x19, 0xc4, 0xca, 0x44, 0x41, 0x1b, 0x48, 0xdd, 0x3c, 0x53, 0x6d, 0x43, 0xe2, 0x68, 0x89, 0x39, 0xb5, 0x92, 0xa8, 0xe6, 0xd3, 0x22, 0xc4, 0x1e, 0x97, 0x50, 0xef, 0x1b, 0x6e, 0x48, 0x74, 0xde, 0x53, 0x04, 0x92, 0x08, 0x23, 0x70, 0xeb, 0x95, 0x54, 0xdc, 0x37, 0xdd, 0xcd, 0xdc, 0x3e, 0x48, 0x70, 0x0e, 0xf0, 0x81, 0x9c, 0xc2, 0xdf, 0x77, 0x49, 0xa1, 0xba, 0xea, 0xe0, 0x58, 0xfb, 0x3f, 0xc5, 0x6b, 0x3b, 0x46, 0x93, 0xeb, 0x76, 0xbe, 0xa1, 0x94, 0xdb, 0x2e, 0x7d, 0x42, 0xd0, 0x39, 0x99, 0x5d, 0x2e, 0xb3, 0x6f, 0x65, 0x77, 0x7f, 0x61, 0x20, 0x38, 0x80, 0xc1, 0x78, 0xf1, 0x19, 0x5c, 0x5d, 0x3d, 0xa5, 0xd1, 0x6e, 0x33, 0xc6, 0x4a, 0xdd, 0xf7, 0x4f, 0x52, 0x28, 0xf6, 0x87, 0xb3, 0x24, 0x81, 0x59, 0xbb, 0x07, 0x2d, 0xc2, 0xfe, 0x8b, 0xa5, 0xed, 0x8d, 0x13, 0x35, 0xfa, 0x1a, 0x94, 0xcb, 0x44, 0x81, 0xb9, 0x86, 0x30, 0xef, 0xea, 0xcb, 0x81, 0x7d, 0x23, 0xbc, 0xb5, 0xfb, 0x43, 0x83, 0x8c, 0x83, 0xd1, 0x29, 0x98, 0x96, 0xc4, 0x8b, 0x61, 0x75, 0xbd, 0xda, 0x0d, 0xad, 0xd8, 0x75, 0xa9, 0x18, 0x80, 0x5c, 0xd0, 0x33, 0x90, 0x3f, 0x32, 0xb8, 0xf2, 0xc0, 0x1d, 0x00, 0x8b, 0x5b, 0x1e, 0x6b, 0x63, 0xda, 0xcc, 0x7b, 0x74, 0xfa, 0x0a, 0x45, 0xae, 0xf0, 0xd1, 0xde, 0x6d, 0xfb, 0x47, 0xf9, 0x2f, 0x03, 0x5a, 0xeb, 0x11, 0x21, 0xb0, 0x22, 0xdf, 0xd7, 0x25, 0xd5, 0x6b, 0x59, 0xff, 0x00, 0xa3, 0xd8, 0x01, 0x24, 0x06, 0x30, 0x5b, 0xf7, 0x80, 0x5a, 0x6e, 0xef, 0xe9, 0xcd, 0x6e, 0xd6, 0xa3, 0x62, 0x43, 0x48, 0x79, 0x91, 0xc0, 0x5f, 0xea, 0x16, 0xcb, 0xbe, 0x15, 0x05, 0x4d, 0x46, 0x9e, 0x93, 0x49, 0x30, 0xd2, 0x48, 0xea, 0x4f, 0xe4, 0xb9, 0xd6, 0x81, 0x10, 0xe0, 0x40, 0x36, 0x36, 0xb4, 0xa4, 0xd6, 0x16, 0x1d, 0xc1, 0xc2, 0x38, 0x5a, 0x4a, 0x6d, 0x26, 0x5d, 0xb9, 0xd6, 0x1d, 0x10, 0xe8, 0x71, 0x69, 0xdc, 0x0d, 0xb1, 0xc9, 0x53, 0x43, 0x77, 0x06, 0x83, 0x73, 0x26, 0x7f, 0x92, 0x92, 0xd8, 0x96, 0x87, 0x80, 0x44, 0x91, 0xf9, 0x42, 0x08, 0xf0, 0x0f, 0x11, 0x9e, 0x09, 0x34, 0x90, 0x2d, 0x25, 0xc3, 0x32, 0x12, 0x78, 0x73, 0xa2, 0x00, 0x17, 0x92, 0x40, 0xc1, 0xe5, 0x0a, 0xf0, 0x65, 0xc4, 0x82, 0x45, 0xa5, 0x49, 0x02, 0x43, 0x8b, 0x89, 0x33, 0x11, 0x8e, 0x0b, 0xe8, 0x7d, 0x84, 0x41, 0xec, 0xbd, 0x2e, 0x40, 0xf6, 0x60, 0x05, 0xb1, 0x3c, 0x2c, 0x4a, 0x6d, 0x89, 0x80, 0x20, 0xa9, 0x6b, 0x48, 0x31, 0x2a, 0xdb, 0x20, 0x9b, 0x8f, 0x3c, 0xa6, 0x22, 0x31, 0x1e, 0xa8, 0x22, 0x6f, 0xe1, 0x84, 0x08, 0x82, 0x04, 0x58, 0xce, 0x52, 0x2d, 0x11, 0x30, 0x13, 0x0d, 0x00, 0x49, 0x80, 0x78, 0x24, 0x45, 0xc1, 0xc4, 0xfa, 0xa9, 0x89, 0x74, 0x90, 0x52, 0x73, 0x79, 0x4b, 0x4f, 0x92, 0x77, 0x23, 0x3f, 0x04, 0x8f, 0x12, 0x32, 0x02, 0x70, 0x2d, 0x73, 0x05, 0x3d, 0xbc, 0x41, 0x10, 0x81, 0xbb, 0x98, 0xf8, 0x61, 0x17, 0xdb, 0xc2, 0xc8, 0x92, 0x4c, 0x5f, 0xd0, 0xc0, 0x4c, 0x88, 0xb8, 0x02, 0x02, 0x43, 0xa4, 0xfc, 0x15, 0xb0, 0xf8, 0x82, 0x1d, 0x1f, 0xac, 0xb0, 0x6a, 0xc0, 0x1a, 0x6a, 0xa0, 0x13, 0xee, 0x3a, 0x78, 0xf0, 0x5a, 0x3e, 0xe6, 0x47, 0xd9, 0xb5, 0x00, 0x4f, 0xbf, 0xf8, 0x05, 0xd1, 0x92, 0x44, 0x09, 0x3d, 0x12, 0x02, 0x66, 0x66, 0x51, 0x68, 0xb4, 0xcf, 0x54, 0x8c, 0x03, 0x68, 0xba, 0x73, 0x6e, 0x10, 0x86, 0xbb, 0x71, 0x8d, 0xa6, 0x07, 0x20, 0xab, 0x84, 0x11, 0x69, 0x91, 0x29, 0x99, 0x90, 0x2d, 0x09, 0xef, 0x6f, 0x31, 0xf1, 0x5b, 0x6e, 0xf1, 0xff, 0x00, 0xa8, 0x55, 0x00, 0x08, 0xb7, 0xcd, 0x69, 0xc1, 0x91, 0xd7, 0x2a, 0x5c, 0xe2, 0xd1, 0x30, 0x81, 0x04, 0xc9, 0x9b, 0xe1, 0x30, 0xd0, 0x1d, 0x23, 0x1c, 0x90, 0x67, 0x71, 0x9b, 0x0f, 0x8a, 0x61, 0xc5, 0xd8, 0xc2, 0x4e, 0x86, 0x9b, 0xdb, 0xd2, 0x53, 0x04, 0x38, 0x5a, 0x27, 0xe0, 0xb9, 0x8e, 0xf7, 0x18, 0xd6, 0xe8, 0xdc, 0x24, 0x8b, 0x82, 0x39, 0xc1, 0x0b, 0xa7, 0x24, 0xc0, 0x30, 0x3d, 0x46, 0x12, 0xe1, 0x90, 0x98, 0x1b, 0x88, 0x24, 0x80, 0x3c, 0xd0, 0x1c, 0x7a, 0x59, 0x0e, 0xea, 0x45, 0x90, 0xf8, 0xf4, 0x4a, 0x6c, 0x20, 0x5d, 0x02, 0x66, 0xf8, 0x3c, 0xac, 0x90, 0x30, 0x7c, 0x23, 0xce, 0xc9, 0x99, 0x9b, 0x10, 0x8d, 0xae, 0xe5, 0xe5, 0xd5, 0x29, 0x02, 0xe4, 0x25, 0x37, 0xb4, 0x92, 0xa8, 0x88, 0x19, 0x23, 0xd1, 0x03, 0x20, 0x99, 0x9f, 0x24, 0xb8, 0xc7, 0x11, 0xc1, 0x36, 0x8e, 0x27, 0xd2, 0xc9, 0x81, 0x62, 0x09, 0x30, 0x72, 0x91, 0x11, 0x82, 0x9b, 0x49, 0xb8, 0xb4, 0x94, 0x0d, 0xd2, 0x01, 0x88, 0xe0, 0x94, 0x12, 0xeb, 0xc8, 0x1c, 0x61, 0x02, 0x67, 0x06, 0x38, 0xa2, 0xd2, 0x66, 0x65, 0x69, 0x7b, 0xd1, 0x2d, 0xec, 0x7a, 0xb1, 0x31, 0xb9, 0xa6, 0xfe, 0x65, 0x70, 0xed, 0x7b, 0x04, 0xc8, 0x00, 0x9f, 0x55, 0x4e, 0x32, 0x41, 0xb9, 0xb4, 0xe5, 0x63, 0x96, 0xed, 0x24, 0x45, 0xb8, 0x4a, 0x40, 0x36, 0x41, 0x82, 0xe2, 0x0f, 0x00, 0x7e, 0x68, 0x78, 0x30, 0xe9, 0x01, 0xc7, 0x36, 0xe0, 0x3a, 0xa0, 0x39, 0xbe, 0xcc, 0xc1, 0x6c, 0x44, 0x9b, 0xe5, 0x43, 0x9b, 0x24, 0x13, 0xee, 0xf9, 0xa6, 0x1b, 0x32, 0xe9, 0x11, 0xd7, 0x8a, 0x1e, 0x08, 0x69, 0x01, 0xa3, 0xad, 0xe1, 0x63, 0x64, 0xb8, 0x11, 0x37, 0xe5, 0x85, 0x95, 0xb0, 0x5c, 0xd0, 0xd2, 0x5b, 0xe8, 0xb7, 0xfd, 0xcf, 0xff, 0x00, 0xad, 0xaf, 0x24, 0x97, 0x16, 0x7c, 0x70, 0xb7, 0xfa, 0x3a, 0x9a, 0x17, 0xeb, 0x2b, 0x37, 0x4f, 0xb3, 0xed, 0x02, 0x77, 0x9d, 0xb0, 0x64, 0x1e, 0x07, 0xe0, 0xb9, 0x7e, 0xf3, 0xea, 0xaa, 0x56, 0xd7, 0xbe, 0x83, 0x80, 0x14, 0xe9, 0x90, 0x1a, 0x3c, 0xaf, 0x31, 0xcc, 0xca, 0xd2, 0xb6, 0x06, 0xd0, 0x40, 0x00, 0xdc, 0x85, 0x91, 0x95, 0x1c, 0xca, 0xad, 0x7b, 0x1c, 0x46, 0xd3, 0x33, 0x8b, 0x8b, 0xc2, 0xfa, 0x17, 0x65, 0xeb, 0x1b, 0xad, 0xd0, 0xd3, 0xd4, 0x30, 0x8d, 0xce, 0x1e, 0x2e, 0x8e, 0xfe, 0xae, 0xb9, 0xae, 0xf5, 0xe8, 0x85, 0x1d, 0x53, 0x6b, 0xd3, 0x68, 0xd9, 0x54, 0x41, 0x20, 0x61, 0xc3, 0xa7, 0x95, 0xd6, 0x88, 0x3b, 0x33, 0x90, 0x66, 0xe2, 0x6d, 0xc9, 0x75, 0x1d, 0xca, 0x70, 0x07, 0x53, 0x48, 0x91, 0x12, 0xc7, 0xe2, 0x05, 0xe6, 0x57, 0x3f, 0xae, 0xa2, 0x59, 0xaf, 0xac, 0xd6, 0x34, 0xcf, 0xb4, 0x73, 0x5b, 0x6c, 0xc1, 0x0b, 0xdf, 0xde, 0x22, 0x3e, 0xf2, 0x34, 0x9a, 0x4e, 0xda, 0x4c, 0x63, 0x3e, 0x40, 0xfe, 0x2b, 0x52, 0x1c, 0x4b, 0x80, 0x13, 0x33, 0x16, 0x10, 0xbb, 0x9d, 0x38, 0xd2, 0xfe, 0x8f, 0x69, 0xfe, 0xda, 0x03, 0xa8, 0x16, 0x36, 0x67, 0x81, 0x24, 0x0f, 0xc5, 0x2a, 0x0c, 0xec, 0xde, 0xcb, 0xa7, 0x52, 0xbd, 0x2a, 0xac, 0x1b, 0xc4, 0x17, 0x17, 0x07, 0x18, 0xe4, 0x38, 0xae, 0x3f, 0x5d, 0xad, 0xfb, 0x5e, 0xb2, 0xad, 0x7a, 0x81, 0xc0, 0x3c, 0xf8, 0x60, 0xcc, 0x01, 0x6c, 0x79, 0x05, 0xe6, 0x7b, 0x86, 0xed, 0xad, 0x71, 0x20, 0xf0, 0xeb, 0xd5, 0x04, 0x39, 0xa2, 0x0c, 0x03, 0xcd, 0x40, 0x32, 0x2e, 0x0d, 0xac, 0x4c, 0xfd, 0x53, 0x0e, 0x23, 0xc3, 0x20, 0xce, 0x20, 0x44, 0x24, 0xd2, 0x77, 0x48, 0x04, 0xcf, 0x38, 0xba, 0x65, 0xcd, 0x2f, 0x26, 0xa4, 0x07, 0x1e, 0x48, 0xde, 0x43, 0xae, 0x44, 0x7c, 0x54, 0xb4, 0xdd, 0xc5, 0xc4, 0xc5, 0xc8, 0x81, 0x0a, 0xe9, 0x99, 0x63, 0xa0, 0x9d, 0xd9, 0x05, 0x30, 0x69, 0xbe, 0x77, 0x87, 0x3a, 0x07, 0x9a, 0xc6, 0xe2, 0x21, 0xa0, 0x4e, 0x67, 0xae, 0x0a, 0xfa, 0x27, 0x61, 0x10, 0xee, 0xca, 0xd2, 0x92, 0x48, 0xf0, 0x05, 0xef, 0x9b, 0x99, 0x89, 0xe0, 0x90, 0x9c, 0xfe, 0x29, 0x82, 0x2f, 0xf9, 0xab, 0x0e, 0x33, 0x85, 0x51, 0x30, 0x49, 0x37, 0x53, 0x2d, 0x00, 0xf3, 0x54, 0xd2, 0x26, 0x48, 0x1d, 0x53, 0x39, 0x17, 0x52, 0xe8, 0x31, 0x7c, 0x20, 0x38, 0x71, 0xc0, 0xc2, 0x7c, 0x32, 0x54, 0xf0, 0x24, 0x93, 0x6c, 0x22, 0xf8, 0x00, 0xdf, 0xaa, 0x05, 0x81, 0x91, 0x04, 0x84, 0xa6, 0xc0, 0x72, 0xc5, 0xd5, 0x12, 0xd8, 0x82, 0x0c, 0xf9, 0xa5, 0x20, 0x08, 0x1f, 0x54, 0x9a, 0x6e, 0x24, 0x18, 0x4e, 0xc2, 0x60, 0x18, 0x38, 0x4d, 0xa6, 0xd6, 0x94, 0x17, 0x78, 0xac, 0x0a, 0xa0, 0xe1, 0xee, 0x9e, 0x29, 0x8c, 0x41, 0x02, 0x7c, 0xd7, 0x9b, 0x55, 0x2d, 0xd2, 0xd6, 0x04, 0x89, 0x2c, 0x75, 0xfd, 0x16, 0x93, 0xb9, 0x56, 0xd2, 0x6a, 0x25, 0xc2, 0x77, 0xfe, 0x0b, 0xa3, 0x2e, 0x21, 0xc0, 0x11, 0x30, 0x91, 0x33, 0x26, 0xf3, 0xc1, 0x12, 0x79, 0x84, 0xf0, 0x64, 0x81, 0x1e, 0x48, 0x24, 0x5e, 0xe1, 0x4b, 0x49, 0x13, 0x8b, 0xe1, 0x65, 0x18, 0x97, 0x47, 0x4b, 0xa5, 0x62, 0xdc, 0x5d, 0x28, 0x67, 0x25, 0xba, 0xef, 0x10, 0xff, 0x00, 0x10, 0xaa, 0x6d, 0xc3, 0x8a, 0xd3, 0x46, 0xdb, 0x88, 0x30, 0x83, 0x70, 0x77, 0x45, 0xf0, 0x11, 0xb6, 0x22, 0x65, 0x00, 0x0b, 0x93, 0x00, 0xa6, 0xe0, 0x66, 0x24, 0x42, 0x5b, 0x6e, 0x00, 0x38, 0xca, 0x93, 0xc4, 0x18, 0x94, 0xe6, 0xd2, 0xe8, 0xe8, 0xb9, 0x8e, 0xf6, 0x40, 0xd6, 0x68, 0x89, 0x98, 0xbe, 0x02, 0xe9, 0xb8, 0x82, 0x64, 0x8e, 0x08, 0x12, 0x26, 0x1b, 0x05, 0x56, 0x1b, 0x7c, 0xfc, 0x12, 0x25, 0xb3, 0x78, 0x03, 0x87, 0x14, 0x4e, 0x44, 0x89, 0x41, 0x71, 0xe2, 0x2c, 0x81, 0x36, 0xe0, 0x82, 0x06, 0x49, 0xfe, 0x6a, 0x77, 0x18, 0xe0, 0x15, 0x37, 0x12, 0x13, 0x2e, 0x74, 0x40, 0x06, 0x7c, 0xd4, 0x46, 0x41, 0x94, 0xed, 0x20, 0x47, 0xaf, 0x34, 0xf3, 0x86, 0x9f, 0x8f, 0xd1, 0x23, 0xe1, 0xb1, 0x07, 0xe2, 0x80, 0x77, 0x67, 0x86, 0x13, 0x18, 0x12, 0x7e, 0x69, 0xc9, 0xb5, 0x91, 0x62, 0x4b, 0x4c, 0xdb, 0x0a, 0x46, 0xd0, 0x60, 0xcc, 0xa3, 0x71, 0x02, 0xdc, 0xe2, 0xe3, 0x09, 0xee, 0x11, 0x73, 0x00, 0x64, 0xa5, 0x22, 0xe0, 0x38, 0x5d, 0x22, 0xe0, 0x62, 0xc3, 0xd5, 0x69, 0xbb, 0xda, 0x27, 0xb1, 0x6a, 0x90, 0x44, 0xee, 0x6d, 0xa7, 0xaa, 0xe1, 0xda, 0x0c, 0xed, 0x2d, 0x68, 0x70, 0xf5, 0xb4, 0x65, 0x27, 0x00, 0x08, 0x92, 0x1c, 0x71, 0xc9, 0x4d, 0x89, 0x00, 0x16, 0xc1, 0x36, 0xea, 0xa8, 0xb5, 0xcf, 0x24, 0x30, 0x81, 0x19, 0x90, 0x47, 0xc1, 0x63, 0x21, 0xce, 0x30, 0x5a, 0x4f, 0xe2, 0x9d, 0x38, 0x9b, 0x81, 0xba, 0x0c, 0x02, 0x61, 0x0d, 0x6e, 0xeb, 0x6e, 0x32, 0x72, 0x13, 0xda, 0x6c, 0x04, 0xcb, 0x50, 0x7c, 0x64, 0x93, 0x04, 0x03, 0x1c, 0x94, 0x07, 0x00, 0x6c, 0x05, 0xb8, 0x80, 0x80, 0xe7, 0x0c, 0x81, 0x33, 0xf1, 0x5d, 0x07, 0x74, 0x09, 0xfb, 0x65, 0x6c, 0x7f, 0x96, 0x73, 0xce, 0x42, 0xad, 0x0d, 0x73, 0x43, 0xbd, 0x0f, 0x00, 0xb6, 0x2a, 0x54, 0x73, 0x09, 0x8e, 0x64, 0xf0, 0xf3, 0x85, 0x87, 0xbd, 0xd4, 0xb6, 0xeb, 0x9b, 0x54, 0x16, 0xed, 0xa8, 0xc9, 0x3c, 0xcc, 0x7f, 0x28, 0x5a, 0x51, 0x12, 0x5c, 0xf8, 0x89, 0x80, 0xb1, 0x87, 0x49, 0x33, 0x8f, 0xa7, 0xa2, 0xde, 0x77, 0x67, 0x5e, 0x34, 0xba, 0xd6, 0xd2, 0x71, 0x3e, 0xc6, 0xb4, 0x0c, 0xe1, 0xc7, 0x07, 0xca, 0xcb, 0xa1, 0xef, 0x2d, 0x11, 0x57, 0xb1, 0xea, 0x91, 0x13, 0x4f, 0xc4, 0x3e, 0x31, 0xf4, 0x5c, 0x43, 0x9c, 0x77, 0x82, 0x48, 0x30, 0x0c, 0x5a, 0x24, 0x73, 0x5b, 0xde, 0xe7, 0xd4, 0x23, 0xb4, 0x9c, 0xc3, 0x10, 0xe6, 0x10, 0x3c, 0xc4, 0x29, 0xed, 0x06, 0x01, 0xde, 0x56, 0x53, 0x8b, 0x54, 0xaa, 0xc2, 0x7a, 0x48, 0xc2, 0xf1, 0x76, 0xc3, 0x85, 0x4e, 0xd4, 0xd4, 0xbd, 0xa7, 0xf5, 0xc8, 0xcf, 0x10, 0x0f, 0xe4, 0xbc, 0x3b, 0x8b, 0x5a, 0x4b, 0x88, 0x99, 0x9b, 0x7f, 0x5d, 0x17, 0x57, 0xa8, 0xdb, 0xfa, 0x23, 0x4c, 0x3c, 0xc8, 0x0c, 0x6f, 0x0c, 0xf8, 0x97, 0x2b, 0xbc, 0x07, 0x4e, 0xe7, 0x09, 0xb5, 0x89, 0x13, 0xd5, 0x62, 0xf0, 0xc9, 0x9e, 0x79, 0x29, 0x06, 0x8d, 0xc6, 0xe2, 0x4e, 0x08, 0xfc, 0x56, 0x42, 0xd2, 0x05, 0xc8, 0x3e, 0xab, 0x1e, 0xf3, 0xe2, 0x61, 0xb8, 0x90, 0x7e, 0x4a, 0x9d, 0x62, 0x08, 0x90, 0x33, 0x64, 0xc3, 0x5d, 0xb4, 0xba, 0x4c, 0x13, 0x26, 0x40, 0x58, 0xaf, 0x90, 0x15, 0x92, 0x36, 0x13, 0xb6, 0x65, 0x22, 0xed, 0xd2, 0x04, 0x62, 0xc9, 0x37, 0x6b, 0x46, 0x48, 0x3b, 0x87, 0xaa, 0x60, 0xb8, 0xd4, 0x90, 0x40, 0x74, 0xda, 0x39, 0x2c, 0x87, 0xde, 0xf1, 0x6d, 0x95, 0xdf, 0x76, 0x1b, 0xbf, 0xc1, 0xf4, 0xa7, 0x9d, 0x30, 0x7c, 0x96, 0xc2, 0x41, 0x70, 0x92, 0x24, 0x7c, 0xd3, 0x37, 0xc1, 0x08, 0x6c, 0x12, 0x65, 0x13, 0x30, 0x04, 0xab, 0xc4, 0x0b, 0xc0, 0x40, 0x8b, 0x82, 0xd3, 0xd3, 0xaa, 0x59, 0x36, 0x4c, 0x1e, 0x03, 0x23, 0xa2, 0x05, 0xec, 0x60, 0x14, 0x44, 0x36, 0xf0, 0x67, 0x08, 0x92, 0x05, 0xe1, 0x21, 0x9f, 0x11, 0xf2, 0xb2, 0x24, 0xc8, 0x30, 0x0a, 0x62, 0xf2, 0x48, 0x29, 0x4c, 0xe0, 0x84, 0x6e, 0x00, 0xa5, 0x27, 0x20, 0x09, 0xf2, 0x4d, 0xae, 0x13, 0xc5, 0x23, 0x91, 0x19, 0x22, 0x53, 0x33, 0x17, 0x8f, 0x8a, 0x6d, 0x31, 0x63, 0x29, 0x07, 0x49, 0xe0, 0x9e, 0xe1, 0x17, 0x23, 0xe1, 0x85, 0x83, 0x56, 0x7f, 0xbb, 0x55, 0x13, 0xfa, 0x8e, 0xfa, 0x2d, 0x1f, 0x72, 0xff, 0x00, 0xe9, 0xb5, 0x33, 0x8d, 0xe3, 0x84, 0xae, 0x98, 0x90, 0xdb, 0xb7, 0x8e, 0x50, 0x4c, 0x90, 0x25, 0x48, 0xbb, 0xbc, 0x31, 0x1e, 0x6a, 0xc8, 0xdc, 0x6f, 0x6f, 0x55, 0x20, 0xfb, 0xc1, 0xb1, 0x61, 0xf1, 0x48, 0x00, 0x7d, 0xec, 0x85, 0x4d, 0x1c, 0x2d, 0x1e, 0x6a, 0x89, 0xe0, 0x21, 0x10, 0x79, 0x2d, 0xc7, 0x78, 0x44, 0xf6, 0x8d, 0x59, 0x13, 0x3f, 0x82, 0xd4, 0xb9, 0xa0, 0xc8, 0x00, 0xde, 0xe8, 0xdb, 0x6b, 0xc4, 0xa4, 0x41, 0x06, 0x41, 0x0a, 0x65, 0xb1, 0x17, 0xcc, 0x26, 0x3d, 0xeb, 0x70, 0x4a, 0x4d, 0xc0, 0x45, 0xa2, 0x0f, 0x04, 0x13, 0x6b, 0xc4, 0x2e, 0x5b, 0xbe, 0x04, 0x8d, 0x6e, 0x87, 0x6c, 0xc9, 0x24, 0x1e, 0x59, 0x5d, 0x35, 0xe2, 0xd3, 0x25, 0x54, 0x38, 0x73, 0xf8, 0xa6, 0xec, 0x5c, 0x5f, 0xcd, 0x49, 0x74, 0x58, 0x8f, 0xc5, 0x04, 0x8b, 0x5a, 0xe5, 0x51, 0x00, 0x9b, 0xfd, 0x12, 0x3c, 0x78, 0x59, 0x07, 0x61, 0x89, 0x94, 0xa3, 0x94, 0xc7, 0x04, 0x02, 0x00, 0xe3, 0x29, 0x87, 0x3a, 0x3c, 0x24, 0x59, 0x22, 0xe2, 0x73, 0x16, 0xca, 0x26, 0x48, 0x26, 0x22, 0x61, 0x02, 0x6e, 0x0c, 0x5b, 0x8a, 0x42, 0x08, 0xb2, 0x66, 0x71, 0x6f, 0xa2, 0x06, 0x01, 0x8b, 0x2b, 0x96, 0x91, 0x61, 0x70, 0x91, 0xb9, 0x4b, 0x24, 0xee, 0x8b, 0x62, 0xea, 0x43, 0x89, 0x00, 0x18, 0xb1, 0x94, 0xcd, 0x8d, 0xa0, 0xb4, 0xe5, 0x29, 0x32, 0x40, 0x3f, 0x24, 0x89, 0xe0, 0x2c, 0x56, 0x9f, 0xbc, 0xc0, 0xfd, 0xd1, 0x54, 0x13, 0x92, 0xdf, 0xaa, 0xe2, 0x5e, 0xe9, 0x38, 0x05, 0xdc, 0x6f, 0xc3, 0x92, 0x87, 0x39, 0xb0, 0x36, 0xc8, 0x8c, 0xda, 0x4a, 0xa0, 0xe0, 0x2e, 0xd0, 0x4d, 0xae, 0x23, 0x05, 0x4b, 0x9c, 0x37, 0x03, 0x7b, 0x88, 0xca, 0x1c, 0xd6, 0x82, 0x27, 0xde, 0x03, 0x9a, 0x83, 0xbb, 0x74, 0x86, 0x8e, 0x57, 0xe0, 0xb2, 0x36, 0x5d, 0x2d, 0x22, 0x01, 0xe4, 0x3e, 0x69, 0x06, 0xbb, 0xde, 0x24, 0x18, 0xfc, 0x12, 0x78, 0x6c, 0x86, 0x83, 0xe1, 0x9e, 0x51, 0x3e, 0xa8, 0x34, 0xf2, 0x21, 0xa0, 0x4c, 0x8e, 0x3e, 0xa9, 0x6c, 0x1b, 0x7c, 0x33, 0xe1, 0xb9, 0xbe, 0x16, 0xf7, 0xb9, 0xe3, 0xfb, 0xe6, 0xa0, 0x3b, 0x1e, 0xcc, 0x91, 0xf2, 0x5e, 0x3d, 0x75, 0x43, 0x47, 0xb6, 0x75, 0x15, 0x9b, 0x12, 0xca, 0xa5, 0xdf, 0x02, 0x7f, 0x15, 0xbb, 0xef, 0x55, 0x06, 0xd6, 0xd0, 0x69, 0xeb, 0x88, 0x3b, 0x5e, 0x00, 0xf2, 0x36, 0xfc, 0x02, 0xe4, 0xab, 0x36, 0x44, 0xc5, 0x89, 0x4e, 0xa5, 0x12, 0x28, 0xd2, 0x71, 0x36, 0x7c, 0x83, 0x6e, 0x47, 0xf9, 0xa8, 0x6c, 0xb8, 0x43, 0x4e, 0xd2, 0x04, 0x99, 0xb1, 0x3c, 0x63, 0xcd, 0x77, 0x14, 0xeb, 0x1d, 0x6f, 0x77, 0xdc, 0xf3, 0x1b, 0xdd, 0x45, 0xc0, 0xdb, 0x88, 0xe2, 0xb8, 0xa8, 0x20, 0x13, 0xe1, 0x10, 0x0c, 0x4f, 0x45, 0xef, 0xee, 0xe5, 0x57, 0xd3, 0xed, 0x8a, 0x04, 0xb8, 0x06, 0x92, 0x5a, 0x7d, 0x41, 0x5b, 0xfd, 0x7b, 0x1b, 0xfa, 0x4d, 0xa3, 0x73, 0xa6, 0x0b, 0x0b, 0x89, 0x8e, 0x5f, 0xd0, 0x5c, 0xb5, 0x6a, 0xc2, 0xa5, 0x5a, 0x8f, 0x04, 0x6e, 0xdc, 0x49, 0x1c, 0xe6, 0x7f, 0x35, 0x84, 0x5d, 0xd7, 0x8b, 0x8f, 0xcd, 0x75, 0x5a, 0xaf, 0xff, 0x00, 0x0e, 0x60, 0x2e, 0x23, 0xc2, 0xd1, 0x9f, 0xf7, 0x2e, 0x57, 0x69, 0x0f, 0x0d, 0x71, 0x38, 0x31, 0xc6, 0x54, 0xed, 0x11, 0xe2, 0x99, 0x98, 0x8e, 0x4a, 0xc0, 0x83, 0xc0, 0x0c, 0x88, 0xca, 0x8f, 0x68, 0x43, 0xc0, 0x04, 0x49, 0xe8, 0x99, 0x17, 0xde, 0xe0, 0x76, 0xcd, 0xa0, 0xa6, 0x26, 0x5c, 0x01, 0x2e, 0xe3, 0x1c, 0x94, 0xed, 0x76, 0xd0, 0x49, 0x21, 0xc3, 0xa2, 0x63, 0x73, 0x86, 0xe0, 0x1d, 0x6c, 0x9e, 0x68, 0x23, 0x6c, 0x02, 0xe2, 0x22, 0xe9, 0x35, 0x81, 0xe4, 0xbb, 0xde, 0x07, 0x95, 0xa3, 0xcd, 0x22, 0x1b, 0x16, 0x00, 0x38, 0x60, 0xca, 0x03, 0x7c, 0x2d, 0x24, 0x90, 0x06, 0x79, 0x94, 0xc3, 0x65, 0xd7, 0xf8, 0xfc, 0xff, 0x00, 0x05, 0xf4, 0x2e, 0xc1, 0x6b, 0x87, 0x63, 0xe8, 0xc0, 0x8f, 0xf2, 0xc2, 0xd8, 0xb6, 0x37, 0x0b, 0x5f, 0x8a, 0x98, 0x82, 0x4c, 0xaa, 0x04, 0x06, 0xc1, 0x39, 0xe8, 0x98, 0xcd, 0x84, 0x82, 0x83, 0xb8, 0x12, 0x49, 0x8f, 0x54, 0x49, 0x77, 0xeb, 0x14, 0xc3, 0x63, 0x09, 0x80, 0x01, 0x9b, 0xa4, 0x66, 0xf3, 0x30, 0xa4, 0x10, 0x33, 0x24, 0x70, 0x4e, 0xf9, 0x41, 0x20, 0x1e, 0x1d, 0x65, 0x22, 0x08, 0x32, 0xd2, 0x91, 0x2e, 0xc1, 0x17, 0xf3, 0x4e, 0x08, 0xf7, 0xa2, 0x3e, 0x28, 0x26, 0xc6, 0x22, 0x65, 0x20, 0x2f, 0x6f, 0x5b, 0xa6, 0x1d, 0xb6, 0xc6, 0x55, 0x17, 0x03, 0x71, 0x7e, 0x0a, 0x0c, 0x93, 0x61, 0xf3, 0x55, 0x27, 0x27, 0xe8, 0x91, 0x30, 0x62, 0xc8, 0x26, 0xf1, 0x02, 0x56, 0x1d, 0x65, 0xf4, 0xb5, 0xa1, 0xc6, 0x4b, 0x1d, 0x03, 0xd1, 0x68, 0xbb, 0x92, 0xe7, 0x7d, 0x97, 0x52, 0x09, 0xfd, 0x7b, 0xfc, 0x02, 0xe9, 0x04, 0x13, 0x93, 0xcd, 0x51, 0x02, 0xd0, 0x6c, 0x81, 0xb5, 0xb2, 0x4a, 0x03, 0xbc, 0xa1, 0x3b, 0x58, 0x88, 0x99, 0xb8, 0x40, 0x9d, 0xc4, 0x93, 0x64, 0xc5, 0x81, 0x91, 0xc2, 0x53, 0x89, 0x82, 0x06, 0x51, 0x05, 0x6f, 0x3b, 0xc1, 0xfe, 0xa1, 0x52, 0xd6, 0x32, 0x16, 0x9e, 0xf8, 0x13, 0x84, 0x01, 0x0e, 0x04, 0x0f, 0x3e, 0x29, 0x16, 0x99, 0xb0, 0xbf, 0x14, 0x1c, 0x09, 0x8b, 0x9e, 0x48, 0x22, 0x49, 0x0d, 0x04, 0x0e, 0x3d, 0x54, 0xb9, 0xa4, 0x91, 0x24, 0xc0, 0xea, 0xa8, 0xb4, 0xc8, 0x49, 0xb2, 0x0c, 0x10, 0xb9, 0x8e, 0xf8, 0x0f, 0xef, 0x7a, 0x3d, 0xa2, 0xd3, 0x39, 0x8e, 0x21, 0x75, 0x34, 0xe2, 0x00, 0x33, 0x89, 0x09, 0x10, 0x7f, 0x64, 0xc7, 0x52, 0x91, 0xb8, 0x8c, 0xa7, 0xb4, 0x71, 0x3e, 0x48, 0x7b, 0x65, 0xbc, 0x52, 0x2d, 0x10, 0x38, 0x05, 0x24, 0x09, 0x12, 0x4c, 0x1e, 0x39, 0x49, 0xcd, 0x82, 0x1a, 0x22, 0x11, 0x07, 0x20, 0x04, 0xb8, 0xc3, 0xa0, 0x2a, 0x13, 0x18, 0xb1, 0x41, 0x69, 0x24, 0x4c, 0x40, 0x43, 0xda, 0x10, 0x3c, 0x3d, 0x52, 0x9b, 0xd8, 0xd9, 0x23, 0x2e, 0x30, 0x40, 0x3f, 0x24, 0x01, 0x06, 0xf2, 0x39, 0x27, 0x39, 0x74, 0x47, 0xaa, 0x73, 0xc4, 0x4f, 0x50, 0x90, 0x13, 0xc0, 0x01, 0xe4, 0x99, 0x90, 0x06, 0xd8, 0xf8, 0x25, 0x78, 0xb0, 0x12, 0x73, 0x64, 0x01, 0x16, 0x90, 0x23, 0xaa, 0x83, 0x32, 0x4d, 0x8f, 0x55, 0xa8, 0xef, 0x4f, 0xfa, 0x4d, 0x53, 0x38, 0x73, 0x4f, 0xcd, 0x70, 0xa0, 0x92, 0xce, 0x9c, 0x2f, 0xc7, 0x92, 0x1a, 0x25, 0xa0, 0x39, 0x90, 0x49, 0xf2, 0x53, 0x22, 0x2e, 0x1c, 0xe8, 0x31, 0x8f, 0xc5, 0x05, 0xc1, 0xc3, 0x22, 0xdc, 0xf2, 0xa5, 0xe7, 0x70, 0x10, 0x4f, 0x87, 0x2a, 0xcb, 0x3c, 0x22, 0x5a, 0x7c, 0x5c, 0x52, 0x0f, 0x2d, 0x80, 0x4d, 0xce, 0x20, 0xc2, 0x6c, 0x97, 0x02, 0x0c, 0x9b, 0x1e, 0x09, 0x81, 0x51, 0xc4, 0x9e, 0x3c, 0x7a, 0x05, 0x5e, 0xcf, 0xc2, 0xed, 0xd0, 0x22, 0xc1, 0x26, 0xcb, 0x6c, 0xd6, 0x82, 0x00, 0xf7, 0xb9, 0x85, 0xbe, 0xee, 0x8c, 0x7d, 0xae, 0xb1, 0x04, 0x0f, 0xec, 0xa7, 0xe6, 0x2c, 0xb5, 0xdd, 0xad, 0x03, 0xb4, 0xb5, 0x53, 0x07, 0xfb, 0x43, 0xc7, 0x84, 0xe1, 0x74, 0x14, 0x87, 0xdb, 0x7b, 0xb1, 0xb4, 0x11, 0xbd, 0xb4, 0xdc, 0x01, 0x89, 0xf1, 0x37, 0x8f, 0xc8, 0x2e, 0x4b, 0x6f, 0xfb, 0xc6, 0x61, 0x7a, 0xf5, 0x0c, 0xff, 0x00, 0x0c, 0xd2, 0xb9, 0xce, 0xf0, 0xb9, 0xf5, 0x04, 0x8e, 0x17, 0x0b, 0xc4, 0xe6, 0xee, 0x96, 0x81, 0xe0, 0x93, 0x04, 0xf1, 0x5d, 0x47, 0x60, 0x55, 0xff, 0x00, 0x02, 0xd5, 0x5c, 0x9d, 0x85, 0xd0, 0x3f, 0xf1, 0x0b, 0x98, 0x73, 0xae, 0x1a, 0x5b, 0x36, 0x39, 0xe6, 0x55, 0xe8, 0x5e, 0x69, 0xeb, 0xa8, 0xd4, 0x12, 0x36, 0xd4, 0x69, 0xf4, 0x07, 0xfe, 0x57, 0x69, 0xda, 0xed, 0x0d, 0x2e, 0xd5, 0x09, 0x26, 0x9d, 0x07, 0x8f, 0x22, 0x61, 0x70, 0x8c, 0x04, 0xee, 0x9d, 0xa0, 0xe4, 0xd9, 0x04, 0x6e, 0xc9, 0x3b, 0x78, 0x79, 0xc6, 0x17, 0x5d, 0xa9, 0x33, 0xdc, 0xea, 0x67, 0x04, 0x31, 0xa3, 0xe6, 0x17, 0x26, 0xd7, 0x4b, 0xa1, 0xc4, 0x6d, 0x9b, 0x94, 0xcd, 0x9a, 0x4b, 0x1c, 0x73, 0x08, 0x75, 0xe2, 0x3d, 0xec, 0x1e, 0xbd, 0x54, 0x34, 0xb4, 0x34, 0x83, 0xef, 0x1f, 0x48, 0x4c, 0x38, 0x88, 0x05, 0xa2, 0xfc, 0x61, 0x3a, 0x63, 0x05, 0xbd, 0x65, 0x45, 0x48, 0x38, 0x8b, 0xe2, 0x0e, 0x15, 0x89, 0x2d, 0x22, 0xe0, 0x8c, 0x5a, 0x25, 0x43, 0xbd, 0xc0, 0x01, 0x20, 0xca, 0x54, 0xc0, 0x6b, 0xa4, 0xb8, 0x13, 0x78, 0x1e, 0xaa, 0x87, 0x88, 0xdd, 0xb3, 0xce, 0x78, 0x26, 0xe0, 0x1a, 0xe9, 0x33, 0xb4, 0xe7, 0x8a, 0x4d, 0x10, 0xcb, 0x91, 0xb8, 0xe3, 0xe6, 0xbe, 0x87, 0xd8, 0x32, 0x3b, 0x23, 0x49, 0x31, 0x6a, 0x63, 0x8e, 0x57, 0xb9, 0x92, 0x20, 0x81, 0x99, 0xba, 0x71, 0x24, 0xc8, 0x46, 0x38, 0x48, 0x3c, 0x12, 0x81, 0x32, 0x02, 0xb6, 0xc4, 0x44, 0x13, 0x3d, 0x53, 0xdb, 0x7b, 0x40, 0x48, 0x48, 0x98, 0x20, 0x93, 0x84, 0xdb, 0x20, 0xdc, 0x4f, 0xae, 0x14, 0x9d, 0xdb, 0x8c, 0xcc, 0x26, 0x1c, 0x05, 0x87, 0xe6, 0x80, 0x4f, 0x0c, 0x26, 0x2d, 0x05, 0xcd, 0xca, 0x9c, 0xb8, 0x10, 0x44, 0x0e, 0x18, 0x48, 0xb6, 0x49, 0x82, 0x25, 0x20, 0x3c, 0x5e, 0x22, 0x13, 0x07, 0xc5, 0x6e, 0x50, 0x4a, 0x57, 0x33, 0x1f, 0x54, 0xdb, 0xd6, 0x12, 0x88, 0x1e, 0xf9, 0x84, 0xda, 0xe8, 0x99, 0x32, 0x3c, 0xd3, 0xb0, 0x81, 0x78, 0x44, 0x34, 0x5e, 0x4c, 0xa6, 0x04, 0xe7, 0x0b, 0x0e, 0xac, 0x8f, 0xb2, 0x55, 0x8f, 0xd8, 0x74, 0x71, 0x8b, 0x2d, 0x27, 0x73, 0x80, 0x3a, 0x6a, 0xe1, 0xb3, 0x3b, 0xc1, 0x3c, 0x38, 0x05, 0xd1, 0x44, 0x18, 0x27, 0x1d, 0x13, 0x33, 0x9b, 0x14, 0xac, 0xe8, 0x91, 0x84, 0x48, 0x00, 0x4e, 0x09, 0x56, 0x26, 0x6e, 0x78, 0x29, 0x22, 0xf2, 0x09, 0x59, 0x3a, 0x98, 0x94, 0xdc, 0xe3, 0x16, 0x89, 0x01, 0x45, 0xb9, 0xad, 0xef, 0x6f, 0x9f, 0xf1, 0x0a, 0x9d, 0x2f, 0xf2, 0x5a, 0x77, 0xe0, 0x41, 0xba, 0x08, 0x20, 0x80, 0x4f, 0x9a, 0x41, 0xc4, 0x4c, 0x42, 0x73, 0xb8, 0x78, 0x87, 0x19, 0x4c, 0x90, 0x01, 0x20, 0x1f, 0x8a, 0x2d, 0xb6, 0x6f, 0x6c, 0xdd, 0x37, 0x88, 0x1c, 0x6f, 0xc5, 0x41, 0x98, 0x10, 0x44, 0x2e, 0x5b, 0xbd, 0xae, 0x27, 0x5b, 0xa2, 0xc0, 0xb1, 0xeb, 0x38, 0x5d, 0x48, 0xb1, 0x17, 0xb4, 0x42, 0x65, 0xe7, 0x03, 0x82, 0x03, 0x81, 0x8c, 0x2a, 0x31, 0x16, 0x9c, 0xf2, 0x4a, 0x3c, 0x26, 0xe6, 0xfd, 0x12, 0x20, 0xc4, 0x49, 0xba, 0x44, 0x70, 0xbe, 0x26, 0x54, 0xf0, 0xba, 0x06, 0x0c, 0x60, 0xf5, 0x43, 0x59, 0x18, 0x04, 0x8f, 0x35, 0x44, 0xf3, 0x06, 0x54, 0x93, 0x16, 0x2d, 0x29, 0x64, 0xcd, 0xaf, 0xcd, 0x1c, 0x62, 0x04, 0xa6, 0x5a, 0x1a, 0x26, 0x7f, 0x15, 0x2d, 0x6c, 0x47, 0x88, 0x75, 0x43, 0xbc, 0x44, 0x47, 0x0c, 0x5d, 0x04, 0x01, 0x30, 0x47, 0xaf, 0x14, 0x35, 0xa4, 0xe6, 0x15, 0x6d, 0xe2, 0x49, 0x25, 0x06, 0x46, 0x2e, 0x91, 0x8e, 0x25, 0x28, 0x02, 0xc4, 0x12, 0xa7, 0x38, 0x1d, 0x72, 0xb4, 0xfd, 0xea, 0x86, 0xf6, 0x3d, 0x42, 0x01, 0xf7, 0xc4, 0xfc, 0x42, 0xe0, 0x6a, 0x1f, 0x14, 0x91, 0x71, 0x8b, 0xf1, 0x59, 0x77, 0x92, 0xd6, 0x39, 0xcd, 0x33, 0x3e, 0x68, 0x00, 0xfb, 0xc4, 0x02, 0x24, 0xf1, 0x88, 0x48, 0x01, 0x72, 0x22, 0xfc, 0x82, 0x4e, 0x90, 0x09, 0x8b, 0xcd, 0xac, 0x80, 0xd2, 0x22, 0x48, 0x83, 0xce, 0xe8, 0x6d, 0x30, 0x5a, 0x00, 0x03, 0x39, 0x59, 0x76, 0xed, 0x11, 0x4e, 0x60, 0xdc, 0x9e, 0x5e, 0x88, 0x24, 0x5e, 0x01, 0x93, 0x62, 0x63, 0x2a, 0x4b, 0x8e, 0xd1, 0xb8, 0x71, 0x8b, 0xa4, 0x06, 0xe3, 0x04, 0xda, 0x22, 0xd8, 0x5d, 0x07, 0x73, 0x9b, 0xfd, 0xf6, 0xbc, 0xcc, 0xec, 0x8c, 0x75, 0x5a, 0xfe, 0xd5, 0x6c, 0xf6, 0xae, 0xa9, 0xc4, 0xdb, 0xda, 0x1e, 0x9c, 0x56, 0xeb, 0xba, 0x75, 0x3d, 0xa6, 0x9f, 0x51, 0x40, 0x92, 0x76, 0xb8, 0x10, 0x27, 0x81, 0x0b, 0x9a, 0xd6, 0x35, 0xda, 0x7d, 0x55, 0x5a, 0x06, 0x21, 0x8e, 0x23, 0xe0, 0xb6, 0x1e, 0xc5, 0xcf, 0xee, 0xc8, 0x78, 0x82, 0x59, 0x58, 0xb8, 0x98, 0xc0, 0x3f, 0xcc, 0xad, 0x38, 0xdf, 0x51, 0xac, 0x26, 0xc0, 0x5e, 0xdc, 0x57, 0x43, 0xd9, 0x13, 0x4f, 0xbb, 0x5a, 0xd7, 0xba, 0x40, 0x73, 0x88, 0x03, 0xce, 0x02, 0xe7, 0x5e, 0x03, 0x73, 0x31, 0x1c, 0xf0, 0xaa, 0x93, 0xac, 0x20, 0xc0, 0x1c, 0x62, 0x57, 0x6d, 0xda, 0xf5, 0x89, 0xec, 0x07, 0x55, 0x81, 0x2f, 0x63, 0x7e, 0x70, 0xb8, 0xa0, 0x4e, 0xd3, 0x24, 0xdc, 0x44, 0x98, 0xf9, 0x0c, 0xa5, 0xb1, 0xbe, 0x16, 0x87, 0x17, 0x34, 0x1b, 0xae, 0xaf, 0x52, 0x7f, 0xf4, 0x8b, 0x20, 0x9f, 0x71, 0xa6, 0x3d, 0x42, 0xe4, 0x9c, 0xe6, 0x92, 0x20, 0x10, 0x3c, 0xd0, 0x1e, 0x4c, 0x03, 0x30, 0x7a, 0x61, 0x50, 0x7c, 0x02, 0x2d, 0x6c, 0x18, 0x47, 0xbc, 0x5b, 0x31, 0xba, 0xdc, 0x50, 0xe9, 0x21, 0xce, 0x13, 0x33, 0x1e, 0x43, 0xa2, 0x61, 0xc3, 0x61, 0x00, 0x18, 0x23, 0x81, 0xe2, 0xb1, 0xee, 0x24, 0x02, 0x5a, 0x1b, 0x36, 0xe4, 0x94, 0xf8, 0x63, 0x69, 0xc4, 0xc9, 0xba, 0xb1, 0xb4, 0xb5, 0xa2, 0x5c, 0x09, 0x3c, 0xd0, 0xd6, 0x80, 0xeb, 0x86, 0xcf, 0x02, 0x9d, 0xf7, 0x78, 0x73, 0x16, 0x09, 0xb8, 0x92, 0xdd, 0xb0, 0x4b, 0x8f, 0x1e, 0x49, 0x52, 0xb8, 0x70, 0x88, 0x8c, 0x83, 0xc6, 0xc5, 0x77, 0xfd, 0x84, 0x3f, 0xc2, 0x74, 0x99, 0x9d, 0x8b, 0x62, 0x33, 0x70, 0x63, 0xc9, 0x30, 0x23, 0x17, 0x55, 0xb4, 0x01, 0x75, 0x06, 0x41, 0x85, 0x40, 0x02, 0x6f, 0x13, 0xd5, 0x3c, 0x13, 0x60, 0x91, 0xf7, 0x4d, 0xac, 0x7a, 0x26, 0xc9, 0x89, 0x23, 0x1c, 0x40, 0x84, 0xe6, 0xd0, 0x41, 0x95, 0x36, 0x36, 0xf8, 0xa9, 0x06, 0x00, 0x8f, 0xc9, 0x1b, 0x5d, 0x20, 0x90, 0x13, 0x81, 0xc3, 0xe8, 0x9b, 0x5a, 0x26, 0xe4, 0x22, 0x20, 0x92, 0x40, 0x21, 0x01, 0xa2, 0x0d, 0x92, 0x20, 0x11, 0xe1, 0x37, 0xe2, 0x86, 0x34, 0x91, 0x61, 0x8e, 0x68, 0x2d, 0xb1, 0x98, 0x48, 0x34, 0x10, 0x6c, 0x6c, 0x99, 0xe8, 0x2e, 0xa8, 0xcb, 0x84, 0x04, 0xb6, 0xc1, 0x91, 0x3f, 0x05, 0x83, 0x57, 0x7d, 0x35, 0x6e, 0xac, 0x77, 0x0c, 0x59, 0x68, 0xfb, 0x9a, 0x27, 0x4d, 0xa8, 0x90, 0x2c, 0xf1, 0xc6, 0x39, 0x2e, 0x92, 0x03, 0x8c, 0x01, 0x8e, 0x89, 0xbd, 0xa4, 0x09, 0x18, 0x51, 0xc6, 0x4c, 0xc7, 0x45, 0x73, 0x71, 0x11, 0x94, 0xc8, 0x69, 0x71, 0x88, 0x98, 0x88, 0x94, 0x35, 0xa6, 0x6e, 0x40, 0x1e, 0x4a, 0xb0, 0x49, 0x3b, 0x62, 0x2c, 0x90, 0x69, 0x31, 0xe2, 0x13, 0xc5, 0x1b, 0x16, 0xef, 0xbc, 0x00, 0x0d, 0x7d, 0x4b, 0x81, 0x95, 0xa8, 0x87, 0x0b, 0x93, 0x1e, 0x92, 0x83, 0x62, 0x08, 0x32, 0x8d, 0xbb, 0x89, 0x07, 0xd1, 0x50, 0x69, 0xe3, 0x1d, 0x2e, 0x8d, 0xb8, 0x88, 0x93, 0xc1, 0x20, 0x45, 0xed, 0x6e, 0x28, 0x26, 0x40, 0x9c, 0x70, 0x48, 0x01, 0x89, 0x32, 0x17, 0x31, 0xde, 0xc0, 0x7e, 0xdd, 0xa2, 0x80, 0x20, 0x4f, 0xd5, 0x74, 0xc4, 0x5b, 0xa9, 0x4c, 0x44, 0x09, 0x18, 0x48, 0xcd, 0x88, 0x85, 0x46, 0x72, 0x2f, 0xc5, 0x2d, 0xce, 0x26, 0xf3, 0xf1, 0x4d, 0xc4, 0x41, 0x00, 0x89, 0x09, 0x36, 0x64, 0x99, 0x16, 0x11, 0x84, 0x1c, 0x41, 0xca, 0x40, 0x40, 0x20, 0x00, 0x95, 0xc7, 0x10, 0x93, 0x64, 0x12, 0x40, 0x37, 0xca, 0x6e, 0x0e, 0x33, 0x00, 0xcf, 0x52, 0xa4, 0xb6, 0xe3, 0x09, 0x91, 0x80, 0x22, 0x78, 0xa9, 0x24, 0xe2, 0x2e, 0x91, 0x20, 0x58, 0x36, 0xe9, 0x19, 0xdd, 0x26, 0xc9, 0x97, 0x34, 0x82, 0x04, 0x24, 0xc2, 0x64, 0x03, 0x1f, 0x15, 0x90, 0x1b, 0xe4, 0xc2, 0x44, 0xc4, 0xc7, 0xba, 0x99, 0x82, 0x22, 0x05, 0xba, 0xa0, 0xce, 0xdb, 0x5d, 0x43, 0x89, 0x02, 0xd1, 0xcb, 0xc9, 0x69, 0xbb, 0xd2, 0x03, 0xbb, 0x1e, 0xae, 0x08, 0xdc, 0xd9, 0x9f, 0x30, 0xb8, 0x13, 0xb0, 0xb9, 0xc4, 0x88, 0xf2, 0x57, 0xb8, 0x80, 0x20, 0x40, 0x1d, 0x25, 0x4e, 0xe2, 0xe1, 0x66, 0x99, 0x9b, 0x11, 0xc7, 0xcd, 0x58, 0x2f, 0x82, 0xe6, 0xc5, 0x88, 0x9e, 0x0a, 0x1d, 0x21, 0xce, 0x87, 0x00, 0xd9, 0x85, 0x54, 0xcb, 0x80, 0x71, 0x24, 0xc7, 0x54, 0x30, 0xb6, 0x5c, 0x01, 0x17, 0xe6, 0x98, 0x25, 0xad, 0x20, 0x60, 0xf5, 0x54, 0x49, 0xb4, 0x03, 0x3c, 0x73, 0x85, 0x4c, 0x68, 0x74, 0x0c, 0x8c, 0x94, 0x51, 0x24, 0x3c, 0x11, 0x71, 0xc6, 0xd8, 0x5d, 0x27, 0x74, 0x68, 0xb8, 0x6a, 0x35, 0x35, 0x0f, 0xbb, 0xb7, 0x68, 0xea, 0xb5, 0x9d, 0xba, 0xc3, 0x47, 0xb5, 0x75, 0x20, 0x82, 0x03, 0x9d, 0xb8, 0x75, 0x98, 0x36, 0x59, 0xfb, 0xab, 0x5c, 0xd1, 0xed, 0x46, 0xb6, 0xe3, 0xda, 0xb0, 0xb7, 0xc8, 0xe7, 0xf0, 0x5e, 0x8e, 0xf4, 0xf6, 0x79, 0x66, 0xb1, 0xba, 0xb6, 0x02, 0x59, 0x53, 0xc2, 0xf3, 0xc8, 0x85, 0xec, 0xec, 0x1d, 0x3d, 0x3d, 0x47, 0x62, 0x3e, 0x89, 0x92, 0xc7, 0xb9, 0xcd, 0x98, 0xc4, 0x11, 0x1e, 0x92, 0xb9, 0xba, 0xfd, 0x9d, 0xa9, 0xa1, 0xa9, 0x3a, 0x73, 0x4d, 0xe5, 0xe4, 0xc3, 0x03, 0x5a, 0x7c, 0x5f, 0xc9, 0x6e, 0x7b, 0x5d, 0xbf, 0x77, 0xf6, 0x1e, 0x9b, 0x48, 0x1c, 0x37, 0xbd, 0xc0, 0xbb, 0xd2, 0xe7, 0xf2, 0x5c, 0xbb, 0xdc, 0xd8, 0x6e, 0xdb, 0xda, 0xe8, 0x68, 0x98, 0x06, 0x79, 0xc0, 0x0b, 0xa3, 0xed, 0x1d, 0x41, 0xfd, 0x16, 0xd3, 0x02, 0x1d, 0x73, 0xb3, 0xe1, 0x23, 0xf0, 0x1f, 0x15, 0xcf, 0x5a, 0xee, 0x68, 0x26, 0x26, 0xc7, 0x09, 0x87, 0x3f, 0xdd, 0x16, 0x92, 0x2c, 0xd1, 0x39, 0xff, 0x00, 0x85, 0xda, 0x6a, 0xb4, 0xee, 0xfd, 0x1a, 0x34, 0x5a, 0x37, 0x39, 0xb4, 0x5a, 0x48, 0x8e, 0x50, 0x6e, 0xb8, 0x69, 0x73, 0x4b, 0x89, 0x69, 0x00, 0x46, 0x44, 0x5f, 0x92, 0xa2, 0xd9, 0x71, 0x9b, 0x4d, 0xc1, 0x4c, 0xb5, 0xac, 0x20, 0x1f, 0x11, 0xf3, 0x52, 0x1b, 0x24, 0x90, 0x00, 0x9c, 0x49, 0x8b, 0xf2, 0x59, 0x1a, 0x04, 0x86, 0x90, 0x79, 0xe5, 0x4b, 0x98, 0x61, 0xce, 0x0d, 0x11, 0x8b, 0x24, 0xd3, 0x81, 0x51, 0x98, 0x33, 0xf2, 0x43, 0x9e, 0x4d, 0xc0, 0x03, 0x85, 0x93, 0x90, 0x40, 0xb1, 0x3e, 0x69, 0x35, 0x80, 0xd4, 0x0e, 0xb7, 0x94, 0xac, 0x84, 0x19, 0x70, 0x6c, 0x01, 0x12, 0xa4, 0x1b, 0x92, 0x6e, 0xe3, 0xcd, 0x66, 0xda, 0x61, 0x8d, 0x31, 0xc4, 0xfd, 0x57, 0x79, 0xd8, 0x4d, 0x3f, 0x75, 0xe9, 0x4f, 0x02, 0xce, 0x78, 0x5b, 0x06, 0xc8, 0x00, 0xde, 0x26, 0x32, 0x99, 0x6c, 0xba, 0xc0, 0xa7, 0x1b, 0x41, 0x26, 0xfc, 0x92, 0x20, 0xb8, 0x4c, 0x5d, 0x3b, 0x01, 0x2e, 0x24, 0x46, 0x2e, 0xa4, 0x86, 0x9c, 0x13, 0x7e, 0xb8, 0x52, 0xe6, 0x88, 0x83, 0x3f, 0x15, 0x42, 0x43, 0x62, 0x4e, 0xde, 0x49, 0xd9, 0xc0, 0x41, 0x29, 0x10, 0x37, 0x0b, 0xa4, 0x2e, 0x60, 0x8b, 0xac, 0x80, 0xc0, 0x89, 0x00, 0xf1, 0x44, 0x6e, 0x8b, 0x79, 0x22, 0x00, 0x30, 0x5a, 0x49, 0x0a, 0x9c, 0xe1, 0x02, 0x0c, 0x1e, 0x51, 0x85, 0x26, 0x40, 0x33, 0x10, 0x2e, 0x90, 0xc4, 0x98, 0x83, 0x84, 0xb9, 0x92, 0x4f, 0xd1, 0x06, 0xe0, 0x14, 0x80, 0x11, 0x80, 0x9c, 0x4f, 0xea, 0xdf, 0xcd, 0x50, 0x11, 0x80, 0x7c, 0x91, 0xb5, 0xb3, 0x60, 0x49, 0xe2, 0xb0, 0xea, 0xc7, 0xf7, 0x7a, 0xdb, 0x4f, 0xea, 0x11, 0x8e, 0x8b, 0x43, 0xdd, 0x08, 0xfb, 0x2e, 0xa6, 0x7f, 0x6c, 0x62, 0xdc, 0x97, 0x44, 0xd7, 0x09, 0x00, 0xca, 0xb0, 0x24, 0x18, 0x52, 0x07, 0x30, 0x63, 0x82, 0x01, 0xf1, 0x40, 0x90, 0x26, 0x79, 0xaa, 0x0c, 0x6e, 0x62, 0xe9, 0xc4, 0xc1, 0x12, 0x55, 0x5a, 0x2f, 0x6b, 0x58, 0x29, 0x8d, 0xae, 0x00, 0x9b, 0xf4, 0x55, 0xb4, 0xf5, 0xf8, 0xad, 0xbf, 0x6f, 0x9f, 0xf1, 0x0a, 0x98, 0x25, 0x6a, 0xcd, 0x89, 0x12, 0x2e, 0xa5, 0xee, 0x07, 0x89, 0x48, 0x11, 0x20, 0x89, 0x8f, 0x3c, 0x2b, 0x6e, 0x6f, 0x13, 0xc2, 0xe8, 0x3c, 0xa2, 0x07, 0x14, 0xa4, 0x34, 0x5f, 0x05, 0x0d, 0x39, 0x39, 0x09, 0x5a, 0x4e, 0x61, 0x73, 0x1d, 0xee, 0xbe, 0xab, 0x45, 0x1d, 0x78, 0xe2, 0xe1, 0x74, 0xa0, 0x99, 0xb9, 0x4c, 0xe4, 0x03, 0x32, 0x98, 0x99, 0x16, 0x10, 0x50, 0x6d, 0x13, 0xc4, 0xc4, 0x20, 0x9e, 0x53, 0x1e, 0x48, 0x38, 0x20, 0x5a, 0x52, 0x81, 0x78, 0x54, 0x30, 0x60, 0x85, 0x02, 0x37, 0x7b, 0xa6, 0x07, 0x23, 0x94, 0xce, 0x09, 0x31, 0x28, 0x00, 0x71, 0xc9, 0x48, 0x90, 0x2c, 0x70, 0x7a, 0xa6, 0x64, 0xc4, 0x44, 0x28, 0x20, 0x81, 0x12, 0x25, 0x0c, 0x25, 0xde, 0x7c, 0x52, 0xdb, 0x79, 0x07, 0xe6, 0x82, 0x0c, 0xc0, 0xf5, 0x58, 0x8f, 0x85, 0xc4, 0x91, 0x95, 0x46, 0x33, 0x6e, 0x88, 0x75, 0x9a, 0x36, 0xe4, 0x65, 0x1b, 0x89, 0x17, 0x3e, 0x62, 0x13, 0x0e, 0x26, 0xdf, 0x38, 0x4c, 0x92, 0x1b, 0x92, 0xa4, 0xdc, 0x5c, 0x15, 0xa8, 0xef, 0x3b, 0x47, 0xdd, 0x4f, 0xc7, 0xbc, 0xdb, 0x73, 0xb8, 0x5c, 0x3b, 0xd9, 0x0d, 0x82, 0x08, 0x31, 0x3c, 0x16, 0x39, 0x3b, 0x37, 0x19, 0x83, 0x6b, 0xaa, 0x2e, 0x82, 0x1c, 0x67, 0x95, 0x94, 0x17, 0x92, 0x5d, 0x04, 0x06, 0x9c, 0xc8, 0xca, 0x6e, 0xda, 0x5b, 0xc4, 0xe6, 0xc3, 0xcd, 0x53, 0x5a, 0x60, 0x44, 0x58, 0x7b, 0xb3, 0x94, 0xa4, 0x19, 0x06, 0x63, 0xa0, 0xc7, 0xe6, 0xa4, 0x34, 0x34, 0x82, 0x49, 0x88, 0x91, 0xf1, 0x59, 0x29, 0xb8, 0x38, 0xb6, 0x4f, 0x84, 0x0b, 0x48, 0x8b, 0xa4, 0x7d, 0xf0, 0x06, 0xd8, 0xe9, 0xc5, 0x64, 0x6b, 0x8b, 0x1d, 0x0d, 0x02, 0x49, 0x9c, 0xfd, 0x56, 0xf2, 0x8f, 0x78, 0xaa, 0x51, 0x6b, 0x29, 0xb7, 0x47, 0x49, 0xa0, 0x0b, 0xdf, 0xde, 0xfe, 0x8a, 0xc5, 0xda, 0x5d, 0xb2, 0x75, 0x74, 0xc3, 0x1f, 0xa6, 0xa6, 0x1f, 0xff, 0x00, 0x70, 0x19, 0x2d, 0x10, 0xb5, 0xda, 0x6d, 0x4b, 0xa8, 0x6a, 0x69, 0xd7, 0x02, 0x5c, 0xc7, 0x4b, 0x7a, 0xff, 0x00, 0x50, 0xb7, 0x35, 0x7b, 0xc5, 0x5e, 0xa3, 0x1d, 0x4d, 0xfa, 0x6a, 0x30, 0xe0, 0x00, 0x32, 0x48, 0x24, 0xca, 0xd4, 0xb7, 0x5c, 0xfa, 0x14, 0x74, 0xac, 0xa5, 0x51, 0xec, 0x7d, 0x37, 0x38, 0xbb, 0x39, 0x31, 0x6f, 0x2b, 0x7c, 0xd7, 0x49, 0xa4, 0xef, 0x0e, 0x96, 0xa6, 0x9b, 0xda, 0x6a, 0x1a, 0x5b, 0x55, 0xa6, 0xfb, 0x44, 0xdf, 0xcf, 0x2b, 0x9b, 0xed, 0x8e, 0xd1, 0xa9, 0xae, 0xd5, 0x1a, 0x86, 0x5a, 0xc1, 0x66, 0x02, 0x71, 0xd7, 0xe3, 0x75, 0xe1, 0x0d, 0xdc, 0x64, 0x10, 0x20, 0x29, 0x7b, 0x5e, 0x60, 0x35, 0xc4, 0xc6, 0x60, 0xaf, 0x63, 0xf5, 0x02, 0xaf, 0x65, 0xd1, 0xd3, 0xc9, 0x25, 0x8f, 0x71, 0x77, 0x40, 0x61, 0x78, 0xf6, 0x0b, 0xb4, 0xd8, 0x8b, 0x9f, 0xc9, 0x7a, 0x34, 0x1a, 0xd3, 0xa1, 0xac, 0x6a, 0xd3, 0xa6, 0xca, 0xaf, 0xdb, 0x00, 0x3c, 0x18, 0x12, 0x78, 0x2d, 0xab, 0xbb, 0xd1, 0xaa, 0x98, 0x75, 0x0a, 0x13, 0x83, 0x2d, 0x38, 0xe4, 0xb5, 0x1d, 0xa5, 0xac, 0xfb, 0x6e, 0xab, 0xda, 0x9a, 0x6c, 0x63, 0x8d, 0x88, 0x02, 0xd1, 0xe4, 0xbc, 0xef, 0xa6, 0xdb, 0x01, 0x3d, 0x22, 0xf0, 0xaa, 0x00, 0x68, 0x98, 0xdd, 0x32, 0x08, 0x33, 0xe8, 0x9c, 0x33, 0x76, 0xe7, 0x87, 0x0e, 0x2d, 0x93, 0xc5, 0x58, 0x82, 0x24, 0xb8, 0x03, 0x3e, 0x5f, 0xd5, 0xd4, 0x89, 0x12, 0x5c, 0x01, 0x13, 0x71, 0x30, 0x52, 0x27, 0xc0, 0x6d, 0x02, 0x62, 0xe9, 0xd8, 0xb6, 0xc1, 0xb2, 0x32, 0x79, 0xa8, 0x70, 0x12, 0x0c, 0x89, 0xe4, 0x2e, 0xa4, 0x3c, 0x35, 0xe2, 0x20, 0xf4, 0x59, 0x19, 0x57, 0x80, 0x19, 0x24, 0x64, 0x67, 0x92, 0x6d, 0x6c, 0x82, 0xe7, 0x44, 0xf0, 0x8b, 0xac, 0x8c, 0x01, 0xcd, 0x87, 0x3a, 0x23, 0xf9, 0xae, 0xff, 0x00, 0xb0, 0xbc, 0x3d, 0x93, 0xa5, 0x00, 0xc8, 0xd8, 0x16, 0xc7, 0xc2, 0x4d, 0xf9, 0x2a, 0xb4, 0x80, 0x0a, 0x47, 0x27, 0x28, 0x39, 0x83, 0x75, 0x2e, 0xf7, 0xa6, 0xf6, 0x4e, 0x5b, 0x11, 0x02, 0x54, 0x1b, 0x9b, 0x06, 0x98, 0xe8, 0x97, 0x1b, 0x8f, 0xc1, 0x58, 0x2d, 0x16, 0xc7, 0xe2, 0x88, 0xf1, 0x7c, 0xd5, 0x18, 0x8b, 0xc4, 0x9e, 0x89, 0x44, 0x8b, 0x1f, 0x3b, 0xa6, 0x22, 0x45, 0xca, 0x1c, 0xe1, 0x30, 0x09, 0xf8, 0x20, 0x98, 0x38, 0x54, 0x5d, 0x11, 0x31, 0xc9, 0x00, 0x80, 0x26, 0x04, 0x66, 0x14, 0x80, 0x5c, 0x1c, 0x7d, 0x54, 0x98, 0xc5, 0xd3, 0x74, 0x01, 0x79, 0x09, 0xb5, 0xa1, 0xc0, 0x10, 0x04, 0xa0, 0x83, 0xc0, 0xdd, 0x3d, 0xae, 0xe1, 0x37, 0x0b, 0x0e, 0xa1, 0xa4, 0x69, 0xab, 0x4f, 0xec, 0x38, 0xe7, 0xa2, 0xe7, 0xbb, 0x9b, 0x1f, 0x66, 0xd4, 0xe7, 0xdf, 0x1c, 0x3a, 0x2e, 0x8c, 0xe6, 0xe9, 0xc9, 0xdc, 0xd0, 0x77, 0x19, 0xe5, 0xc1, 0x50, 0x93, 0x62, 0x4c, 0x75, 0x29, 0x92, 0x03, 0x85, 0xec, 0x53, 0x2e, 0xb5, 0x87, 0xaa, 0x6d, 0x81, 0x30, 0x4c, 0xa1, 0xb3, 0x24, 0x92, 0x3c, 0x91, 0x20, 0x13, 0x26, 0x12, 0xb7, 0xed, 0x3b, 0xe2, 0xb7, 0x3d, 0xbe, 0xe1, 0xf7, 0x85, 0x50, 0x71, 0x12, 0xb5, 0x2e, 0xf7, 0x8d, 0xe0, 0x24, 0x60, 0x40, 0x92, 0xe0, 0x87, 0x7b, 0xc0, 0x0c, 0x2a, 0xdc, 0x04, 0x0e, 0x3e, 0x49, 0xcd, 0xe2, 0x20, 0x79, 0xa5, 0xb4, 0x19, 0x32, 0x90, 0x06, 0x20, 0xc5, 0xd1, 0x80, 0x41, 0x22, 0xeb, 0x99, 0xef, 0x6c, 0x8d, 0x4e, 0x8e, 0xc2, 0x4c, 0xdf, 0x3c, 0x97, 0x4a, 0x23, 0x18, 0x31, 0xc9, 0x20, 0xe7, 0x01, 0x06, 0x16, 0x43, 0x80, 0x62, 0x4f, 0x9e, 0x54, 0x90, 0x32, 0x64, 0x09, 0x41, 0x3c, 0x01, 0x32, 0x91, 0x70, 0xe3, 0x20, 0xf9, 0x20, 0x11, 0x06, 0xff, 0x00, 0x82, 0x40, 0x44, 0x41, 0x3c, 0xe5, 0x32, 0x5d, 0xbb, 0x87, 0x9a, 0x09, 0xbd, 0xe3, 0xe2, 0x89, 0x31, 0x66, 0xe1, 0x2b, 0xee, 0x12, 0x27, 0x9a, 0x26, 0x64, 0x40, 0xb7, 0x54, 0xc0, 0x07, 0x81, 0xb2, 0x42, 0xe4, 0x08, 0xb2, 0x91, 0x93, 0x36, 0x4c, 0x91, 0x78, 0x99, 0xe6, 0xa1, 0xe6, 0xd6, 0x12, 0xa2, 0xc4, 0x03, 0x03, 0xe2, 0x82, 0xe3, 0x10, 0x04, 0xfc, 0xa1, 0x12, 0x6c, 0x3e, 0x29, 0xba, 0x76, 0x98, 0xe6, 0xab, 0x24, 0x12, 0x45, 0xc7, 0x34, 0x3b, 0xa0, 0x91, 0x13, 0x65, 0xa9, 0xef, 0x44, 0x9e, 0xc8, 0xab, 0x10, 0x40, 0x73, 0x4d, 0xfc, 0xc2, 0xe1, 0xc0, 0x74, 0xfe, 0xae, 0xd2, 0x22, 0xf6, 0x85, 0x8f, 0x61, 0x82, 0x0e, 0x0e, 0x23, 0xf2, 0x4c, 0xc3, 0x5a, 0x49, 0x04, 0x10, 0x38, 0xda, 0x50, 0xed, 0xae, 0x73, 0x1a, 0x1a, 0x64, 0xde, 0xc7, 0x92, 0xb7, 0xd1, 0x7b, 0xb6, 0x0d, 0xae, 0x6b, 0x9f, 0x60, 0x00, 0xbb, 0x89, 0xe0, 0x3e, 0x49, 0x3a, 0x95, 0x4d, 0xce, 0x1b, 0x1d, 0xb9, 0x80, 0xc8, 0x03, 0x97, 0x34, 0xec, 0x22, 0xe6, 0x79, 0x41, 0xcf, 0x9a, 0x86, 0xd2, 0x75, 0x47, 0xec, 0x0d, 0xdc, 0xe9, 0x98, 0x00, 0xdc, 0x79, 0x85, 0x0f, 0x6b, 0xc1, 0x21, 0xdc, 0xf8, 0x82, 0x2c, 0x98, 0x63, 0x40, 0xbc, 0x36, 0x6f, 0xe4, 0xad, 0x94, 0xdc, 0x58, 0x1c, 0x1a, 0x6e, 0x76, 0xb6, 0x6d, 0x27, 0xfa, 0x85, 0x2e, 0x9b, 0xb8, 0x12, 0x6f, 0x00, 0xff, 0x00, 0x5c, 0x51, 0x0e, 0x9b, 0x81, 0x31, 0xe5, 0x17, 0x4c, 0x82, 0xdc, 0x1f, 0x10, 0xe1, 0xcf, 0xcb, 0xaf, 0x45, 0x65, 0xae, 0xdd, 0x60, 0x20, 0xc1, 0xda, 0x41, 0xb4, 0x72, 0x58, 0x5b, 0x77, 0x96, 0x88, 0x12, 0x00, 0xcf, 0x59, 0x59, 0x03, 0x5b, 0xec, 0xdc, 0x46, 0xe0, 0x49, 0x80, 0x20, 0x67, 0xfe, 0x16, 0x27, 0xcb, 0x1a, 0x01, 0x12, 0xe2, 0x48, 0x93, 0x7e, 0x3c, 0x21, 0x53, 0x01, 0x6b, 0x41, 0x33, 0x7b, 0xdf, 0xf2, 0xcc, 0x2b, 0x63, 0x49, 0x6b, 0x88, 0x24, 0x6e, 0x11, 0x91, 0x9e, 0x8b, 0x13, 0x98, 0x01, 0x22, 0xf2, 0x1a, 0x67, 0xc7, 0x93, 0xf9, 0x5f, 0x2a, 0xd8, 0x65, 0xe5, 0xdb, 0xcc, 0xc9, 0xcc, 0x1f, 0x8a, 0xc4, 0x49, 0x99, 0x0e, 0x04, 0xfe, 0x39, 0xe6, 0xa8, 0xb8, 0xd4, 0x20, 0xdb, 0x26, 0x52, 0xda, 0xd7, 0x9f, 0x0b, 0x6e, 0x2c, 0x6f, 0x88, 0xf9, 0xa7, 0x49, 0xbb, 0x9e, 0x05, 0x21, 0x24, 0x83, 0x07, 0xc9, 0x4b, 0x40, 0x70, 0x21, 0xa0, 0xee, 0x06, 0x71, 0xc3, 0xcd, 0x5e, 0xd3, 0x51, 0xd6, 0x68, 0xc7, 0x11, 0x72, 0x9b, 0x29, 0x87, 0x54, 0x65, 0x36, 0xf8, 0x9c, 0xe3, 0xb6, 0x0f, 0xcb, 0xe6, 0xb2, 0x8d, 0x3d, 0x4a, 0x95, 0x1f, 0x4c, 0x53, 0x76, 0xfa, 0x6d, 0xdc, 0xe9, 0x11, 0x11, 0x13, 0xf8, 0xac, 0x42, 0xed, 0x30, 0xe8, 0x00, 0xd8, 0x18, 0x52, 0xe6, 0xb4, 0x0c, 0xcf, 0xe0, 0x80, 0x62, 0x36, 0x18, 0x39, 0x08, 0xb5, 0xc9, 0x69, 0x91, 0x8b, 0x04, 0x31, 0xd0, 0xd2, 0x1a, 0x40, 0xda, 0x6f, 0x61, 0xc4, 0x2a, 0xa4, 0xd7, 0x07, 0x4c, 0x8c, 0x4e, 0x15, 0x4b, 0x20, 0x91, 0xba, 0x4c, 0x2f, 0xa0, 0x76, 0x09, 0x27, 0xb2, 0x74, 0xc4, 0xc7, 0xb8, 0x21, 0x6c, 0x03, 0x4c, 0xd8, 0x0f, 0x52, 0xa8, 0xf5, 0x03, 0xd0, 0xa5, 0x78, 0x89, 0x28, 0x2e, 0x22, 0x0d, 0x95, 0x11, 0x23, 0x85, 0xd4, 0x01, 0x63, 0x20, 0x25, 0x17, 0x30, 0x47, 0xc1, 0x50, 0x02, 0x32, 0x49, 0xfa, 0xa5, 0xc6, 0x1c, 0x04, 0x7d, 0x12, 0x39, 0x3d, 0x04, 0x65, 0x31, 0x36, 0x22, 0x3d, 0x55, 0x03, 0x18, 0x81, 0x39, 0xb4, 0xa6, 0x22, 0x04, 0x1f, 0x92, 0x61, 0xc2, 0x6c, 0x31, 0xd1, 0x22, 0x05, 0xc9, 0x33, 0xd2, 0x12, 0xb1, 0x36, 0xca, 0x3c, 0x5c, 0x92, 0xbe, 0xd2, 0x44, 0x44, 0x41, 0x41, 0x3e, 0x11, 0x11, 0x08, 0x89, 0x04, 0x19, 0x3f, 0x35, 0x4d, 0xf7, 0x44, 0x82, 0xa6, 0x20, 0x98, 0x05, 0x04, 0xdc, 0x02, 0xd3, 0x73, 0x32, 0xb1, 0x6a, 0xa3, 0xd8, 0x55, 0x16, 0xf7, 0x1d, 0xc3, 0xa2, 0xd1, 0x77, 0x39, 0xb1, 0xa7, 0xd4, 0xcf, 0x17, 0x88, 0xbf, 0x92, 0xe8, 0x5c, 0x47, 0x1c, 0x82, 0xa6, 0x5d, 0x6b, 0x09, 0x54, 0x0b, 0xa0, 0xc8, 0x08, 0x6c, 0x92, 0x24, 0x2b, 0x18, 0xcf, 0x92, 0x04, 0x8c, 0x5c, 0xaa, 0x68, 0x24, 0x12, 0xe0, 0x25, 0x17, 0x90, 0x32, 0x0f, 0x5c, 0x27, 0xb4, 0xad, 0xaf, 0x78, 0x08, 0xfb, 0xca, 0xa8, 0x23, 0x85, 0x8a, 0xd5, 0x11, 0xba, 0xd7, 0xb2, 0x90, 0x39, 0xca, 0xb1, 0xc7, 0x97, 0x02, 0x90, 0x36, 0x92, 0x9c, 0xee, 0x17, 0x8b, 0x61, 0x48, 0x71, 0x23, 0x6c, 0x88, 0xf2, 0x55, 0x78, 0xbc, 0xa0, 0xc8, 0x26, 0x04, 0x2e, 0x5f, 0xbd, 0xb3, 0xf6, 0xcd, 0x11, 0x93, 0x10, 0x7e, 0xab, 0xa7, 0x69, 0x1c, 0x7d, 0x12, 0xdd, 0xc0, 0xfd, 0x32, 0x80, 0x48, 0xb8, 0x26, 0x13, 0x10, 0x45, 0xe7, 0x33, 0x0a, 0x1d, 0xef, 0x02, 0x09, 0x95, 0x45, 0xc6, 0x24, 0x47, 0x2c, 0xa5, 0x00, 0x4c, 0x80, 0x64, 0x26, 0x06, 0x00, 0xf4, 0x4a, 0xe6, 0x7f, 0x24, 0xc4, 0x00, 0x06, 0xd3, 0x28, 0x12, 0x5b, 0x62, 0x67, 0xcd, 0x16, 0x02, 0xe3, 0xae, 0x51, 0x6c, 0xb4, 0x8b, 0xa6, 0x4f, 0x16, 0xa9, 0x04, 0x38, 0xd8, 0xdd, 0x38, 0xbc, 0x92, 0x20, 0x2c, 0x65, 0xe5, 0xb8, 0x23, 0x3e, 0x68, 0x04, 0x4c, 0xc5, 0xce, 0x50, 0xe6, 0x82, 0x72, 0xd0, 0x4f, 0x08, 0x51, 0x0d, 0x00, 0x93, 0x36, 0xe8, 0x80, 0x48, 0x99, 0x46, 0xe1, 0x02, 0x08, 0x48, 0xbc, 0x74, 0xf8, 0x26, 0xd3, 0x24, 0x90, 0x45, 0xc2, 0xd5, 0xf7, 0x9e, 0x7e, 0xe9, 0xac, 0x0e, 0x77, 0x36, 0xde, 0xa1, 0x71, 0x2f, 0x73, 0x4f, 0x88, 0x93, 0xe1, 0x30, 0x6d, 0xfd, 0x72, 0x4b, 0x68, 0x7c, 0x19, 0x3d, 0x21, 0x32, 0xdf, 0x17, 0x8a, 0x5d, 0xb4, 0xcc, 0x1b, 0xd9, 0x0d, 0x6b, 0x5d, 0x7b, 0x03, 0x72, 0x38, 0x42, 0xdd, 0xb4, 0x86, 0x50, 0xa1, 0xad, 0x70, 0x2e, 0x34, 0x68, 0xf8, 0x41, 0x1f, 0xaf, 0xb8, 0x88, 0x1f, 0xd1, 0xc2, 0xad, 0x4d, 0x03, 0xed, 0xab, 0x53, 0x04, 0x03, 0xac, 0xaf, 0xb1, 0xa6, 0x22, 0x19, 0xef, 0x7c, 0xcc, 0x7c, 0x3e, 0x18, 0x2b, 0xe8, 0xb4, 0xad, 0xa3, 0x58, 0xb5, 0x8c, 0xa2, 0x29, 0x89, 0xa6, 0xff, 0x00, 0x6e, 0x1e, 0xea, 0x91, 0x6b, 0xdf, 0xd7, 0x16, 0xc5, 0xf2, 0xbc, 0x7a, 0x26, 0x35, 0xde, 0xd9, 0xf7, 0x61, 0xa7, 0x4c, 0x91, 0xb4, 0x91, 0xe2, 0xeb, 0x0b, 0xd7, 0x4f, 0x4b, 0xa5, 0x6d, 0x6a, 0x3a, 0x6a, 0x94, 0x5c, 0xf7, 0xbd, 0x83, 0x7b, 0xcb, 0x8f, 0x84, 0x96, 0xcc, 0xff, 0x00, 0x45, 0x61, 0x6e, 0x92, 0x83, 0xbd, 0x83, 0x98, 0xd3, 0xec, 0x76, 0x39, 0xf5, 0x21, 0xc2, 0x7c, 0x2e, 0x39, 0xe6, 0x22, 0x2c, 0xbd, 0x3a, 0x26, 0xb2, 0x95, 0x4d, 0x3b, 0xbd, 0x98, 0x32, 0xd7, 0xea, 0x36, 0x6e, 0x20, 0x36, 0x09, 0x22, 0x22, 0xdc, 0x00, 0x49, 0x9a, 0x4a, 0x42, 0x9d, 0x37, 0x9a, 0x34, 0x5e, 0xea, 0xd2, 0xe7, 0x35, 0xf5, 0x76, 0x96, 0xb4, 0xcc, 0x01, 0x06, 0xe6, 0x06, 0x49, 0xc6, 0x25, 0x6b, 0x2b, 0x32, 0x8d, 0x3d, 0x63, 0xe9, 0xb6, 0x6a, 0x51, 0x6d, 0x48, 0x90, 0x44, 0x16, 0xcf, 0xf5, 0x75, 0xed, 0x77, 0x67, 0xd3, 0xa7, 0xa8, 0xaa, 0xc2, 0x00, 0x35, 0x2b, 0x9a, 0x34, 0x2f, 0xcc, 0x80, 0x5c, 0x3d, 0x08, 0xf5, 0x29, 0x32, 0x9e, 0x9a, 0xb3, 0xf5, 0x34, 0x69, 0xd2, 0x34, 0xdb, 0x4a, 0x9b, 0x9c, 0xda, 0x9b, 0x89, 0x3e, 0x1b, 0x5f, 0x87, 0x01, 0xc0, 0x28, 0x6e, 0x8e, 0x8b, 0xb5, 0xba, 0x3a, 0x10, 0xd6, 0x97, 0x30, 0x1a, 0x96, 0x26, 0x64, 0x6e, 0x77, 0xe0, 0x3e, 0x69, 0xd4, 0x66, 0x96, 0x9e, 0x8d, 0x8f, 0x75, 0x10, 0xfa, 0x95, 0x9d, 0x51, 0xcd, 0x24, 0x91, 0xb4, 0x13, 0x13, 0xe7, 0x20, 0xc2, 0x8d, 0x2b, 0x29, 0x33, 0x4b, 0xa8, 0xd4, 0xd5, 0xa7, 0xed, 0x4b, 0x1c, 0xd6, 0x36, 0x9e, 0x03, 0x9c, 0x78, 0x9e, 0x82, 0x15, 0xd3, 0xa5, 0xa5, 0xa8, 0x5f, 0x5c, 0xd1, 0xd9, 0x4e, 0x95, 0x21, 0x51, 0xcc, 0xdc, 0x40, 0x73, 0x89, 0x20, 0x41, 0x37, 0x8e, 0x2b, 0x35, 0x1d, 0x3d, 0x1d, 0x63, 0x34, 0xee, 0xa6, 0xc6, 0xd1, 0x0e, 0xaf, 0xb1, 0xe1, 0xa4, 0xc1, 0x6e, 0x6d, 0x7b, 0x59, 0x62, 0x70, 0xd1, 0xb3, 0x4b, 0xa8, 0xac, 0xdd, 0x30, 0x01, 0x95, 0x03, 0x69, 0xc3, 0x9d, 0x72, 0x66, 0xc7, 0xa4, 0x05, 0x95, 0xda, 0x5d, 0x35, 0x2a, 0x95, 0xaa, 0xba, 0x88, 0xda, 0xca, 0x2c, 0x26, 0x98, 0x71, 0x00, 0x3d, 0xd0, 0x73, 0x3d, 0x4a, 0x5e, 0xcb, 0x4d, 0x52, 0xbe, 0x81, 0xa7, 0x49, 0x4c, 0xbe, 0xbb, 0x7c, 0x63, 0x71, 0x86, 0x82, 0x4c, 0x10, 0x27, 0x31, 0x2a, 0x19, 0xa5, 0xd3, 0x51, 0xd3, 0x53, 0xab, 0x1a, 0x67, 0xbe, 0xb6, 0xe7, 0x7f, 0x6e, 0xf2, 0x36, 0xb6, 0x62, 0x23, 0x9d, 0xb2, 0xa6, 0xb6, 0x9f, 0x4d, 0xa6, 0x66, 0xb2, 0xaf, 0xb3, 0x15, 0x43, 0x6a, 0x7b, 0x3a, 0x32, 0xe9, 0x00, 0xc4, 0x9c, 0x19, 0xe8, 0xbd, 0x2d, 0xf6, 0x1a, 0x67, 0xd6, 0xae, 0xda, 0x4d, 0x6c, 0x69, 0x03, 0xcb, 0x65, 0xc6, 0x1c, 0xec, 0x01, 0x7e, 0x45, 0x62, 0xa5, 0x46, 0x8b, 0xb4, 0xed, 0x0d, 0xd3, 0xd3, 0x71, 0x6b, 0x3f, 0xb6, 0x6d, 0xfd, 0xab, 0x1d, 0x39, 0x00, 0x98, 0x81, 0xeb, 0xe8, 0xb4, 0xee, 0x26, 0xd0, 0xd3, 0x24, 0xd8, 0xe2, 0x53, 0x63, 0x76, 0x92, 0xf1, 0x91, 0xb4, 0xdb, 0x98, 0x24, 0xfe, 0x0b, 0x7f, 0x51, 0xb4, 0xea, 0x57, 0xa3, 0x4d, 0xad, 0xda, 0x75, 0x81, 0xb5, 0x6b, 0x3a, 0x30, 0xd0, 0xd9, 0x2d, 0xf5, 0xb9, 0x5e, 0x50, 0xda, 0x7a, 0xad, 0x36, 0xa3, 0x66, 0x95, 0xb4, 0x45, 0x26, 0x07, 0x31, 0xcd, 0xbc, 0x60, 0x00, 0x4c, 0x5c, 0xdf, 0xe0, 0x98, 0xd2, 0xe9, 0xfe, 0xf6, 0x75, 0x32, 0xc0, 0x69, 0xd0, 0x61, 0x75, 0x40, 0x38, 0xc3, 0x6f, 0xd7, 0x3d, 0x16, 0x2a, 0xa6, 0x86, 0x97, 0x43, 0xa7, 0x60, 0xd3, 0xb5, 0xd5, 0x6a, 0xd3, 0x0e, 0x73, 0xf9, 0x02, 0x4c, 0x18, 0xf4, 0x5a, 0xfa, 0x41, 0xcd, 0x7b, 0x60, 0x08, 0x39, 0x91, 0x2a, 0x5c, 0xd0, 0x5c, 0x36, 0x80, 0x64, 0xc9, 0xb6, 0x53, 0x88, 0x70, 0x60, 0x38, 0xc5, 0xb9, 0xde, 0x15, 0x35, 0x84, 0x17, 0x12, 0xe1, 0x7c, 0x8e, 0x4b, 0xbf, 0xec, 0x16, 0xff, 0x00, 0x84, 0x69, 0xcd, 0xa3, 0x60, 0x22, 0xf9, 0x5e, 0xf1, 0xe2, 0x02, 0xc5, 0x30, 0xeb, 0xc1, 0xb1, 0x4e, 0x61, 0xa4, 0x19, 0x27, 0xa5, 0xe1, 0x50, 0x20, 0xe3, 0x28, 0x24, 0x91, 0xc2, 0xc9, 0x73, 0x91, 0x06, 0x52, 0x22, 0xc4, 0x82, 0x0f, 0xc9, 0x44, 0x93, 0x7e, 0x49, 0x9b, 0xb6, 0x49, 0x32, 0x82, 0xd2, 0x64, 0x9b, 0x7e, 0x2a, 0xe0, 0x06, 0x4b, 0x48, 0xb7, 0x44, 0x81, 0xdc, 0xdb, 0xc2, 0x01, 0x1c, 0x1a, 0x15, 0x12, 0x62, 0xc0, 0x4a, 0x40, 0x9c, 0x1e, 0x27, 0xe0, 0x91, 0x6f, 0x8a, 0xc0, 0xc8, 0xe8, 0xac, 0x07, 0x44, 0xf0, 0x53, 0x19, 0xb4, 0x25, 0x76, 0xe2, 0x20, 0xf4, 0x94, 0xf0, 0x2e, 0x0c, 0xf9, 0xa5, 0x06, 0x09, 0x24, 0xd9, 0x04, 0x70, 0x92, 0x91, 0x30, 0x2f, 0x07, 0x9d, 0xb0, 0xb0, 0xea, 0x7f, 0xe9, 0x6b, 0x00, 0x2f, 0xb1, 0xc3, 0xe4, 0xb4, 0x5d, 0xce, 0xff, 0x00, 0x23, 0x53, 0x60, 0x21, 0xc3, 0xaf, 0x00, 0xba, 0x41, 0x19, 0x81, 0x28, 0x91, 0x3c, 0x13, 0xcb, 0x66, 0x50, 0xde, 0x60, 0x19, 0x4c, 0xe2, 0xe0, 0xa0, 0x4c, 0xc8, 0x8f, 0x8a, 0xa6, 0xe4, 0xd8, 0x4f, 0x38, 0x57, 0xb3, 0x1b, 0x6f, 0x3c, 0xce, 0x15, 0x5b, 0x91, 0x5b, 0x0e, 0xf0, 0x7f, 0xa9, 0x55, 0x9e, 0x17, 0xba, 0xd5, 0xcc, 0xc9, 0x80, 0x90, 0x26, 0x24, 0x0e, 0x89, 0x03, 0x78, 0x41, 0x32, 0xe1, 0x71, 0xd4, 0x20, 0xe6, 0x44, 0x1f, 0x54, 0xc3, 0xa7, 0x20, 0x49, 0x3c, 0xf0, 0x88, 0x11, 0x2e, 0x71, 0x1c, 0x84, 0xca, 0xa0, 0x73, 0x22, 0x6c, 0xb9, 0x6e, 0xf6, 0xb5, 0xdf, 0x69, 0xd1, 0x10, 0x44, 0xdc, 0x00, 0x66, 0xf7, 0x0b, 0xa6, 0x3b, 0xa1, 0xb0, 0x02, 0x0f, 0x88, 0x90, 0x78, 0x75, 0x84, 0xc5, 0xc0, 0x4f, 0x04, 0x95, 0x2e, 0x36, 0x30, 0x44, 0x26, 0x7d, 0xd1, 0x03, 0x28, 0x26, 0xc0, 0x41, 0xea, 0x94, 0x86, 0x90, 0x6d, 0xd2, 0xe9, 0x6e, 0x97, 0x48, 0xc0, 0x54, 0x09, 0x37, 0x91, 0x6e, 0xa8, 0x3e, 0x10, 0x09, 0x22, 0x54, 0xee, 0xf1, 0x1c, 0x72, 0x40, 0x69, 0x71, 0xb9, 0x22, 0x10, 0x09, 0x33, 0x69, 0x53, 0x3c, 0x0c, 0x37, 0xd3, 0x2a, 0xa3, 0x12, 0xeb, 0x66, 0xca, 0x44, 0x87, 0x5a, 0x60, 0xf5, 0x4d, 0xd2, 0x05, 0x90, 0xc2, 0xe3, 0x73, 0x30, 0xa6, 0xed, 0x24, 0xc5, 0xb8, 0x8c, 0xa5, 0x03, 0x3c, 0x62, 0x52, 0x25, 0xd1, 0x30, 0x60, 0xa4, 0xf0, 0x08, 0x80, 0x0c, 0xa8, 0xd8, 0xe1, 0x30, 0x6e, 0xb5, 0xdd, 0xe3, 0x71, 0xfb, 0xa5, 0xe4, 0x9b, 0x97, 0x0f, 0x4f, 0x10, 0x5c, 0x60, 0x0d, 0xdc, 0xe2, 0x33, 0x3c, 0x7f, 0xae, 0xa9, 0x18, 0x91, 0xb4, 0x19, 0x1f, 0x34, 0x09, 0x74, 0xdc, 0x7f, 0x2e, 0x48, 0x74, 0x12, 0x01, 0x93, 0x8f, 0x84, 0x2f, 0x43, 0xf5, 0x4f, 0xa9, 0xa4, 0xa7, 0xa5, 0x00, 0x06, 0x30, 0xee, 0x68, 0xbf, 0x88, 0xcc, 0xc7, 0xd5, 0x64, 0x7f, 0x68, 0x54, 0xaf, 0xaa, 0xa5, 0xa8, 0x0e, 0x0c, 0xa9, 0x48, 0x0d, 0x90, 0x62, 0x40, 0x27, 0xf3, 0xba, 0x7a, 0x8d, 0x59, 0xab, 0x45, 0xd4, 0xd9, 0x42, 0x95, 0x16, 0x17, 0x4b, 0xcb, 0x49, 0x24, 0xb8, 0x44, 0xe4, 0xc8, 0x12, 0x70, 0xb0, 0x8d, 0x4f, 0xb3, 0xa5, 0x56, 0x93, 0x43, 0x36, 0x54, 0xf7, 0x89, 0x11, 0x20, 0x19, 0x88, 0xf3, 0x59, 0x0e, 0xaa, 0xa3, 0xb5, 0x35, 0x6b, 0x8d, 0xa2, 0xa5, 0x46, 0xb8, 0x60, 0xc0, 0x04, 0x47, 0xa6, 0x4a, 0xc6, 0xfd, 0x65, 0x51, 0xa2, 0xfb, 0x30, 0x20, 0x52, 0x0f, 0x92, 0x6e, 0x0f, 0x97, 0x95, 0xe7, 0xaa, 0xb1, 0xae, 0x7b, 0x5d, 0x3e, 0xca, 0x9b, 0x81, 0xa4, 0x29, 0x06, 0x91, 0x6d, 0xa2, 0x32, 0x73, 0x36, 0x08, 0xa7, 0xae, 0x34, 0x5b, 0x49, 0x8f, 0xa5, 0x49, 0xef, 0xa6, 0x21, 0x8f, 0x7b, 0x4d, 0x80, 0x33, 0xe5, 0x63, 0x71, 0x2b, 0x05, 0x20, 0x6b, 0x56, 0x2e, 0x73, 0xc7, 0x88, 0x5e, 0xa1, 0x77, 0x29, 0xb9, 0x5e, 0xbd, 0x65, 0x7a, 0x9a, 0xbd, 0x79, 0x7e, 0x97, 0x71, 0x75, 0x08, 0x0c, 0x2d, 0x10, 0x3c, 0x22, 0x77, 0x11, 0xd6, 0x27, 0xe0, 0xb0, 0x3f, 0x5b, 0x51, 0xed, 0x7b, 0x69, 0xd2, 0xa3, 0x49, 0xd5, 0x3f, 0xcc, 0x75, 0x36, 0x99, 0x71, 0x1c, 0xc9, 0xb4, 0x26, 0xee, 0xd3, 0xaf, 0xed, 0x77, 0x0a, 0x54, 0x85, 0x57, 0x30, 0xb0, 0xd4, 0x68, 0x82, 0xe1, 0x8f, 0xa2, 0xc9, 0x52, 0x95, 0x67, 0xb5, 0xcd, 0xa8, 0xd0, 0xc6, 0xe9, 0x69, 0x81, 0x04, 0x10, 0x20, 0x99, 0x16, 0xe7, 0x79, 0x58, 0xb4, 0x1a, 0x87, 0xd1, 0xdc, 0xc7, 0x6c, 0xf6, 0x6f, 0x12, 0x45, 0x51, 0x2d, 0x91, 0x7f, 0x39, 0xb1, 0xe4, 0xac, 0xeb, 0x6b, 0x36, 0xb3, 0xaa, 0x16, 0xb4, 0xb4, 0xb4, 0x53, 0x2d, 0xdb, 0xe1, 0xda, 0x2c, 0x07, 0xd2, 0xe9, 0xfd, 0xbe, 0xa8, 0xa8, 0xc7, 0x31, 0x8d, 0x63, 0x59, 0xb8, 0x53, 0x63, 0x19, 0x0d, 0x13, 0xc6, 0xfc, 0x7a, 0xaf, 0x37, 0xb6, 0x7f, 0xd9, 0x05, 0x13, 0x1e, 0xc6, 0x4d, 0x43, 0x02, 0xe4, 0xe1, 0x3a, 0xfa, 0xca, 0xd5, 0x4d, 0x51, 0x50, 0xb6, 0x6a, 0xb9, 0x8f, 0x75, 0x8b, 0x70, 0x0f, 0xca, 0xe1, 0x4b, 0xb5, 0x9a, 0x81, 0xa8, 0x65, 0x60, 0xc8, 0x7b, 0x59, 0xb1, 0xbe, 0x13, 0x68, 0x10, 0x3e, 0xab, 0x2d, 0x3d, 0x65, 0x5a, 0x74, 0x29, 0xb7, 0xd9, 0xd3, 0x70, 0xa7, 0x76, 0x17, 0xb2, 0x4b, 0x66, 0xff, 0x00, 0x0e, 0x2b, 0x13, 0xab, 0x55, 0x7e, 0x9a, 0x9e, 0xfa, 0xcc, 0x2e, 0x73, 0xcb, 0x8b, 0x01, 0xbe, 0xf3, 0x17, 0x3f, 0x09, 0x8e, 0x4b, 0x20, 0xd5, 0x56, 0x7e, 0xa2, 0xa5, 0x32, 0x01, 0x7e, 0xa7, 0x6b, 0x1c, 0x0b, 0x70, 0x01, 0x81, 0x9e, 0x02, 0x33, 0xcd, 0x64, 0xd5, 0x6a, 0x6b, 0x87, 0x55, 0xa6, 0xe3, 0x45, 0xf5, 0xa0, 0xd2, 0x75, 0x56, 0x36, 0xee, 0x8e, 0x12, 0x78, 0x59, 0x79, 0x75, 0x55, 0x2a, 0x54, 0x70, 0x35, 0x5b, 0xb0, 0x86, 0x80, 0x3c, 0x39, 0xb4, 0x47, 0xd3, 0x9a, 0xc2, 0x58, 0xe2, 0x0c, 0x02, 0x36, 0xf2, 0x9c, 0x8e, 0x7d, 0x3a, 0xaf, 0x6b, 0xab, 0x6a, 0x1d, 0x59, 0x95, 0xc4, 0xb5, 0xd4, 0xc4, 0x07, 0x86, 0x08, 0xb4, 0x08, 0xe5, 0xcd, 0x55, 0x6d, 0x6d, 0x67, 0xb3, 0x61, 0x0c, 0xa6, 0x49, 0x24, 0x86, 0x53, 0x00, 0x38, 0xe2, 0x4e, 0x64, 0xfa, 0x65, 0x55, 0x5d, 0x6e, 0xb1, 0xc5, 0xec, 0xa8, 0xd0, 0xc3, 0x51, 0xa5, 0xae, 0xf0, 0x80, 0x5d, 0xd4, 0xf1, 0x5e, 0x5d, 0x4d, 0x4a, 0x95, 0xc6, 0xe7, 0x49, 0xda, 0xc6, 0xb7, 0xa1, 0x68, 0x10, 0x07, 0xcc, 0xac, 0x57, 0x0e, 0x69, 0x71, 0x36, 0x92, 0x7a, 0x94, 0xc7, 0x81, 0x80, 0xb4, 0x83, 0x3d, 0x13, 0x0c, 0x00, 0x17, 0x1b, 0x4d, 0xfd, 0x52, 0x88, 0x80, 0x1d, 0x63, 0xc7, 0xe2, 0xbb, 0xfe, 0xc2, 0xff, 0x00, 0x48, 0xd2, 0x80, 0x47, 0xb9, 0xc6, 0xeb, 0x61, 0xe2, 0xb4, 0x1b, 0x26, 0x66, 0xd3, 0x3f, 0x54, 0x34, 0x8b, 0xc4, 0xc7, 0xc1, 0x06, 0x66, 0x42, 0x64, 0x93, 0x88, 0x84, 0x13, 0x02, 0xe6, 0xc4, 0xca, 0x82, 0x00, 0x32, 0x26, 0xe8, 0x68, 0xb1, 0x31, 0x33, 0xe8, 0x8c, 0xb6, 0xf8, 0xf3, 0x45, 0x8c, 0x41, 0x3f, 0x15, 0x51, 0x76, 0xf2, 0x41, 0x00, 0x0f, 0xe6, 0x8b, 0xee, 0xb0, 0x54, 0x5d, 0x02, 0xe1, 0x2d, 0xc4, 0x02, 0x40, 0x94, 0x6e, 0x23, 0x2d, 0x28, 0x37, 0xc1, 0x22, 0x51, 0x69, 0xbc, 0xe3, 0xcd, 0x31, 0x7e, 0x21, 0x3b, 0x01, 0x69, 0xbe, 0x52, 0xdb, 0x17, 0x00, 0x96, 0xa1, 0xe2, 0xe0, 0x71, 0xe0, 0x91, 0x69, 0x6e, 0x60, 0x82, 0xb1, 0x6a, 0x9a, 0x7d, 0x85, 0x59, 0x22, 0x36, 0xbb, 0x87, 0x45, 0xcf, 0xf7, 0x39, 0xbf, 0xd8, 0xea, 0x78, 0x1d, 0xe0, 0x7c, 0x97, 0x46, 0x27, 0x0d, 0xfa, 0xab, 0x02, 0x0d, 0xda, 0x82, 0x72, 0x0c, 0x49, 0xe8, 0x9e, 0x1b, 0x04, 0x27, 0x03, 0x99, 0x05, 0x22, 0x04, 0x97, 0x0b, 0xaa, 0x64, 0x80, 0x66, 0x3a, 0x22, 0xe6, 0x62, 0x64, 0xe1, 0x54, 0xbb, 0xf6, 0xbe, 0x4b, 0x6b, 0xdb, 0xce, 0x1f, 0x78, 0x55, 0x98, 0x9f, 0x25, 0xa8, 0x26, 0x0c, 0xf0, 0x26, 0xca, 0x5a, 0x64, 0x9c, 0xf4, 0x44, 0xf8, 0xa4, 0xe7, 0xea, 0x82, 0x43, 0xac, 0x20, 0x11, 0xeb, 0x28, 0x21, 0xb3, 0x33, 0x84, 0xed, 0x90, 0x01, 0x52, 0xe7, 0x00, 0x2f, 0x17, 0xba, 0x4c, 0x06, 0x26, 0xf1, 0x2b, 0x99, 0xef, 0x73, 0x5c, 0xfd, 0x6e, 0x8c, 0x89, 0x01, 0xbb, 0xaf, 0x3d, 0x42, 0xe9, 0x9a, 0x26, 0xc0, 0x9e, 0x97, 0x94, 0xe2, 0x00, 0x99, 0x94, 0xed, 0x3d, 0x66, 0x02, 0x09, 0x74, 0x99, 0x26, 0x12, 0x80, 0x4c, 0x1f, 0x55, 0x4d, 0xe3, 0x13, 0x1c, 0x2e, 0xa4, 0xba, 0x1d, 0x10, 0x48, 0xf3, 0x41, 0x88, 0xb8, 0x1f, 0x92, 0x72, 0x03, 0x7c, 0x27, 0xe5, 0x08, 0x22, 0xdc, 0x20, 0xa9, 0x7d, 0x8c, 0x8c, 0x24, 0x65, 0xce, 0x00, 0x00, 0xa8, 0x48, 0x39, 0x33, 0x12, 0x50, 0x2f, 0x24, 0x4c, 0x7c, 0x12, 0x9e, 0x2d, 0x27, 0x31, 0xcd, 0x2c, 0x93, 0x3c, 0x12, 0x8b, 0x5a, 0x65, 0x59, 0x70, 0x36, 0x32, 0xa4, 0xb0, 0x71, 0x8b, 0xf5, 0x41, 0x16, 0x20, 0x45, 0xba, 0xa0, 0x8b, 0x02, 0x22, 0xf6, 0x4a, 0xd6, 0x83, 0xf3, 0x41, 0x64, 0x92, 0x41, 0x28, 0x37, 0x6d, 0xe0, 0x75, 0x5a, 0x8e, 0xf2, 0xff, 0x00, 0xa5, 0x55, 0x23, 0x81, 0x68, 0x93, 0xc6, 0xe1, 0x71, 0x70, 0xe7, 0x6f, 0x16, 0xf2, 0x94, 0x9a, 0x2e, 0x41, 0x80, 0xe0, 0x2c, 0xae, 0x60, 0x09, 0x71, 0xb4, 0x70, 0x95, 0x32, 0x01, 0x3b, 0x22, 0xf6, 0x99, 0x5b, 0x2a, 0x4f, 0x3a, 0x5e, 0xcd, 0x63, 0xc0, 0xa6, 0x6a, 0xd5, 0xa8, 0x43, 0x5c, 0xf6, 0xe0, 0x01, 0x1f, 0x52, 0x56, 0xc9, 0xcd, 0xa0, 0xcd, 0x4d, 0x4d, 0x38, 0x3b, 0xa8, 0xb1, 0xa7, 0x7d, 0x36, 0xd1, 0xc8, 0x23, 0x24, 0x9c, 0x0b, 0x4f, 0xc9, 0x79, 0x68, 0x78, 0x29, 0x52, 0xa0, 0xc2, 0xd6, 0x54, 0x0d, 0x2f, 0x75, 0x37, 0x30, 0x16, 0xd5, 0x04, 0x13, 0x25, 0xd9, 0x06, 0x23, 0x0b, 0x0f, 0xb5, 0xab, 0xa6, 0xd2, 0x68, 0xd9, 0x42, 0x93, 0x7d, 0xad, 0x50, 0x5d, 0x30, 0x1d, 0xba, 0x5d, 0x02, 0x3e, 0x5c, 0x70, 0xb3, 0xeb, 0x0b, 0x74, 0xf4, 0xf5, 0x95, 0xf4, 0xac, 0x68, 0xab, 0xed, 0x45, 0x30, 0xe6, 0xf8, 0xb6, 0xda, 0x4f, 0x4c, 0xc8, 0xc2, 0x6c, 0x04, 0x54, 0xa5, 0x5e, 0xb3, 0x43, 0xeb, 0x52, 0xd3, 0xb9, 0xf5, 0x04, 0x64, 0x93, 0xb4, 0x4d, 0xa2, 0x70, 0xa5, 0x95, 0x5e, 0xed, 0x3e, 0x95, 0xf5, 0x18, 0xda, 0xae, 0xf6, 0x8e, 0xaa, 0x44, 0x34, 0x4b, 0x00, 0x16, 0xf3, 0x94, 0xf6, 0xb7, 0x51, 0xa9, 0xd3, 0xb9, 0xf5, 0x05, 0x6a, 0x2f, 0x7b, 0x9c, 0x37, 0x37, 0x6b, 0xc1, 0x02, 0x76, 0x72, 0x23, 0x0b, 0xcd, 0xa9, 0xd4, 0x8a, 0xba, 0x1a, 0xfb, 0x8d, 0x5a, 0x8c, 0xb6, 0xdd, 0xf4, 0xc3, 0x43, 0x0c, 0xe0, 0x45, 0xc0, 0x88, 0xe6, 0xb0, 0xf6, 0x73, 0xdd, 0x47, 0x49, 0xac, 0xa9, 0x48, 0x99, 0x0c, 0x6b, 0x01, 0x82, 0x2e, 0x6f, 0xe7, 0x10, 0x0f, 0xa2, 0xf5, 0x83, 0x56, 0x9f, 0x69, 0xd0, 0xd2, 0xd0, 0x05, 0x9a, 0x40, 0x01, 0x71, 0xd9, 0x21, 0xc0, 0x80, 0x49, 0x24, 0xe3, 0x8a, 0xf0, 0xe9, 0x29, 0x9a, 0x9d, 0xac, 0xc1, 0x4c, 0xed, 0x1e, 0xd6, 0x1b, 0xe5, 0x3f, 0x31, 0x01, 0x7b, 0x6b, 0x6a, 0xea, 0x9d, 0x36, 0xab, 0x53, 0x20, 0x3e, 0xa5, 0x50, 0xc6, 0x93, 0x06, 0x03, 0x4c, 0xd8, 0x1e, 0x29, 0xd6, 0xb8, 0xae, 0xea, 0xa0, 0x3a, 0xab, 0x34, 0xac, 0x63, 0xed, 0x12, 0xf7, 0x13, 0x62, 0x7c, 0xa5, 0x1a, 0x97, 0x39, 0xfa, 0x6a, 0xc6, 0x99, 0x73, 0x05, 0x36, 0x35, 0x95, 0x28, 0x54, 0xa7, 0xe1, 0x10, 0x00, 0x96, 0x1e, 0x7c, 0x57, 0x87, 0xb2, 0x5e, 0xe6, 0x3a, 0xa5, 0x7f, 0x64, 0xe7, 0x53, 0x63, 0x36, 0xb8, 0xd3, 0xbb, 0xd8, 0x0f, 0xeb, 0x37, 0x8c, 0xdc, 0x4a, 0xd8, 0xb1, 0xb5, 0x9b, 0xad, 0xf6, 0x84, 0xb7, 0x50, 0x68, 0xe9, 0x9c, 0xe6, 0x3c, 0x8f, 0x11, 0x06, 0x00, 0xdf, 0xc2, 0x66, 0x7d, 0x02, 0xc7, 0xa5, 0x6b, 0xb5, 0x1a, 0x6d, 0x30, 0xed, 0x02, 0x5d, 0xbf, 0x50, 0xd0, 0xdd, 0xcd, 0x02, 0x44, 0x5c, 0x08, 0xe0, 0x5d, 0x65, 0x92, 0xb5, 0x43, 0x52, 0x86, 0xad, 0xb5, 0x06, 0xa0, 0x52, 0x30, 0xc8, 0xa8, 0x03, 0x5b, 0x4c, 0x9f, 0xd9, 0x04, 0xe4, 0x73, 0xe2, 0xb1, 0xea, 0xdd, 0xac, 0x6e, 0xa6, 0xa5, 0x3a, 0x2d, 0x0d, 0xd2, 0xd1, 0x61, 0x77, 0xb3, 0x3e, 0xe1, 0x6c, 0x64, 0xe0, 0x13, 0xe5, 0xc5, 0x26, 0xb7, 0x63, 0x69, 0x8a, 0x45, 0xe0, 0x50, 0xd3, 0xfb, 0x47, 0x06, 0x30, 0xb9, 0xd2, 0xf3, 0x36, 0x1c, 0xe0, 0x8b, 0xac, 0xcf, 0x69, 0x15, 0x7b, 0x3d, 0xd5, 0x45, 0x52, 0x18, 0xd7, 0xd6, 0x3e, 0xd4, 0x0d, 0xdb, 0x45, 0xc5, 0xfd, 0x05, 0xba, 0xad, 0x3f, 0x67, 0x07, 0x55, 0xd6, 0xb5, 0xf4, 0xc0, 0xab, 0x50, 0x12, 0xf8, 0x26, 0x27, 0x8f, 0xc5, 0x6d, 0x83, 0x4d, 0x7d, 0x46, 0x8c, 0xb9, 0xd5, 0x1d, 0x49, 0xd5, 0xcb, 0xb6, 0x55, 0x1e, 0x36, 0x6d, 0xe0, 0x0f, 0x29, 0xe9, 0xc1, 0x79, 0xa9, 0xd1, 0xa9, 0xf6, 0x6d, 0x75, 0x67, 0xb5, 0xec, 0xa9, 0x59, 0xcd, 0xa4, 0xc0, 0xe0, 0x2f, 0xb9, 0xc6, 0x6d, 0xe8, 0x6e, 0xbd, 0x55, 0x2b, 0x55, 0xaf, 0xda, 0x5a, 0x9d, 0x15, 0x32, 0x3d, 0x91, 0xa6, 0x69, 0x53, 0x6d, 0xa2, 0x43, 0x66, 0x7c, 0xec, 0x96, 0x8f, 0xd9, 0xb2, 0xa5, 0x4a, 0x14, 0xc3, 0x89, 0xd3, 0x51, 0x96, 0x1a, 0x60, 0x17, 0x3a, 0xa1, 0xc9, 0x1c, 0xcf, 0x01, 0xd1, 0x64, 0x65, 0x73, 0x4e, 0xae, 0x87, 0xda, 0xb6, 0xb4, 0xbe, 0xb1, 0x83, 0x5c, 0x82, 0xf8, 0x22, 0x23, 0x18, 0x93, 0x85, 0xad, 0xed, 0x07, 0x0d, 0x2e, 0x9d, 0xba, 0x1f, 0x09, 0x70, 0xf1, 0xd5, 0x33, 0xfa, 0xc3, 0x03, 0xf1, 0x5a, 0xf0, 0x01, 0x10, 0x6e, 0x49, 0x99, 0xe4, 0x86, 0x87, 0x38, 0x1b, 0x18, 0x16, 0x0b, 0x28, 0x03, 0x6f, 0x88, 0x82, 0x27, 0x3c, 0x96, 0x10, 0x0e, 0xe8, 0x81, 0x03, 0x1c, 0x79, 0xae, 0xff, 0x00, 0xb0, 0x9d, 0xfe, 0x15, 0xa7, 0x89, 0xb3, 0x16, 0xc8, 0x11, 0x68, 0xb9, 0x4c, 0x48, 0xe6, 0x93, 0xb1, 0x78, 0x94, 0x9b, 0x13, 0x78, 0xbf, 0x55, 0x45, 0xa0, 0x62, 0xe8, 0x20, 0xc9, 0xb2, 0x1a, 0xd8, 0x17, 0xc7, 0xd5, 0x23, 0x07, 0x06, 0x07, 0xd5, 0x31, 0x20, 0x62, 0xde, 0x52, 0x81, 0xb8, 0x1c, 0x04, 0xf8, 0x43, 0xa4, 0x4f, 0x1e, 0x49, 0x01, 0x6b, 0xe3, 0x9a, 0x1b, 0x32, 0x00, 0x0a, 0x9c, 0x63, 0xd5, 0x1e, 0xf5, 0xa6, 0xe7, 0x08, 0x8e, 0x6e, 0x30, 0x3a, 0x27, 0x63, 0x81, 0x3c, 0x73, 0x08, 0x0d, 0x64, 0x49, 0x9e, 0x68, 0x6b, 0x40, 0xc1, 0x19, 0x4c, 0xe0, 0xc7, 0xd5, 0x48, 0x71, 0x20, 0x49, 0x27, 0xa2, 0x60, 0x1e, 0x93, 0xd5, 0x05, 0xa4, 0x89, 0x2e, 0xf9, 0x2f, 0x3e, 0xa5, 0xa7, 0xec, 0xf5, 0x72, 0x06, 0xd2, 0x3e, 0x21, 0x68, 0xbb, 0x9c, 0xef, 0xec, 0x35, 0x56, 0x3e, 0xf0, 0x8f, 0x80, 0x5d, 0x1b, 0x5b, 0x2e, 0x31, 0x21, 0x64, 0x89, 0x61, 0x13, 0xe4, 0x90, 0x68, 0x2d, 0x92, 0x44, 0xf9, 0xaa, 0xb9, 0x1c, 0x14, 0x91, 0x16, 0x30, 0x0a, 0x7b, 0x6d, 0x33, 0x6e, 0x2a, 0xdb, 0xb6, 0x45, 0x93, 0x89, 0xcc, 0xdb, 0x16, 0x44, 0xf4, 0x0b, 0x65, 0xdb, 0xff, 0x00, 0xf5, 0xf5, 0x44, 0xad, 0x39, 0x02, 0x4c, 0x92, 0x6f, 0x64, 0xe0, 0xc5, 0xc8, 0xeb, 0x74, 0x5b, 0x6d, 0x88, 0x8e, 0x32, 0xa1, 0xa0, 0x6d, 0x24, 0x47, 0xe6, 0x8c, 0x4d, 0x81, 0xb4, 0xa0, 0x3a, 0xf6, 0x17, 0x22, 0xe5, 0x38, 0x9b, 0x18, 0xf8, 0xa0, 0x18, 0xc9, 0x88, 0x5c, 0xb7, 0x7c, 0x0f, 0xf7, 0x8d, 0x1d, 0xc8, 0xb9, 0x38, 0x99, 0xb8, 0x5d, 0x40, 0x31, 0x17, 0x17, 0x13, 0xc9, 0x32, 0x3c, 0x32, 0x0f, 0xcd, 0x23, 0x76, 0x88, 0x9e, 0xbf, 0xf2, 0x9d, 0x89, 0xb8, 0xce, 0x2e, 0x83, 0xb6, 0x2d, 0xf4, 0xc2, 0x2c, 0x00, 0x84, 0x5e, 0x06, 0x2d, 0xc5, 0x3b, 0x6e, 0xc8, 0x94, 0xb8, 0xc1, 0x88, 0x3f, 0x24, 0x78, 0x72, 0x25, 0x02, 0xf0, 0x1c, 0x88, 0x00, 0x88, 0x28, 0xbc, 0xbb, 0x71, 0xbf, 0x01, 0x0a, 0xa0, 0x18, 0x9e, 0x4b, 0x1d, 0xb8, 0x13, 0xcc, 0x2a, 0x82, 0x41, 0xe6, 0x80, 0x23, 0x88, 0xf8, 0x27, 0x37, 0x80, 0x24, 0x9e, 0x09, 0x1b, 0x0f, 0x1e, 0x53, 0x10, 0x5b, 0x16, 0x8e, 0x16, 0x41, 0xf7, 0x64, 0x80, 0xa3, 0xc2, 0xe3, 0x73, 0x8e, 0x10, 0x99, 0x74, 0x8b, 0x2c, 0x60, 0x03, 0x32, 0x60, 0xad, 0x57, 0x79, 0x9b, 0xfe, 0x11, 0x50, 0x13, 0x22, 0x41, 0x3c, 0x38, 0xae, 0x28, 0x1d, 0xce, 0xb9, 0x00, 0x02, 0x41, 0x21, 0x22, 0x44, 0x12, 0xe0, 0x0d, 0xec, 0x62, 0x10, 0x48, 0x07, 0x7b, 0x26, 0xc2, 0x6c, 0x86, 0x38, 0x34, 0xc8, 0x8e, 0x7e, 0xee, 0x15, 0x3e, 0xb3, 0xdc, 0xcd, 0xae, 0x71, 0x21, 0xb3, 0x1f, 0x1f, 0xae, 0x0a, 0xf6, 0xe9, 0xab, 0x6a, 0x35, 0x95, 0x7e, 0xce, 0xfa, 0xcf, 0x34, 0xc3, 0x0b, 0x9d, 0x79, 0x24, 0x06, 0xcf, 0x0b, 0xc5, 0xe2, 0x3d, 0x50, 0x6a, 0x6b, 0xa9, 0x51, 0xa5, 0x42, 0xaf, 0xb6, 0x63, 0x48, 0xf0, 0x0b, 0xf8, 0x81, 0x11, 0x03, 0xad, 0x85, 0x96, 0x7d, 0x6d, 0x7d, 0x75, 0x27, 0x0d, 0xa6, 0xad, 0x0a, 0x50, 0xd6, 0x0d, 0xc7, 0x10, 0xd8, 0x38, 0xc1, 0xb1, 0xbf, 0x92, 0x93, 0x47, 0x55, 0x43, 0x51, 0x51, 0x9a, 0x2a, 0x95, 0x65, 0xa0, 0x35, 0xe4, 0x4d, 0xdc, 0x5b, 0x22, 0x7a, 0xdc, 0xaf, 0x36, 0xdd, 0x60, 0xd4, 0xd4, 0xa6, 0xe1, 0x55, 0xf5, 0x6a, 0x34, 0x39, 0xed, 0x2e, 0xbc, 0x02, 0x0c, 0x9e, 0x98, 0x49, 0xee, 0xd5, 0xe9, 0x4d, 0x1f, 0x68, 0x0b, 0x1e, 0xcb, 0xb0, 0x4e, 0x09, 0xf5, 0xc5, 0xd2, 0xad, 0x5f, 0x53, 0x5d, 0x94, 0xaa, 0xd5, 0x7d, 0x43, 0xbb, 0xdc, 0x32, 0x6c, 0x79, 0x8e, 0x1c, 0x42, 0xa7, 0xd3, 0xd7, 0x6a, 0xde, 0xe6, 0xd4, 0x0f, 0xac, 0x69, 0x92, 0x21, 0xf8, 0x06, 0x38, 0x03, 0x69, 0xf4, 0xe0, 0xbc, 0x6d, 0x75, 0x7a, 0x0e, 0x75, 0x2a, 0x2e, 0x73, 0x0b, 0xfc, 0x25, 0x91, 0x69, 0x88, 0xc7, 0x35, 0xb2, 0xab, 0x43, 0x5f, 0x4a, 0xa3, 0x74, 0xad, 0x7d, 0x57, 0x37, 0x63, 0x5c, 0x5a, 0x0c, 0x06, 0xc8, 0xc1, 0x39, 0x8b, 0xad, 0x7d, 0x4a, 0x5a, 0x9d, 0x1d, 0x79, 0xf1, 0xd2, 0x78, 0x1b, 0x81, 0x04, 0x08, 0x11, 0x90, 0x45, 0xcf, 0x05, 0xe8, 0x6d, 0x0d, 0x56, 0xb2, 0x96, 0xe6, 0x36, 0xad, 0x46, 0x49, 0xda, 0x49, 0xc9, 0x31, 0x89, 0xbc, 0xe1, 0x2d, 0x3d, 0x3d, 0x6e, 0xa9, 0x8f, 0x34, 0xcb, 0xdf, 0xe2, 0xf1, 0xee, 0x20, 0x5c, 0x70, 0xea, 0x6e, 0xb2, 0x01, 0xda, 0x1a, 0xa2, 0xea, 0x47, 0xdb, 0xd4, 0x14, 0xe0, 0x38, 0x07, 0x46, 0xd2, 0x6f, 0xf5, 0x05, 0x62, 0xa6, 0xdd, 0x46, 0x9f, 0x53, 0xb2, 0x96, 0xf6, 0xd6, 0x83, 0x30, 0x4d, 0xad, 0x3e, 0x58, 0xba, 0xf4, 0xe9, 0xdb, 0xab, 0x3a, 0x5d, 0x43, 0xf6, 0xd4, 0x35, 0x6a, 0x06, 0xb8, 0x56, 0xdc, 0x03, 0xa1, 0xb2, 0x71, 0x92, 0xbc, 0x61, 0xfa, 0x8d, 0x5d, 0x70, 0x43, 0xdf, 0x5a, 0xa4, 0x97, 0x33, 0x73, 0xa6, 0xc2, 0xf6, 0x3c, 0x0d, 0x8a, 0xa1, 0xf6, 0xbd, 0x4d, 0x39, 0x7b, 0xaa, 0xd5, 0x63, 0x5c, 0x29, 0x8d, 0xc4, 0xba, 0x49, 0x26, 0xcd, 0x18, 0x90, 0xb2, 0x6a, 0xa9, 0x6b, 0x68, 0xd0, 0xfe, 0xf2, 0xe7, 0x8a, 0x20, 0xd8, 0x39, 0xfb, 0xda, 0xd3, 0xd6, 0x26, 0xeb, 0x1b, 0x1b, 0xac, 0x1a, 0xa7, 0xb4, 0x3d, 0xf4, 0xeb, 0x31, 0xa4, 0xbc, 0xef, 0x92, 0x00, 0x13, 0x9e, 0x51, 0xfd, 0x70, 0x57, 0xd9, 0xae, 0xab, 0xae, 0xd6, 0x53, 0xa5, 0x52, 0xa5, 0x42, 0xd2, 0x5d, 0x30, 0x64, 0x91, 0x93, 0xfd, 0x4a, 0x2a, 0x69, 0xab, 0xe9, 0xda, 0xd7, 0xed, 0x80, 0x5d, 0x00, 0xb5, 0xfb, 0x8c, 0xc7, 0xfb, 0x4d, 0x8f, 0x48, 0x45, 0x7d, 0x3e, 0xb9, 0x84, 0x56, 0xaf, 0x51, 0xef, 0xda, 0x07, 0x88, 0xbc, 0x6e, 0x60, 0x33, 0x9b, 0xc8, 0xb7, 0x45, 0xec, 0x1d, 0x9d, 0x5d, 0xd5, 0x29, 0x9a, 0x95, 0xae, 0x69, 0x9a, 0xae, 0x2e, 0xa8, 0xdf, 0x0c, 0x03, 0x11, 0x7b, 0xe6, 0x66, 0xc2, 0xfc, 0x17, 0x99, 0x9a, 0x3d, 0x5d, 0x6a, 0x7b, 0x84, 0x87, 0x38, 0x90, 0xcf, 0x1b, 0x43, 0x89, 0x13, 0x8e, 0x2e, 0x58, 0xb4, 0xda, 0x6d, 0x55, 0x5a, 0x7e, 0xda, 0x93, 0x08, 0x0d, 0x30, 0x5e, 0x1d, 0xb2, 0x20, 0x49, 0x1f, 0xbc, 0x95, 0x0d, 0x4b, 0x28, 0xea, 0x85, 0x6a, 0xad, 0x7d, 0x67, 0x8b, 0xb7, 0x73, 0xce, 0x41, 0xb1, 0x92, 0xbc, 0xd5, 0x5c, 0x6a, 0xbe, 0xa3, 0xdf, 0xe2, 0xa8, 0xf3, 0xb9, 0xc6, 0x38, 0xe6, 0x7e, 0x29, 0xb5, 0xb2, 0x44, 0x62, 0x09, 0xcc, 0x71, 0x56, 0xcf, 0x00, 0x70, 0x24, 0xde, 0xfc, 0xd4, 0xb5, 0xc5, 0xd2, 0x04, 0x44, 0xaa, 0x79, 0x83, 0x04, 0x34, 0x1e, 0x73, 0x1c, 0xd7, 0x79, 0xd8, 0x8d, 0x8e, 0xc9, 0xd2, 0xc8, 0x20, 0x96, 0x79, 0xf1, 0x5e, 0xc8, 0xb8, 0x82, 0x24, 0x72, 0xbc, 0xaa, 0x73, 0xdd, 0x16, 0x16, 0x4d, 0xb7, 0x17, 0x84, 0x85, 0xc9, 0x82, 0x44, 0x05, 0x70, 0x60, 0x19, 0xba, 0x04, 0x13, 0x72, 0x67, 0xcd, 0x10, 0x26, 0x23, 0xe6, 0xa8, 0x01, 0xc6, 0x15, 0x07, 0x64, 0x48, 0x52, 0x5a, 0x45, 0xc6, 0x22, 0x72, 0x98, 0xb8, 0xe1, 0xd3, 0xa2, 0x65, 0xb2, 0x6c, 0x4c, 0x85, 0x24, 0x90, 0x4d, 0xae, 0x80, 0x41, 0x06, 0x47, 0xc0, 0xa2, 0xdb, 0x6d, 0x32, 0x78, 0xc2, 0x65, 0xc4, 0xc4, 0x44, 0x0b, 0x14, 0x38, 0x6d, 0x00, 0x83, 0x72, 0x14, 0xde, 0x6f, 0x95, 0x4d, 0x36, 0x33, 0x1f, 0x04, 0xe1, 0xb1, 0x24, 0xc1, 0x52, 0x20, 0x1b, 0x4f, 0x92, 0xb1, 0x11, 0x70, 0xa4, 0xce, 0xd2, 0x42, 0xc5, 0xa9, 0xf1, 0x50, 0x78, 0x1f, 0xb2, 0x49, 0xf8, 0x2d, 0x1f, 0x73, 0xc4, 0x51, 0xd4, 0xc0, 0xc3, 0xc7, 0xae, 0x38, 0xae, 0x88, 0xc4, 0x99, 0x17, 0xf3, 0x40, 0x33, 0x88, 0x4c, 0x98, 0x06, 0x00, 0x9f, 0x34, 0xdb, 0x73, 0x78, 0x43, 0xec, 0xd9, 0xfe, 0x6a, 0x20, 0x97, 0x00, 0x49, 0x8e, 0x2b, 0x20, 0x12, 0x44, 0x70, 0xe6, 0x9b, 0xa5, 0xb7, 0x20, 0xdf, 0xaa, 0x72, 0xef, 0xd8, 0x6f, 0xc7, 0xf9, 0x2f, 0xff, 0xd9 }; unsigned int gray8_page_850x200_0_jpg_len = 18916; unsigned char gray8_page_850x200_1_jpg[] = { 0xff, 0xd8, 0xff, 0xe0, 0x00, 0x10, 0x4a, 0x46, 0x49, 0x46, 0x00, 0x01, 0x01, 0x01, 0x00, 0x48, 0x00, 0x48, 0x00, 0x00, 0xff, 0xdb, 0x00, 0x43, 0x00, 0x06, 0x04, 0x05, 0x06, 0x05, 0x04, 0x06, 0x06, 0x05, 0x06, 0x07, 0x07, 0x06, 0x08, 0x0a, 0x10, 0x0a, 0x0a, 0x09, 0x09, 0x0a, 0x14, 0x0e, 0x0f, 0x0c, 0x10, 0x17, 0x14, 0x18, 0x18, 0x17, 0x14, 0x16, 0x16, 0x1a, 0x1d, 0x25, 0x1f, 0x1a, 0x1b, 0x23, 0x1c, 0x16, 0x16, 0x20, 0x2c, 0x20, 0x23, 0x26, 0x27, 0x29, 0x2a, 0x29, 0x19, 0x1f, 0x2d, 0x30, 0x2d, 0x28, 0x30, 0x25, 0x28, 0x29, 0x28, 0xff, 0xc0, 0x00, 0x0b, 0x08, 0x00, 0xc8, 0x03, 0x52, 0x01, 0x01, 0x11, 0x00, 0xff, 0xc4, 0x00, 0x1b, 0x00, 0x00, 0x03, 0x00, 0x03, 0x01, 0x01, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x01, 0x02, 0x03, 0x04, 0x05, 0x06, 0x07, 0xff, 0xc4, 0x00, 0x42, 0x10, 0x00, 0x01, 0x03, 0x02, 0x04, 0x03, 0x06, 0x04, 0x04, 0x04, 0x04, 0x06, 0x02, 0x03, 0x01, 0x00, 0x01, 0x00, 0x02, 0x11, 0x03, 0x21, 0x04, 0x12, 0x31, 0x41, 0x05, 0x51, 0x61, 0x13, 0x22, 0x71, 0x81, 0x91, 0xa1, 0x06, 0x32, 0xb1, 0xd1, 0x14, 0x15, 0xc1, 0xf0, 0x23, 0x42, 0x52, 0xe1, 0x33, 0x62, 0x72, 0xf1, 0x24, 0x25, 0x34, 0x35, 0x53, 0x92, 0x43, 0x54, 0x63, 0x93, 0xa2, 0xb2, 0xff, 0xda, 0x00, 0x08, 0x01, 0x01, 0x00, 0x00, 0x3f, 0x00, 0xfb, 0x8f, 0xc4, 0x11, 0xf9, 0x85, 0x59, 0xf0, 0x5c, 0x91, 0x72, 0x63, 0x74, 0x80, 0x8d, 0x77, 0xe8, 0xa7, 0x28, 0xcd, 0xa8, 0x4c, 0x81, 0x68, 0x94, 0xe1, 0xd2, 0x01, 0xd2, 0x14, 0xb9, 0x96, 0xd6, 0xc9, 0x86, 0x88, 0x31, 0xe4, 0x91, 0x06, 0x2c, 0x6d, 0xca, 0x17, 0x98, 0xf8, 0xb4, 0x11, 0x88, 0xc1, 0x44, 0xe5, 0xbc, 0xfa, 0x85, 0xe9, 0xda, 0xdb, 0x0b, 0x09, 0x8e, 0x6a, 0x8c, 0xfc, 0xb6, 0x0a, 0x4b, 0x23, 0x52, 0x82, 0xd2, 0x2e, 0x08, 0x92, 0x98, 0x17, 0x02, 0xe7, 0xe8, 0x94, 0x41, 0x33, 0x09, 0xc0, 0x80, 0x94, 0x3a, 0x4c, 0x01, 0x0a, 0x1b, 0x99, 0xae, 0x33, 0x11, 0xee, 0xa8, 0x1d, 0x60, 0x98, 0x37, 0x43, 0x61, 0xc4, 0x5c, 0x84, 0xc4, 0x49, 0x00, 0x5e, 0x51, 0x10, 0x74, 0x37, 0xb2, 0x60, 0x10, 0x79, 0x88, 0x4b, 0x4d, 0x06, 0xe9, 0x92, 0x47, 0x78, 0xc7, 0xa7, 0xea, 0x80, 0xe3, 0xb8, 0x1d, 0x12, 0x82, 0x40, 0x23, 0x63, 0x09, 0xc8, 0x71, 0x88, 0xfd, 0x52, 0x13, 0x06, 0x62, 0x3c, 0x52, 0x70, 0x90, 0x0e, 0xc1, 0x32, 0x79, 0x14, 0xa5, 0xb9, 0xa4, 0x93, 0x3b, 0xac, 0x6e, 0xd6, 0xcb, 0x97, 0xf1, 0x2f, 0xfd, 0xa2, 0xb4, 0x98, 0x04, 0x8b, 0x79, 0x85, 0xe1, 0x72, 0xe6, 0x71, 0x10, 0x7a, 0x5d, 0x53, 0x80, 0x39, 0x60, 0x81, 0xe2, 0x9b, 0xaf, 0x2e, 0x81, 0x9c, 0x08, 0xd7, 0x55, 0x0c, 0x32, 0x40, 0x80, 0x25, 0x50, 0x60, 0x73, 0x8c, 0x91, 0x0d, 0xd6, 0x16, 0xfe, 0x01, 0xc6, 0x86, 0x1b, 0x19, 0x52, 0x95, 0x46, 0xe6, 0xca, 0x18, 0xdb, 0xcc, 0xc9, 0xbe, 0xbd, 0x02, 0xdc, 0xc1, 0x55, 0xa7, 0x49, 0xb8, 0x26, 0x39, 0xcd, 0xed, 0x0d, 0x3a, 0x8f, 0x12, 0xe8, 0x19, 0x9d, 0xa5, 0xf4, 0x98, 0x52, 0x07, 0x66, 0x29, 0xd0, 0xaa, 0xda, 0x54, 0x7b, 0x5a, 0xcd, 0x2e, 0x19, 0xf3, 0x1c, 0xa3, 0x79, 0xd3, 0x72, 0xa2, 0xb5, 0x37, 0xe2, 0x70, 0x55, 0x5d, 0x87, 0x73, 0x0b, 0xab, 0x57, 0x7b, 0xe3, 0x30, 0x05, 0xcd, 0x02, 0x07, 0xea, 0xb2, 0x02, 0x3b, 0x6c, 0xb4, 0x1f, 0x4a, 0xbb, 0xa8, 0xd1, 0x6d, 0x17, 0x35, 0xee, 0x0d, 0xce, 0x09, 0x33, 0x94, 0xf3, 0xd1, 0x69, 0x71, 0x06, 0xb6, 0x9d, 0x5a, 0x74, 0xe9, 0x38, 0x16, 0x86, 0x89, 0x66, 0x60, 0xec, 0x84, 0x99, 0x89, 0xdd, 0x6e, 0x36, 0x83, 0x6a, 0x9e, 0x1e, 0x0d, 0x4a, 0x23, 0x0e, 0xc6, 0x02, 0xe2, 0x5c, 0xd0, 0x64, 0x9b, 0xdb, 0x5e, 0x9e, 0xe9, 0x52, 0x8c, 0x43, 0x4b, 0xaa, 0x76, 0x55, 0xa8, 0x55, 0xaa, 0xea, 0x8f, 0xfe, 0x20, 0x61, 0xa4, 0x73, 0x6b, 0x3e, 0x05, 0x72, 0x9c, 0x05, 0x4c, 0x78, 0xcd, 0x50, 0x38, 0x3d, 0xe0, 0x67, 0x23, 0x69, 0x1b, 0xf9, 0x2e, 0x8d, 0x5c, 0xf5, 0xdf, 0xc4, 0x68, 0xb7, 0xb3, 0xfc, 0x45, 0x4a, 0xc0, 0x86, 0x92, 0xde, 0xfd, 0x31, 0x30, 0x01, 0xdc, 0x69, 0xf4, 0x5a, 0x7c, 0x41, 0xc1, 0x98, 0x6c, 0x3e, 0x19, 0xb5, 0x0b, 0xea, 0x52, 0x0e, 0x2e, 0x3a, 0x8e, 0xf1, 0xd3, 0xf7, 0xe0, 0xb7, 0x70, 0x41, 0x9f, 0x86, 0xa2, 0xda, 0x95, 0x18, 0xfc, 0x3b, 0x26, 0xa0, 0xa8, 0x1e, 0x18, 0xfa, 0x2f, 0x27, 0x6b, 0xdc, 0x69, 0x64, 0x35, 0xc3, 0x11, 0x82, 0xc2, 0xb0, 0x53, 0xa7, 0x55, 0xb4, 0xcb, 0x8d, 0x4c, 0xf5, 0x08, 0x2d, 0x97, 0x1e, 0xf5, 0x88, 0x06, 0xd1, 0xcd, 0x46, 0x3f, 0x19, 0xda, 0x61, 0x1e, 0x59, 0x55, 0x86, 0xad, 0x5a, 0xbd, 0xee, 0xce, 0xdd, 0xd6, 0x80, 0x34, 0x99, 0xd4, 0x93, 0x28, 0xc5, 0xd7, 0xa7, 0x4f, 0x0e, 0xca, 0xb4, 0xcb, 0x4d, 0x6c, 0x4b, 0x18, 0xc7, 0x00, 0x41, 0xca, 0x1b, 0x62, 0x0f, 0x53, 0x1f, 0xaa, 0xda, 0xc4, 0x55, 0x63, 0x71, 0x47, 0x14, 0xc6, 0xe1, 0x32, 0x35, 0xbf, 0xc2, 0x79, 0x79, 0x27, 0x48, 0xca, 0x5a, 0x08, 0xbe, 0xcb, 0x9b, 0xc2, 0xdf, 0xff, 0x00, 0x34, 0xc3, 0x93, 0x02, 0x5f, 0x02, 0x77, 0x26, 0xd1, 0x3e, 0x7a, 0x2d, 0xda, 0x15, 0x69, 0xd1, 0xc5, 0x7e, 0x1a, 0x93, 0x9a, 0xc6, 0x51, 0x63, 0x9a, 0x2a, 0x4c, 0x03, 0x55, 0xdf, 0xcd, 0x27, 0xf6, 0x14, 0x61, 0xdb, 0x4b, 0x07, 0x44, 0x51, 0xad, 0x51, 0x8f, 0x75, 0x6a, 0xcc, 0x73, 0x83, 0x48, 0x39, 0x5a, 0xd3, 0x72, 0x48, 0xb1, 0x90, 0x7c, 0x91, 0x57, 0x2d, 0x37, 0x63, 0xeb, 0xbe, 0xb5, 0x27, 0x55, 0xaa, 0x08, 0x63, 0x58, 0x41, 0x90, 0xe7, 0x73, 0xf0, 0x5a, 0xbc, 0x24, 0x52, 0xa6, 0xfc, 0x41, 0xa9, 0x59, 0xb4, 0xdd, 0xd9, 0xb9, 0x8c, 0x25, 0xd1, 0x0e, 0x30, 0x39, 0xf2, 0x1a, 0xad, 0xbe, 0x1e, 0xea, 0x18, 0x21, 0x4a, 0x8d, 0x4a, 0x8c, 0xaa, 0x5f, 0x5b, 0xb4, 0x78, 0xa6, 0x43, 0x83, 0x43, 0x77, 0x27, 0x9c, 0xaa, 0xc5, 0x54, 0xc9, 0x4a, 0xb3, 0x8b, 0xb0, 0x8d, 0xa9, 0x5a, 0x1b, 0x9a, 0x9c, 0xb9, 0xc4, 0x17, 0x4c, 0xc9, 0x3a, 0x74, 0x83, 0xc9, 0x56, 0x21, 0xd4, 0xdb, 0x5b, 0x1c, 0x5b, 0x56, 0x99, 0x9a, 0x2d, 0x6b, 0x06, 0x7b, 0x16, 0x40, 0xd3, 0xad, 0xb4, 0xd1, 0x37, 0xd7, 0xa4, 0xf3, 0x42, 0xb0, 0x7e, 0x11, 0xb4, 0x58, 0xc0, 0x33, 0xbc, 0x12, 0xf6, 0x96, 0x8d, 0x9b, 0xa4, 0xcc, 0xf8, 0x2d, 0x5a, 0xb5, 0x1b, 0x89, 0xa1, 0x87, 0xa6, 0x2a, 0x30, 0x17, 0x67, 0xaa, 0xfc, 0xd2, 0x1a, 0x09, 0x3b, 0xf9, 0x00, 0xb9, 0xc2, 0xa1, 0x8c, 0xa6, 0x1c, 0xd0, 0x90, 0xcc, 0xe7, 0x4b, 0x60, 0x12, 0x22, 0x34, 0x80, 0xac, 0xb4, 0x34, 0x49, 0xd4, 0x5b, 0x54, 0xf3, 0x90, 0xd9, 0x63, 0x44, 0xe8, 0x6f, 0xaa, 0x32, 0x98, 0xef, 0x40, 0x33, 0x22, 0x37, 0x4c, 0x68, 0x72, 0xe5, 0xbe, 0xb9, 0x84, 0xf3, 0xd1, 0x7b, 0xbe, 0x02, 0x63, 0x83, 0xe1, 0x79, 0x86, 0x7d, 0xd7, 0x40, 0xea, 0x24, 0xeb, 0xd1, 0x22, 0x3c, 0x52, 0x8b, 0x18, 0x1a, 0x26, 0x1a, 0x20, 0x99, 0xbe, 0x86, 0xea, 0x9c, 0x43, 0x40, 0x83, 0xb2, 0x4e, 0x75, 0x84, 0x12, 0x10, 0x0d, 0xc1, 0x2a, 0xa7, 0x48, 0x17, 0xfd, 0xee, 0x86, 0xbb, 0xa7, 0xe8, 0x82, 0xe8, 0xd3, 0xc7, 0x59, 0x4a, 0xd2, 0x64, 0x8f, 0x25, 0x79, 0x80, 0xd0, 0x1f, 0x34, 0xb3, 0x0c, 0xc2, 0xc9, 0xe9, 0x70, 0x3c, 0x54, 0xcf, 0x76, 0x67, 0x78, 0x4b, 0x7b, 0xf9, 0x84, 0xf3, 0x10, 0x24, 0xdf, 0xf4, 0x47, 0x27, 0x1b, 0xaa, 0xcc, 0x1c, 0x0f, 0x54, 0x34, 0x5a, 0x4d, 0xfd, 0x95, 0x4e, 0x90, 0x07, 0xaa, 0x59, 0x81, 0xdc, 0x6b, 0x17, 0x45, 0xc9, 0x30, 0x44, 0x7d, 0x56, 0x0c, 0x48, 0xfe, 0x15, 0x5b, 0xea, 0xc2, 0x3d, 0x97, 0x07, 0xe0, 0xc0, 0x7b, 0x0c, 0x51, 0x93, 0x77, 0x8d, 0xd7, 0xa2, 0x69, 0x74, 0x9b, 0x08, 0xea, 0x9f, 0xcc, 0x36, 0x28, 0x07, 0x28, 0x80, 0x2c, 0x74, 0xdd, 0x56, 0x6b, 0x88, 0xdf, 0xca, 0x13, 0x07, 0xba, 0x60, 0xca, 0x1a, 0xeb, 0x40, 0xdd, 0x36, 0xce, 0xe0, 0xc2, 0x60, 0x72, 0x26, 0x4a, 0x2f, 0xce, 0xa7, 0xa2, 0xea, 0x71, 0xd8, 0xfc, 0xc2, 0xac, 0xcc, 0xea, 0xb9, 0x57, 0x69, 0x83, 0xba, 0x22, 0x41, 0x89, 0x48, 0x80, 0xd2, 0x08, 0x9f, 0x44, 0x0e, 0xae, 0x9f, 0x24, 0xc4, 0x00, 0x43, 0x9d, 0x7f, 0x04, 0xdb, 0x7b, 0x1d, 0x02, 0x26, 0xdb, 0x0f, 0x3d, 0x54, 0x91, 0x63, 0x24, 0x44, 0x81, 0x6b, 0xaf, 0x2f, 0xf1, 0x90, 0x8a, 0xf8, 0x49, 0xdc, 0x91, 0xee, 0x17, 0xa5, 0x66, 0x83, 0x28, 0x1a, 0x27, 0xa9, 0x13, 0xeb, 0x08, 0xef, 0x45, 0xc8, 0x2a, 0xaf, 0x1f, 0x64, 0xb7, 0x06, 0xe9, 0xcc, 0x03, 0x00, 0xdd, 0x20, 0xec, 0xb6, 0x37, 0x41, 0xb5, 0xf6, 0x28, 0x00, 0xc1, 0x23, 0xe8, 0x91, 0x6c, 0x83, 0x20, 0xc9, 0x17, 0x45, 0x38, 0x88, 0x1b, 0x18, 0x41, 0x90, 0x6c, 0x34, 0xba, 0x24, 0x93, 0xd7, 0xc3, 0x54, 0x89, 0x99, 0x04, 0xa0, 0x48, 0x1b, 0x10, 0x13, 0x1b, 0x91, 0xba, 0x08, 0x93, 0x10, 0x80, 0xde, 0x46, 0xfa, 0x9b, 0xa2, 0x04, 0xcc, 0x84, 0xda, 0x09, 0xd0, 0x59, 0x11, 0x20, 0xcd, 0xbc, 0x94, 0x16, 0x89, 0x16, 0xf7, 0x46, 0x58, 0x22, 0x45, 0xfc, 0x52, 0x36, 0x3a, 0x19, 0x5c, 0x7f, 0x89, 0xc8, 0x1c, 0x26, 0xa9, 0xe4, 0x5b, 0xf5, 0x0b, 0xc4, 0x07, 0x1c, 0xc4, 0x73, 0xbc, 0xc6, 0xaa, 0x5c, 0x41, 0x6c, 0x02, 0x7c, 0x67, 0x45, 0x4d, 0x2d, 0x78, 0xb4, 0xce, 0x9e, 0x2a, 0x5b, 0x22, 0x5a, 0x2d, 0xbd, 0xc4, 0xa0, 0x88, 0x97, 0x92, 0x0f, 0x97, 0xee, 0x53, 0x05, 0xae, 0xcc, 0x32, 0xb6, 0xfc, 0x93, 0xee, 0xc4, 0x16, 0xd8, 0x08, 0x1b, 0xc2, 0x87, 0x3a, 0x1a, 0x24, 0x09, 0x36, 0x99, 0xbd, 0x96, 0x57, 0xbd, 0xd5, 0x69, 0x52, 0x63, 0xb2, 0xe4, 0xa6, 0x0b, 0x5b, 0x6e, 0xb3, 0x7f, 0x55, 0x8a, 0xed, 0xb7, 0x68, 0xe7, 0x36, 0x74, 0x41, 0x25, 0xf5, 0x1a, 0x41, 0x19, 0x85, 0xe7, 0x99, 0x57, 0x9c, 0xb7, 0x90, 0x20, 0xcc, 0xcc, 0xc4, 0xf4, 0x48, 0x38, 0xb8, 0xdc, 0x98, 0x11, 0xa9, 0xdb, 0xcd, 0x27, 0x34, 0x48, 0x04, 0x02, 0x76, 0xe4, 0x47, 0x9a, 0x4e, 0x24, 0x54, 0x06, 0x04, 0xb4, 0xce, 0xc5, 0x04, 0xb8, 0x3b, 0x31, 0x00, 0x83, 0x00, 0x85, 0x89, 0xa0, 0xe5, 0x2c, 0x11, 0xac, 0x4c, 0xec, 0x61, 0x5b, 0xc9, 0x69, 0xbb, 0x5b, 0x62, 0x4d, 0x8e, 0xbf, 0x54, 0x07, 0x90, 0xfb, 0x91, 0x3c, 0xf7, 0xdb, 0xec, 0x9d, 0x26, 0xb8, 0x97, 0x13, 0x11, 0x39, 0x80, 0x3c, 0xfa, 0x75, 0x4a, 0xa0, 0x2e, 0x71, 0x0e, 0x06, 0x26, 0x47, 0xec, 0x6f, 0xd5, 0x67, 0xc2, 0x62, 0x9f, 0x87, 0xa8, 0x1e, 0xd2, 0xd9, 0x88, 0xef, 0x5e, 0x2f, 0xa8, 0x27, 0x7e, 0xab, 0x0d, 0xb7, 0x74, 0x93, 0xe7, 0x3e, 0x46, 0xd2, 0x8a, 0x86, 0x0c, 0x09, 0xca, 0x7a, 0x0f, 0xd1, 0x36, 0xe9, 0x98, 0xe9, 0xb4, 0xa0, 0x08, 0x82, 0x48, 0x93, 0xa1, 0x07, 0x74, 0x9e, 0x6e, 0x49, 0x12, 0xe8, 0xbd, 0xa4, 0x14, 0xa6, 0x48, 0xcd, 0x39, 0xb5, 0x26, 0xd7, 0xfd, 0xe8, 0xb2, 0xd3, 0xcb, 0x9a, 0x5c, 0xd2, 0x6c, 0x00, 0xb6, 0x9f, 0xdd, 0x63, 0xb8, 0xa9, 0xae, 0x5f, 0x44, 0xc8, 0xcc, 0x24, 0x83, 0x62, 0x60, 0xc8, 0x16, 0x40, 0x0e, 0xcb, 0xa8, 0xcb, 0x36, 0xb7, 0x25, 0x60, 0x87, 0x1e, 0xf3, 0x88, 0x76, 0x83, 0xaa, 0xa2, 0x64, 0x99, 0x0e, 0x91, 0xad, 0xc8, 0x50, 0xc7, 0x89, 0xd0, 0xd8, 0xee, 0x55, 0x87, 0x13, 0x72, 0x47, 0x40, 0xb1, 0xb0, 0xda, 0x41, 0x19, 0x4e, 0xbd, 0x0d, 0xd7, 0xd0, 0x38, 0x09, 0x77, 0xe5, 0x18, 0x52, 0x49, 0xb3, 0x7f, 0x52, 0xba, 0x0d, 0x97, 0x1d, 0xfd, 0x10, 0x2d, 0x32, 0x0c, 0x9d, 0x2c, 0x94, 0xc4, 0x82, 0x27, 0xcd, 0x01, 0xa4, 0x19, 0x3a, 0x72, 0x84, 0x16, 0x92, 0x06, 0x51, 0x6f, 0x14, 0xc0, 0x1a, 0x38, 0x5d, 0x36, 0xdc, 0x19, 0xfa, 0x24, 0x5a, 0x4e, 0x9a, 0x1e, 0xa8, 0x3a, 0x19, 0x20, 0xf8, 0x23, 0x5d, 0xe1, 0x03, 0x53, 0x31, 0x03, 0x79, 0x54, 0x01, 0xb8, 0xcc, 0x23, 0x64, 0x00, 0xd0, 0x40, 0x27, 0xd1, 0x36, 0xb8, 0x89, 0x82, 0x0a, 0x99, 0xca, 0x61, 0xdb, 0xa0, 0xc6, 0x69, 0x83, 0x7d, 0xd3, 0x00, 0x44, 0x5f, 0xaa, 0x44, 0x88, 0x19, 0x77, 0x4c, 0x40, 0x70, 0x25, 0xc2, 0x22, 0xe9, 0x35, 0xc2, 0x48, 0x04, 0x11, 0xaa, 0xa2, 0x2f, 0x3b, 0x44, 0xe8, 0x86, 0xe4, 0xca, 0x2e, 0x64, 0x1d, 0x25, 0x04, 0x6b, 0x04, 0x47, 0x8a, 0xc7, 0x8a, 0x13, 0x87, 0xa9, 0x1f, 0xd2, 0x67, 0xd1, 0x79, 0xff, 0x00, 0x83, 0xe7, 0xf0, 0xf8, 0x93, 0x06, 0xee, 0x1f, 0x40, 0xbd, 0x1d, 0xe0, 0x48, 0xb8, 0xea, 0xaa, 0xd3, 0xec, 0xa5, 0xd1, 0x13, 0xc8, 0xd9, 0x04, 0x6e, 0xe2, 0x20, 0xa0, 0x10, 0x2c, 0xd2, 0x20, 0xa6, 0x45, 0xc1, 0x9f, 0x44, 0xc4, 0x81, 0x72, 0xe4, 0x5a, 0x6f, 0x05, 0xa7, 0xc9, 0x54, 0x9f, 0xfc, 0x83, 0xd1, 0x75, 0xb8, 0xe9, 0xff, 0x00, 0x99, 0x55, 0x8d, 0x6c, 0x39, 0xea, 0xb9, 0x71, 0x73, 0x26, 0xe6, 0xe9, 0x1c, 0xd1, 0x00, 0xfb, 0xa6, 0x1b, 0xdd, 0x93, 0x29, 0x80, 0x2e, 0x4f, 0xba, 0x1c, 0xd0, 0x0c, 0x98, 0x52, 0x08, 0xbc, 0x20, 0xb4, 0x9e, 0x60, 0x26, 0xe2, 0x00, 0x20, 0x10, 0xbc, 0xaf, 0xc5, 0xa5, 0xbf, 0x8b, 0xc1, 0xcc, 0xef, 0xf5, 0x5e, 0xa3, 0x61, 0xd0, 0x2a, 0x69, 0xe7, 0x04, 0xf2, 0x52, 0x2d, 0x32, 0x01, 0x4c, 0xc8, 0xf9, 0x45, 0x94, 0x83, 0x68, 0x25, 0x16, 0xbc, 0x13, 0x09, 0xe5, 0xb6, 0x6f, 0x54, 0x81, 0x24, 0xed, 0x08, 0x80, 0x22, 0x09, 0xfb, 0xa5, 0x24, 0xb4, 0x90, 0x4e, 0xa9, 0x80, 0x24, 0x8b, 0x5c, 0x6b, 0xd5, 0x48, 0x99, 0xd4, 0xdb, 0x5b, 0x2a, 0x24, 0x02, 0x65, 0xc9, 0x5b, 0xa1, 0xb5, 0x93, 0x00, 0x81, 0x68, 0x94, 0x10, 0x6e, 0x64, 0x69, 0x28, 0x6b, 0x4c, 0x81, 0x37, 0xd7, 0x44, 0xe2, 0x01, 0x3b, 0xf8, 0x29, 0xcd, 0x7d, 0x04, 0x15, 0x43, 0x90, 0x99, 0x48, 0x13, 0x7e, 0xe9, 0x84, 0x3a, 0x01, 0x98, 0x3e, 0x8a, 0x09, 0xb8, 0x24, 0x19, 0x4d, 0xd3, 0xb4, 0x95, 0xc6, 0xf8, 0x9d, 0xa7, 0xf2, 0x8a, 0xe4, 0x09, 0x32, 0xdb, 0x1b, 0x2f, 0x12, 0x49, 0x71, 0x31, 0x02, 0x75, 0x11, 0xa2, 0x83, 0x48, 0x35, 0xad, 0x24, 0xd8, 0xdc, 0xec, 0xb2, 0x06, 0xbb, 0x2b, 0xc1, 0x00, 0x83, 0x7d, 0x0f, 0xd5, 0x4c, 0x10, 0x49, 0x1a, 0x03, 0xb8, 0x2a, 0x5c, 0x01, 0x0e, 0x20, 0x09, 0xda, 0x41, 0x4d, 0xa4, 0xb4, 0x48, 0x03, 0xc9, 0x02, 0x73, 0x19, 0x23, 0x59, 0xb9, 0xd1, 0x19, 0x98, 0x43, 0x81, 0xca, 0x49, 0xdd, 0x37, 0x3f, 0xbc, 0x43, 0x4e, 0x59, 0x12, 0xa7, 0x2b, 0xa0, 0xde, 0x4f, 0x35, 0x53, 0x36, 0x10, 0x1c, 0x05, 0xf7, 0x52, 0x29, 0xb9, 0xa4, 0x17, 0xc1, 0xcc, 0x99, 0xa6, 0xe1, 0x72, 0x2f, 0x1a, 0x4a, 0x65, 0xcd, 0x04, 0x13, 0xa4, 0x78, 0x42, 0x86, 0xc1, 0x7f, 0x76, 0x65, 0xc7, 0x58, 0x94, 0x09, 0x24, 0xd8, 0xc8, 0xb5, 0xcc, 0x7b, 0x29, 0xca, 0x18, 0x01, 0x13, 0x1f, 0xaa, 0xa6, 0x37, 0x34, 0x97, 0x11, 0x2a, 0x4e, 0x50, 0x2c, 0x07, 0x5d, 0xfd, 0xd3, 0xf9, 0xa1, 0xa0, 0x13, 0xba, 0x6e, 0xcc, 0xd0, 0x41, 0x06, 0xfd, 0x25, 0x0e, 0xbe, 0x50, 0x41, 0xca, 0x04, 0x69, 0x2a, 0x48, 0x2d, 0xa8, 0x46, 0x57, 0x1b, 0x48, 0xee, 0x95, 0x4f, 0x80, 0x43, 0xa1, 0xd1, 0xbf, 0x76, 0x16, 0x37, 0x87, 0x4e, 0x60, 0xd2, 0x4c, 0xe8, 0x79, 0x26, 0x1a, 0xec, 0xa6, 0x00, 0xca, 0x6f, 0x1e, 0xb7, 0x52, 0x0b, 0x89, 0xbc, 0xd8, 0xe8, 0x9b, 0x66, 0x4c, 0x34, 0x38, 0x9e, 0x63, 0x44, 0xf3, 0x99, 0x11, 0x3c, 0xbc, 0x10, 0x5b, 0x1a, 0x99, 0x31, 0x22, 0xe8, 0xca, 0x08, 0x04, 0x98, 0x72, 0xa6, 0x92, 0xe3, 0x79, 0x4c, 0xd8, 0x82, 0x35, 0x1c, 0xd2, 0xcd, 0xfc, 0x41, 0x9c, 0x91, 0x9a, 0x53, 0x96, 0xbb, 0x5d, 0x05, 0xb4, 0x4c, 0x5e, 0x4b, 0x75, 0xd8, 0xc6, 0xa8, 0x04, 0x88, 0x01, 0xa4, 0x38, 0x74, 0xd7, 0xf7, 0x2b, 0xde, 0xf0, 0x12, 0x4f, 0x0a, 0xc3, 0x08, 0xb8, 0x69, 0x04, 0x8f, 0x12, 0xba, 0x6d, 0x25, 0xb6, 0x32, 0x82, 0xe3, 0x78, 0xd0, 0xf3, 0x4b, 0x31, 0xd4, 0x81, 0x1c, 0xd5, 0x7f, 0x30, 0x24, 0x9b, 0xa3, 0xc5, 0xc4, 0x14, 0x9c, 0x34, 0x31, 0x74, 0xae, 0x2c, 0x36, 0x4f, 0x35, 0x84, 0x11, 0x3d, 0x53, 0x07, 0x52, 0x72, 0x85, 0x27, 0xc0, 0x24, 0x39, 0xc0, 0x8d, 0xd1, 0x3a, 0x92, 0x42, 0x40, 0x88, 0x23, 0x9e, 0x89, 0x89, 0xcc, 0x00, 0x3e, 0x28, 0xb8, 0x91, 0x63, 0x2a, 0x89, 0x02, 0x2e, 0x67, 0xc5, 0x1b, 0xfd, 0x6e, 0x93, 0x44, 0xf4, 0x40, 0x20, 0x02, 0x0c, 0xcf, 0xd1, 0x13, 0x92, 0x34, 0xbd, 0xb4, 0x40, 0x70, 0x3a, 0x1d, 0xa1, 0x51, 0xeb, 0x0a, 0x61, 0xa0, 0x4c, 0x09, 0x58, 0xf1, 0x57, 0xa3, 0x50, 0xc8, 0x00, 0x34, 0xcf, 0xa1, 0x5c, 0x2f, 0x83, 0x4c, 0xd0, 0xc4, 0xce, 0xce, 0x11, 0x6f, 0x05, 0xe8, 0xc5, 0x9f, 0x25, 0x29, 0x31, 0x07, 0xe6, 0x25, 0x12, 0x33, 0x18, 0xb8, 0x54, 0x66, 0xf0, 0x7d, 0x94, 0x13, 0x7b, 0x44, 0xf8, 0x26, 0xd0, 0x64, 0xc9, 0x1e, 0x90, 0xa8, 0x4c, 0x6a, 0x52, 0xcb, 0x24, 0x49, 0x30, 0x3c, 0x95, 0x41, 0xe6, 0xbb, 0x1c, 0x7a, 0x3f, 0x31, 0xaa, 0x09, 0x3b, 0x15, 0xc9, 0x8d, 0x24, 0x41, 0x29, 0x80, 0x41, 0x81, 0x00, 0x73, 0x55, 0x2e, 0x88, 0x3b, 0x79, 0xa5, 0xa8, 0xb9, 0x16, 0xe8, 0x9b, 0x8c, 0x90, 0x21, 0x01, 0xd1, 0x00, 0x83, 0xbd, 0x94, 0xbc, 0x80, 0x39, 0x24, 0x6c, 0x2c, 0x41, 0x5e, 0x63, 0xe2, 0xf7, 0x7f, 0xc4, 0xe0, 0xc1, 0x61, 0x24, 0x82, 0x07, 0x2d, 0x42, 0xf4, 0x62, 0x40, 0x1d, 0x15, 0xc9, 0xe5, 0x3c, 0x93, 0xb6, 0x84, 0x47, 0xd5, 0x02, 0xd3, 0x07, 0x45, 0x31, 0xde, 0x32, 0x53, 0x37, 0x1f, 0x36, 0x89, 0x38, 0xc5, 0x80, 0x24, 0x6f, 0x74, 0xc8, 0x6e, 0x5b, 0x6a, 0xa5, 0xb6, 0x99, 0x9b, 0xf5, 0x4c, 0x4d, 0xb4, 0xf2, 0x4d, 0xda, 0x5c, 0x09, 0x99, 0x49, 0xd2, 0x0c, 0xb7, 0x7f, 0x24, 0x66, 0xb4, 0x6e, 0x82, 0xe1, 0x37, 0x17, 0xd3, 0x44, 0x09, 0x9e, 0x40, 0x79, 0xa6, 0x1d, 0x7d, 0x36, 0x43, 0x5d, 0x06, 0xc2, 0xe9, 0x87, 0x02, 0x2d, 0xb7, 0x34, 0xc3, 0x41, 0xd4, 0x04, 0xf3, 0x10, 0xd2, 0x0c, 0x05, 0x27, 0xe5, 0xb4, 0xd9, 0x21, 0x06, 0xf1, 0x61, 0xcc, 0x5d, 0x2d, 0x89, 0xfd, 0x10, 0x2e, 0x3a, 0xf8, 0x2c, 0x18, 0xac, 0x35, 0x3c, 0x55, 0x27, 0x53, 0xc4, 0x34, 0x39, 0x84, 0x89, 0x13, 0x1a, 0x2e, 0x77, 0xe4, 0x78, 0x06, 0xcc, 0x61, 0xe4, 0x1f, 0xf3, 0x14, 0x8f, 0x02, 0xc0, 0x44, 0x76, 0x05, 0xa3, 0x90, 0x79, 0xbf, 0xba, 0xaf, 0xc8, 0x38, 0x7e, 0x58, 0x34, 0x2f, 0x16, 0xef, 0x3b, 0xee, 0x8f, 0xc8, 0xf8, 0x7e, 0x62, 0x7f, 0x0a, 0x3f, 0xf6, 0x72, 0x4e, 0xe0, 0xbc, 0x3f, 0x43, 0x87, 0xb0, 0xd0, 0x07, 0x98, 0xfa, 0xa0, 0xf0, 0x5c, 0x07, 0xff, 0x00, 0x58, 0x7a, 0x95, 0x47, 0x82, 0xe0, 0x4c, 0x4e, 0x1d, 0xb1, 0xb5, 0xc8, 0xfd, 0x50, 0x78, 0x36, 0x04, 0x10, 0x3b, 0x01, 0x1b, 0x5d, 0xdf, 0x74, 0x1e, 0x0d, 0x81, 0xcd, 0x23, 0x0a, 0xd2, 0x74, 0xd4, 0xa7, 0xf9, 0x36, 0x06, 0x01, 0xfc, 0x33, 0x6e, 0x90, 0xe0, 0xd8, 0x02, 0x00, 0x18, 0x66, 0xc6, 0xe1, 0x57, 0xe4, 0xb8, 0x00, 0x64, 0x61, 0xa9, 0xfa, 0x9b, 0x29, 0xfc, 0x9b, 0x04, 0xe7, 0x5b, 0x0a, 0xc0, 0x74, 0x9b, 0xfd, 0xd5, 0x7e, 0x4d, 0x80, 0x83, 0x38, 0x66, 0x7a, 0xa0, 0xf0, 0x6e, 0x1e, 0xe2, 0x41, 0xc2, 0xd2, 0x90, 0x67, 0xe5, 0xe8, 0x98, 0xe0, 0xf8, 0x22, 0x40, 0x38, 0x6a, 0x76, 0xe8, 0x93, 0xb8, 0x5e, 0x04, 0x37, 0xfe, 0x9a, 0x9c, 0x14, 0x37, 0x84, 0xe0, 0x40, 0xb6, 0x12, 0x9c, 0x78, 0x26, 0x38, 0x56, 0x0a, 0x2d, 0x86, 0xa5, 0x1b, 0x59, 0x0d, 0xe1, 0x38, 0x21, 0xae, 0x16, 0x94, 0x29, 0x3c, 0x23, 0x02, 0x5d, 0x7c, 0x25, 0x22, 0xef, 0x04, 0xbf, 0x28, 0xc0, 0xb4, 0xc8, 0xc2, 0xd1, 0x9f, 0xf4, 0xa0, 0xf0, 0xbc, 0x14, 0xff, 0x00, 0xd2, 0xd2, 0x8f, 0xf4, 0xa6, 0x78, 0x56, 0x08, 0x5c, 0xe1, 0x29, 0x78, 0x64, 0x05, 0x48, 0xe1, 0x78, 0x2c, 0xb6, 0xc2, 0xd1, 0x8b, 0xff, 0x00, 0x20, 0x4c, 0xf0, 0xcc, 0x17, 0xff, 0x00, 0x4e, 0x87, 0xff, 0x00, 0xac, 0x27, 0xf9, 0x56, 0x0a, 0x2d, 0x83, 0xa1, 0xd6, 0x29, 0x84, 0x87, 0x0d, 0xc1, 0x36, 0xe3, 0x0b, 0x46, 0xdf, 0xe4, 0x0a, 0x9b, 0xc3, 0x70, 0x79, 0xbf, 0xe8, 0xe8, 0x7f, 0xfa, 0xc2, 0xa7, 0x70, 0xcc, 0x1c, 0x9f, 0xf8, 0x6a, 0x17, 0xb5, 0xa9, 0x84, 0xdb, 0xc3, 0x30, 0x63, 0x5c, 0x2d, 0x02, 0x22, 0xd2, 0xc6, 0xa5, 0xf9, 0x76, 0x0c, 0x49, 0xfc, 0x25, 0x0b, 0x8f, 0xfc, 0x62, 0xca, 0xdb, 0xc3, 0x70, 0x79, 0x6f, 0x84, 0xa3, 0x07, 0x7e, 0xcd, 0xbf, 0x64, 0xbf, 0x2f, 0xc2, 0x97, 0x13, 0xf8, 0x5a, 0x04, 0x8b, 0x11, 0xd9, 0x8f, 0xa4, 0x25, 0xf8, 0x0c, 0x18, 0x30, 0x70, 0xd4, 0x63, 0x71, 0xd9, 0x8b, 0xfb, 0x2a, 0x3c, 0x3f, 0x09, 0x94, 0x46, 0x16, 0x88, 0xe9, 0xd9, 0x84, 0x0c, 0x0e, 0x0e, 0x6d, 0x85, 0xa3, 0x33, 0xfd, 0x03, 0x92, 0xd9, 0x65, 0x36, 0xb1, 0x81, 0x94, 0xf2, 0xb1, 0xa0, 0x5a, 0x04, 0x7b, 0x2a, 0x82, 0x48, 0x84, 0xcd, 0xa6, 0x6e, 0x12, 0x6c, 0x8d, 0x3e, 0xe8, 0xd0, 0x83, 0x3e, 0x09, 0xb9, 0xd2, 0xdb, 0x81, 0x28, 0x69, 0x86, 0xc9, 0x29, 0x18, 0x26, 0xe4, 0xc2, 0x9c, 0xa3, 0x34, 0x8d, 0x46, 0xa9, 0x18, 0xbc, 0xec, 0xa8, 0x9b, 0x6a, 0x7d, 0x61, 0x4b, 0x5c, 0x34, 0x82, 0x54, 0x9b, 0xda, 0xd2, 0xa9, 0xa4, 0x13, 0x09, 0x8b, 0x1e, 0x89, 0x66, 0x82, 0xd8, 0xf0, 0x4e, 0x4e, 0xd9, 0x63, 0xae, 0xe6, 0x52, 0x71, 0x68, 0x24, 0x82, 0x2d, 0xed, 0xb7, 0xdd, 0x30, 0xef, 0x12, 0x37, 0x44, 0x00, 0x46, 0xb1, 0xeb, 0x74, 0x3a, 0x0e, 0x93, 0x2a, 0x80, 0x04, 0x89, 0x02, 0x05, 0x91, 0xa6, 0x87, 0xa8, 0x44, 0xeb, 0x22, 0x4f, 0x35, 0x18, 0x9b, 0xd0, 0xaa, 0x04, 0xc6, 0x53, 0xf4, 0x5e, 0x7b, 0xe0, 0xc9, 0x14, 0x31, 0x44, 0x93, 0xf3, 0x0f, 0x2b, 0x05, 0xe8, 0xcc, 0x12, 0x25, 0xcb, 0x2e, 0xf0, 0x35, 0x88, 0x52, 0x64, 0x59, 0xad, 0x9e, 0x69, 0x0e, 0xed, 0xe0, 0xce, 0xe8, 0xb9, 0x36, 0x1e, 0x29, 0xb4, 0x07, 0x11, 0x3b, 0x79, 0x27, 0x94, 0x80, 0x62, 0x60, 0x2a, 0x30, 0x62, 0xc4, 0x4a, 0x98, 0x3f, 0xd4, 0xbb, 0x3c, 0x7e, 0x7f, 0x32, 0xaa, 0x2d, 0xa0, 0x9f, 0x7f, 0xb2, 0xe5, 0x18, 0xeb, 0x6d, 0x2e, 0x80, 0xe3, 0x24, 0x38, 0x58, 0x29, 0x24, 0xda, 0x34, 0x54, 0x09, 0xcd, 0x60, 0x21, 0x29, 0xef, 0x1b, 0x9f, 0xaa, 0x53, 0xde, 0x92, 0x4d, 0x90, 0xe0, 0x0c, 0x5d, 0x00, 0x49, 0x37, 0x8f, 0x25, 0xe5, 0x3e, 0x31, 0x69, 0xfc, 0x4e, 0x04, 0x83, 0xa1, 0x37, 0x9e, 0xbc, 0x97, 0xa8, 0x69, 0x96, 0x8b, 0x85, 0x62, 0xda, 0x1b, 0x92, 0x91, 0x1d, 0xf3, 0x27, 0x44, 0x68, 0x74, 0x37, 0xd4, 0xc2, 0x4e, 0xbd, 0xc2, 0x2f, 0x06, 0x00, 0x84, 0x02, 0x66, 0x01, 0x1e, 0x68, 0xd0, 0xdb, 0x53, 0xaa, 0x01, 0xd6, 0x1a, 0x48, 0xfa, 0x20, 0x73, 0x83, 0xe9, 0x08, 0x96, 0x82, 0x4d, 0xe7, 0xaa, 0x44, 0x82, 0x25, 0xc6, 0xc8, 0x10, 0x0d, 0xb9, 0x2b, 0xcc, 0x6f, 0x11, 0x7d, 0x52, 0x6b, 0x6e, 0x48, 0x26, 0x15, 0x48, 0x06, 0x48, 0x29, 0x16, 0x80, 0x73, 0x1d, 0x79, 0x26, 0xe8, 0x89, 0xb5, 0xd2, 0xcc, 0x60, 0x00, 0x83, 0x77, 0x00, 0x36, 0x47, 0xf3, 0x66, 0x23, 0x4e, 0x61, 0x33, 0x01, 0xc6, 0x2e, 0x96, 0x6e, 0xe5, 0xc0, 0xf5, 0x48, 0x82, 0x44, 0x93, 0x62, 0xa7, 0x41, 0xa8, 0xb7, 0x9a, 0x6f, 0x22, 0x40, 0x8b, 0x94, 0x88, 0x06, 0x0c, 0x9b, 0x27, 0x68, 0x90, 0x4c, 0xa4, 0xed, 0x6f, 0xa2, 0x93, 0x60, 0x40, 0x99, 0x29, 0x00, 0x63, 0x5b, 0x27, 0x9b, 0x30, 0xb4, 0x59, 0x13, 0x1a, 0x19, 0x40, 0x26, 0x2c, 0x94, 0xba, 0x77, 0x44, 0xdc, 0x90, 0x2f, 0xbd, 0xd3, 0x0e, 0xbc, 0x41, 0x07, 0x65, 0x23, 0x53, 0x37, 0x84, 0xdb, 0x00, 0xc1, 0xd1, 0x64, 0x71, 0xe4, 0xdf, 0xee, 0xa6, 0x6c, 0x75, 0x12, 0xa4, 0x44, 0x02, 0x49, 0x83, 0xe6, 0xa8, 0x16, 0xc4, 0x00, 0x7a, 0x5d, 0x43, 0x85, 0xc7, 0xdd, 0x33, 0xa2, 0x53, 0x79, 0xd0, 0xec, 0xa8, 0xc6, 0xf0, 0x3c, 0x14, 0x1c, 0xb9, 0xa2, 0xf7, 0xf6, 0x49, 0xce, 0x00, 0x80, 0x09, 0x08, 0x2e, 0x05, 0xd7, 0x21, 0x12, 0x01, 0x27, 0x49, 0x48, 0x18, 0x16, 0x00, 0x0f, 0x14, 0xc1, 0x0e, 0xbc, 0x40, 0x54, 0x37, 0x82, 0x6f, 0xaa, 0x00, 0x13, 0x00, 0x01, 0x3a, 0xde, 0x50, 0xd0, 0x44, 0xc0, 0x2b, 0x4b, 0x8d, 0x53, 0xa9, 0x53, 0x87, 0xd5, 0xec, 0x9c, 0xf6, 0xd4, 0xa6, 0x33, 0x88, 0xb1, 0xb7, 0xee, 0x17, 0x26, 0xb7, 0x11, 0x2e, 0xaa, 0xfc, 0x73, 0x25, 0xec, 0xa1, 0x41, 0xa3, 0x2c, 0x92, 0xde, 0xd1, 0xd7, 0xbc, 0x78, 0xf2, 0x59, 0x7f, 0x39, 0xc5, 0x53, 0xa3, 0x5d, 0xd5, 0x29, 0x31, 0xef, 0xa5, 0x94, 0xb5, 0xc1, 0xa5, 0xad, 0x71, 0x24, 0x08, 0xbd, 0xd6, 0x5a, 0xdc, 0x4b, 0x15, 0x85, 0xaa, 0x06, 0x32, 0x9d, 0x20, 0xd7, 0xd3, 0x7d, 0x40, 0x69, 0xff, 0x00, 0x53, 0x6f, 0x06, 0x57, 0x4f, 0x02, 0xf7, 0xd4, 0xc2, 0x52, 0x7d, 0x56, 0xb5, 0x95, 0x5c, 0xd0, 0xe2, 0x00, 0xb0, 0x9d, 0x96, 0x7d, 0x2f, 0x2d, 0x1c, 0xf6, 0x95, 0x7a, 0xc4, 0x66, 0x03, 0x62, 0x91, 0x31, 0xa4, 0xca, 0x80, 0x06, 0xa4, 0xd9, 0x50, 0xd2, 0x02, 0x1a, 0xfe, 0xf1, 0x06, 0x2d, 0xb2, 0x4e, 0xbb, 0x41, 0x81, 0x7d, 0xd0, 0xe1, 0x60, 0x24, 0x49, 0xea, 0x80, 0x20, 0x5b, 0xcd, 0x26, 0x8e, 0x44, 0x02, 0x75, 0x43, 0x6e, 0xd2, 0x0f, 0xdd, 0x16, 0xcc, 0x22, 0xe5, 0x0e, 0x9e, 0x41, 0x49, 0x16, 0xb8, 0x11, 0xba, 0x9e, 0x51, 0x7e, 0x7d, 0x15, 0x75, 0x12, 0x90, 0x6c, 0x69, 0xa9, 0x28, 0xef, 0x19, 0xbe, 0x86, 0x61, 0x79, 0xdc, 0x63, 0x9d, 0x83, 0xab, 0x8f, 0xc3, 0x53, 0x90, 0x71, 0x40, 0x1a, 0x20, 0x73, 0x3d, 0xd3, 0xf5, 0x94, 0x1c, 0x7e, 0x2b, 0x0e, 0xf7, 0xd0, 0xc3, 0x34, 0x9a, 0x78, 0x6c, 0x8c, 0xca, 0x29, 0x97, 0x66, 0x9e, 0x6e, 0xff, 0x00, 0x75, 0xb6, 0xdc, 0x5e, 0x3a, 0xbd, 0x7c, 0x5f, 0xe1, 0xdd, 0x4d, 0x8d, 0xa0, 0x24, 0x35, 0xcd, 0xb9, 0x24, 0x03, 0x1e, 0xab, 0x2f, 0x0c, 0xc7, 0xd5, 0xc7, 0x62, 0x18, 0x1b, 0x1d, 0x93, 0x29, 0x02, 0xff, 0x00, 0xf5, 0xc6, 0x8b, 0xaa, 0xd2, 0x60, 0xca, 0xa0, 0x2f, 0x73, 0xe4, 0x99, 0x96, 0xb6, 0x24, 0xdd, 0x61, 0xc4, 0x0f, 0xe0, 0x54, 0x93, 0x04, 0x82, 0xb8, 0x1f, 0x06, 0x48, 0xc3, 0xe2, 0x44, 0x8c, 0xb9, 0x84, 0x6f, 0xaa, 0xf4, 0x80, 0x87, 0x40, 0x20, 0x4c, 0x48, 0x4d, 0x8e, 0x07, 0xf9, 0x44, 0x68, 0x98, 0x31, 0x60, 0x07, 0x8a, 0x99, 0x97, 0x4e, 0xfb, 0x2b, 0x33, 0xbd, 0x82, 0x45, 0xa6, 0x60, 0x91, 0x2a, 0xdb, 0x22, 0xd2, 0x63, 0xc5, 0x36, 0x82, 0x44, 0xdc, 0x95, 0x73, 0xfe, 0x45, 0xd2, 0xe3, 0xff, 0x00, 0xf7, 0x3a, 0x9a, 0x68, 0x3f, 0x55, 0xc9, 0x70, 0x10, 0x91, 0xd0, 0x09, 0x12, 0x93, 0x4e, 0x53, 0xdf, 0xb9, 0x4c, 0x38, 0x0d, 0x01, 0x83, 0xa9, 0x4c, 0x69, 0x6f, 0x21, 0xba, 0x92, 0x48, 0x06, 0x4c, 0x83, 0xd2, 0x21, 0x58, 0x3b, 0xc0, 0x81, 0xe7, 0x28, 0xcd, 0x98, 0xd9, 0x79, 0x5f, 0x8c, 0xbb, 0xb5, 0xf0, 0x64, 0x44, 0x4b, 0xa7, 0xd4, 0x2f, 0x4c, 0xdd, 0x47, 0xcb, 0x7d, 0x21, 0x50, 0x74, 0x12, 0x22, 0xe8, 0x32, 0x62, 0x66, 0xfe, 0x69, 0xd8, 0x11, 0x33, 0x0a, 0x09, 0xe5, 0xa2, 0xa6, 0x80, 0x1a, 0xe2, 0x41, 0x53, 0x23, 0x66, 0xca, 0x44, 0x68, 0x44, 0xeb, 0x08, 0x98, 0x16, 0x99, 0x06, 0x13, 0x0d, 0xbc, 0xf7, 0x81, 0x2a, 0xa0, 0x8d, 0x46, 0xbb, 0xea, 0x94, 0x02, 0x60, 0xc2, 0x01, 0x22, 0x60, 0x0d, 0x2c, 0x9e, 0xad, 0xbe, 0xca, 0x75, 0x32, 0x09, 0xbe, 0xb7, 0x55, 0x24, 0x49, 0xf5, 0x4d, 0xc2, 0x62, 0xde, 0x89, 0x02, 0x63, 0x43, 0xf6, 0x41, 0xb8, 0x00, 0x26, 0xcd, 0x74, 0xbf, 0x8a, 0x6f, 0x74, 0x82, 0x1d, 0x1d, 0x02, 0x90, 0xec, 0xc2, 0x44, 0x04, 0x9e, 0x7a, 0x88, 0xfa, 0x20, 0xc1, 0x13, 0x33, 0xca, 0xc8, 0x1a, 0x5b, 0x54, 0x9c, 0x49, 0xb9, 0x3b, 0x24, 0xd2, 0x06, 0xfe, 0xc9, 0x66, 0x30, 0x60, 0x68, 0x93, 0x9d, 0x20, 0x4d, 0x94, 0x93, 0xde, 0x98, 0x10, 0x55, 0x30, 0x58, 0xe9, 0xea, 0x91, 0x89, 0x16, 0x11, 0xe1, 0x05, 0x01, 0xd3, 0x63, 0x30, 0x10, 0x4c, 0x10, 0x00, 0xd7, 0x44, 0x9c, 0x6d, 0x6d, 0x42, 0x79, 0x8e, 0xe5, 0x49, 0x30, 0x0c, 0x1b, 0xf3, 0xd5, 0x20, 0x06, 0x5d, 0x09, 0x3c, 0xd3, 0x06, 0x04, 0x03, 0x7f, 0x05, 0x44, 0x92, 0x6d, 0xea, 0x98, 0x20, 0x8d, 0x2f, 0xe2, 0xa0, 0x1e, 0x60, 0xce, 0xea, 0x87, 0x4d, 0x11, 0x12, 0x40, 0x28, 0x30, 0x0e, 0x9d, 0x14, 0xb8, 0x77, 0xb5, 0x90, 0x8d, 0x37, 0x32, 0x82, 0x49, 0x22, 0xf7, 0x52, 0xe0, 0x25, 0xb2, 0x42, 0x60, 0x99, 0xd4, 0x44, 0x24, 0xe1, 0x37, 0x25, 0x06, 0xf6, 0x00, 0x4a, 0xa0, 0xd2, 0x00, 0x98, 0x95, 0x42, 0x62, 0xde, 0x68, 0xb4, 0xd8, 0x68, 0x96, 0x60, 0x0c, 0xba, 0xdd, 0x21, 0x6b, 0xe3, 0x31, 0xd8, 0x6c, 0x30, 0xff, 0x00, 0x88, 0xaa, 0xd6, 0x07, 0xd8, 0x5e, 0xf7, 0x9f, 0x35, 0xad, 0x85, 0xc1, 0x60, 0x2a, 0xe0, 0x2a, 0x53, 0xa0, 0x43, 0xb0, 0xf5, 0xcc, 0xb8, 0xb5, 0xdb, 0xf2, 0x91, 0xa1, 0x08, 0x6f, 0x07, 0xa0, 0xda, 0x35, 0x18, 0x5f, 0x5a, 0xa7, 0x68, 0x21, 0xc5, 0xef, 0x93, 0x6d, 0x00, 0xde, 0x14, 0xf1, 0x7c, 0x1b, 0xb1, 0xb5, 0xb0, 0xb4, 0x8d, 0x26, 0x76, 0x0d, 0x79, 0x73, 0xdc, 0xe2, 0x41, 0x81, 0x16, 0xd2, 0xfc, 0xbe, 0xeb, 0xa0, 0xca, 0xd4, 0xfb, 0x7e, 0xc3, 0x3f, 0xf1, 0x83, 0x73, 0x16, 0x69, 0x22, 0x7f, 0xbc, 0xab, 0x93, 0x24, 0x47, 0xa9, 0x95, 0x83, 0x15, 0x8d, 0xc3, 0x61, 0x08, 0xfc, 0x45, 0x56, 0xb2, 0x6c, 0x37, 0x3e, 0x71, 0xb2, 0xc9, 0x87, 0xc4, 0x52, 0xc5, 0xd3, 0xed, 0x30, 0xef, 0x15, 0x1a, 0x77, 0x1c, 0xf9, 0x2c, 0xac, 0x17, 0xdd, 0x17, 0xcc, 0x08, 0x70, 0x83, 0xd0, 0xca, 0xc6, 0x2b, 0xd2, 0x38, 0xa1, 0x44, 0xbc, 0x76, 0xa5, 0xa1, 0xf1, 0x1f, 0xcb, 0x31, 0x2b, 0x21, 0x71, 0x02, 0x34, 0xb0, 0x5a, 0xf8, 0xbc, 0x6e, 0x1b, 0x07, 0x94, 0xe2, 0x2a, 0x06, 0x66, 0x24, 0x0e, 0xe9, 0x4b, 0x0b, 0x8c, 0xa3, 0x8a, 0x6b, 0x9d, 0x87, 0xa9, 0x98, 0x03, 0xc9, 0x53, 0xeb, 0x52, 0x66, 0x21, 0x94, 0x5c, 0xf0, 0x2a, 0x54, 0x92, 0xc0, 0x41, 0x00, 0x80, 0x02, 0xcc, 0x3b, 0xad, 0x23, 0xce, 0x41, 0xda, 0x61, 0x28, 0xbc, 0xac, 0x38, 0xac, 0x5d, 0x1c, 0x1d, 0x21, 0x57, 0x10, 0xf2, 0xd6, 0x93, 0x94, 0x58, 0x9b, 0xf2, 0xb2, 0xc5, 0x84, 0xc6, 0xd0, 0xc5, 0xb9, 0xe2, 0x8d, 0x50, 0xf2, 0xdd, 0x44, 0x10, 0x6f, 0xd0, 0xec, 0xb6, 0xa0, 0x08, 0x22, 0x35, 0xf1, 0xbf, 0x2b, 0x6e, 0xa9, 0xb9, 0x62, 0x49, 0xde, 0x0e, 0xa6, 0x0f, 0x54, 0x58, 0x12, 0x2f, 0x23, 0x5b, 0x27, 0xa6, 0x91, 0x24, 0x59, 0x71, 0xf1, 0x18, 0xce, 0x1b, 0x53, 0x14, 0xc7, 0x55, 0x78, 0x15, 0xa8, 0xbf, 0x23, 0x5c, 0x41, 0x10, 0xe0, 0x66, 0x39, 0x68, 0x16, 0xcd, 0x5e, 0x1d, 0x85, 0xc4, 0xd7, 0x15, 0xea, 0x30, 0xba, 0xa1, 0xbd, 0x9c, 0x62, 0xc0, 0x5c, 0x80, 0x60, 0xf8, 0xac, 0xad, 0xa0, 0xca, 0x2f, 0x7b, 0xe8, 0x31, 0xa2, 0xa5, 0x58, 0xf9, 0xb4, 0x27, 0x6f, 0xdd, 0xd6, 0x0e, 0x0f, 0x81, 0x38, 0x3a, 0x15, 0x05, 0x5c, 0xa2, 0xb5, 0x47, 0x97, 0xbb, 0x2e, 0x82, 0x76, 0x95, 0xbf, 0x16, 0xea, 0xa9, 0xae, 0x93, 0x94, 0x93, 0x03, 0xa2, 0x0b, 0xa0, 0x40, 0xca, 0x00, 0x58, 0xf1, 0x24, 0x1a, 0x2f, 0x97, 0x12, 0x72, 0x93, 0x03, 0x7f, 0xdc, 0x2f, 0x3f, 0xf0, 0x6b, 0x4b, 0x70, 0xf8, 0x8b, 0x1b, 0x38, 0x6b, 0xe6, 0xbd, 0x1b, 0x84, 0xdc, 0xe8, 0x2c, 0x87, 0x12, 0x04, 0xc8, 0x4c, 0x8e, 0xe8, 0x32, 0x2f, 0xaa, 0x63, 0x58, 0x03, 0xce, 0x55, 0x12, 0x22, 0x35, 0x28, 0x0e, 0x93, 0xa9, 0x01, 0x5b, 0x4c, 0x8b, 0x9d, 0x56, 0x40, 0x26, 0xd6, 0x08, 0xec, 0x87, 0xf5, 0x1f, 0xfd, 0x97, 0x4f, 0xe2, 0x10, 0x3f, 0x32, 0xa8, 0x4c, 0xe8, 0x37, 0xe4, 0x57, 0x24, 0xc1, 0x90, 0x36, 0x50, 0x00, 0x3b, 0x5d, 0x33, 0x67, 0x58, 0x5d, 0x19, 0x49, 0x1c, 0x8e, 0xf7, 0x45, 0xc9, 0xb9, 0x12, 0x3c, 0x93, 0x74, 0xdc, 0x94, 0x81, 0x39, 0x08, 0x29, 0xc4, 0xc4, 0x12, 0xbc, 0xc7, 0xc6, 0x16, 0xab, 0x84, 0x6c, 0x9c, 0xb0, 0x4f, 0xb8, 0x5e, 0x90, 0x6a, 0x0d, 0x8f, 0x5e, 0x49, 0x86, 0xc9, 0x31, 0xe2, 0xaa, 0x62, 0x6c, 0x6d, 0x70, 0x93, 0x89, 0x74, 0x13, 0xaa, 0x4c, 0xb0, 0x20, 0xa6, 0x41, 0xcb, 0x63, 0x63, 0xd5, 0x00, 0x89, 0xd7, 0xd9, 0x04, 0xe8, 0x46, 0x92, 0x93, 0x88, 0xcd, 0x22, 0x53, 0x31, 0x02, 0x49, 0x24, 0xea, 0x93, 0x6d, 0x20, 0x7d, 0xd3, 0xf9, 0xac, 0x6d, 0xd6, 0x10, 0x04, 0x58, 0x00, 0x81, 0x3a, 0x1f, 0xba, 0x1b, 0x6d, 0x41, 0xbe, 0x88, 0x10, 0x41, 0x30, 0x65, 0x0d, 0x68, 0x17, 0x00, 0xfd, 0x90, 0x49, 0x00, 0xdf, 0xdb, 0x54, 0x18, 0x99, 0x2e, 0x12, 0x86, 0x0d, 0x48, 0xb9, 0x29, 0xed, 0x24, 0x09, 0x1d, 0x14, 0x97, 0x1d, 0x20, 0x5d, 0x4f, 0x39, 0xd0, 0x6b, 0x6d, 0x55, 0x36, 0xf3, 0x7b, 0x20, 0x8b, 0x18, 0x9b, 0x24, 0x4c, 0xce, 0xb6, 0x0a, 0x72, 0x88, 0x04, 0x6a, 0x82, 0x48, 0xb4, 0xa8, 0xca, 0x1d, 0x71, 0x36, 0xd6, 0xca, 0x8b, 0xa2, 0xc4, 0x0b, 0x74, 0x4b, 0xe6, 0x02, 0x62, 0x0e, 0x85, 0x33, 0x11, 0x04, 0xdd, 0x04, 0x98, 0x8b, 0x47, 0x82, 0x66, 0xe2, 0x08, 0xb2, 0x92, 0x0c, 0x80, 0x0e, 0x9b, 0x15, 0x21, 0xa4, 0x02, 0x4c, 0x4f, 0x20, 0x8d, 0xa0, 0x0f, 0x64, 0xe2, 0x22, 0x49, 0x40, 0xcb, 0x02, 0xe6, 0x53, 0x06, 0x0d, 0xc1, 0x8d, 0xb7, 0x4c, 0xc4, 0x6c, 0x95, 0xcd, 0x9a, 0x7d, 0xd3, 0x02, 0xe6, 0x5b, 0x74, 0xa2, 0xfa, 0x11, 0x09, 0x48, 0xf1, 0x13, 0xcd, 0x04, 0x99, 0x11, 0x08, 0xb4, 0x68, 0x67, 0x7b, 0x29, 0x9b, 0xf5, 0x43, 0xa6, 0x2e, 0xd0, 0xa8, 0x00, 0x49, 0x11, 0x78, 0x52, 0x1b, 0x31, 0x70, 0x15, 0x80, 0x44, 0xc4, 0x89, 0x52, 0x44, 0x73, 0x9f, 0x54, 0x9a, 0x0e, 0xce, 0x56, 0xdb, 0xe8, 0x40, 0x3d, 0x51, 0x56, 0x1c, 0x39, 0x91, 0xaa, 0xe0, 0xd5, 0xa8, 0xda, 0x3c, 0x72, 0xb5, 0x4a, 0xef, 0x65, 0x3c, 0xd4, 0x40, 0xc3, 0xba, 0xa6, 0x80, 0x8d, 0x7a, 0x2d, 0x1a, 0x78, 0xba, 0x8e, 0xc2, 0x55, 0x6b, 0x32, 0x50, 0xa4, 0x71, 0x21, 0xb5, 0x1f, 0x47, 0xf9, 0x81, 0xd4, 0xdf, 0xea, 0x9d, 0x4c, 0x4d, 0x6a, 0x6c, 0xc5, 0xd3, 0xc3, 0x62, 0x6a, 0xbf, 0x0b, 0xda, 0xb1, 0xa2, 0xae, 0xa5, 0xad, 0x26, 0xfd, 0xed, 0xd3, 0x7d, 0x6a, 0xd4, 0x29, 0x63, 0x29, 0xe1, 0x31, 0x15, 0xaa, 0x61, 0x43, 0x59, 0x15, 0x1c, 0xec, 0xc4, 0x49, 0xbf, 0x7b, 0xc3, 0xd1, 0x6d, 0xf0, 0x8e, 0xc9, 0xbc, 0x6e, 0xa0, 0xc3, 0x57, 0x75, 0x66, 0x0a, 0x22, 0x1e, 0xe7, 0x4c, 0x5f, 0x41, 0x2b, 0xba, 0x49, 0xd7, 0x9a, 0xe2, 0x57, 0x73, 0x70, 0xfc, 0x76, 0xb5, 0x4c, 0x41, 0x6b, 0x0d, 0x4a, 0x00, 0x52, 0xa8, 0xf0, 0x72, 0x88, 0x3e, 0xc6, 0x65, 0x6a, 0x52, 0xc5, 0x39, 0xd8, 0x5a, 0x85, 0xa1, 0x94, 0xd8, 0x71, 0x19, 0x6a, 0x54, 0xa0, 0xd2, 0x3b, 0xa7, 0x71, 0x7f, 0x74, 0xea, 0xe2, 0x2b, 0xd3, 0x18, 0xca, 0x58, 0x4a, 0xf5, 0x2a, 0x61, 0x5a, 0xfa, 0x6d, 0x0f, 0x99, 0x2c, 0x9d, 0x60, 0xa5, 0x5b, 0x10, 0xfa, 0x6d, 0xc7, 0x37, 0x87, 0xd5, 0x7d, 0x5c, 0x38, 0xa6, 0xc3, 0x9a, 0x49, 0x2d, 0x24, 0xde, 0xfe, 0x17, 0x59, 0xf8, 0x50, 0xa7, 0xf9, 0xef, 0xfc, 0x35, 0x57, 0xd6, 0xa6, 0x70, 0xda, 0x93, 0x9a, 0x0c, 0xce, 0xfe, 0x1c, 0xd7, 0xa1, 0x27, 0xba, 0x66, 0x27, 0xf5, 0x5c, 0x5e, 0x32, 0xca, 0x95, 0x31, 0x9c, 0x3d, 0xb4, 0x9e, 0x18, 0xfc, 0xe4, 0xe7, 0xcb, 0x9a, 0x2d, 0xb8, 0xd1, 0x6b, 0xf1, 0x47, 0xd4, 0xa0, 0xdc, 0x35, 0x0c, 0x56, 0x28, 0xb8, 0xbc, 0x92, 0x5d, 0x22, 0x8b, 0x20, 0x0f, 0xe6, 0x80, 0x49, 0x33, 0xe0, 0xb5, 0xf0, 0x38, 0x8a, 0x8e, 0x1c, 0x34, 0xba, 0xab, 0x89, 0x3d, 0xb3, 0x4f, 0x78, 0xc1, 0x02, 0x75, 0xf4, 0x17, 0xb2, 0xea, 0x7c, 0x3d, 0x4c, 0x8c, 0x0b, 0x6b, 0x3d, 0xf5, 0x1f, 0x52, 0xa8, 0x93, 0x9d, 0xc4, 0xc0, 0x04, 0xec, 0x74, 0xb4, 0x2e, 0xa6, 0xe4, 0x0d, 0x0f, 0x30, 0xb9, 0x3f, 0x10, 0xb5, 0xff, 0x00, 0x86, 0xa2, 0x01, 0x13, 0xdb, 0x08, 0x89, 0x37, 0x81, 0xec, 0xb5, 0x71, 0xb8, 0x5c, 0x65, 0x1a, 0x58, 0x9c, 0x53, 0xaa, 0xb4, 0xd7, 0x73, 0x5a, 0xc2, 0x69, 0x36, 0x00, 0x66, 0x6d, 0x7c, 0x61, 0x62, 0x35, 0x5f, 0x4d, 0xd8, 0x8f, 0xcb, 0x1e, 0xfa, 0x94, 0x4d, 0x0c, 0xce, 0x24, 0x93, 0x0e, 0xd3, 0x7d, 0xfa, 0xa8, 0xa5, 0x5b, 0x23, 0x9e, 0x30, 0x35, 0xaa, 0x54, 0x61, 0xc3, 0x39, 0xd5, 0x8b, 0x9c, 0x4c, 0x38, 0x0d, 0x4f, 0x23, 0xaf, 0x35, 0xd9, 0xe0, 0xb4, 0x8d, 0x3c, 0x05, 0x12, 0x6a, 0x3d, 0xce, 0xa8, 0xd0, 0xe7, 0x12, 0x66, 0x4d, 0x96, 0xf1, 0x06, 0x6d, 0xce, 0xde, 0x25, 0x79, 0xdc, 0x26, 0x13, 0x13, 0x89, 0xa5, 0x8e, 0x63, 0x71, 0x0d, 0x65, 0x13, 0x5d, 0xd9, 0xe5, 0xbb, 0x48, 0xb8, 0x58, 0x71, 0x84, 0x32, 0xae, 0x31, 0xb8, 0x8a, 0x95, 0x46, 0x22, 0x9c, 0x37, 0x0e, 0x01, 0x23, 0xbb, 0xb4, 0x45, 0xbc, 0x55, 0x62, 0x5c, 0x4d, 0x5c, 0x47, 0xe6, 0x2e, 0xa8, 0xca, 0xdd, 0x8b, 0x45, 0x21, 0x98, 0xc1, 0x76, 0x5b, 0xf9, 0xcd, 0xd6, 0xd6, 0x02, 0x9d, 0x4a, 0xfc, 0x4a, 0x99, 0xc5, 0x3e, 0xa9, 0x2c, 0xa0, 0xc7, 0xc4, 0x90, 0x09, 0x1d, 0x3c, 0x21, 0x77, 0xcd, 0xc8, 0xb1, 0x1e, 0x50, 0xa8, 0x09, 0xb5, 0x8c, 0x29, 0x20, 0x08, 0x0e, 0x3b, 0xc0, 0x53, 0x88, 0x24, 0xd1, 0xab, 0x20, 0x48, 0x6f, 0x2e, 0x84, 0xaf, 0x3f, 0xf0, 0x74, 0x9a, 0x78, 0xa2, 0x1c, 0x04, 0xb8, 0x6d, 0xd0, 0xaf, 0x46, 0x79, 0x1d, 0xfa, 0xea, 0x81, 0xb1, 0x20, 0x40, 0x4b, 0x35, 0xee, 0x44, 0xf2, 0x54, 0x1d, 0x9a, 0xc2, 0x07, 0x9a, 0xa6, 0x89, 0x07, 0x4b, 0x6a, 0xa8, 0x37, 0xbd, 0x04, 0x14, 0xc0, 0xbd, 0x95, 0xb5, 0xc4, 0x1b, 0x9b, 0x6c, 0xab, 0xcd, 0x75, 0x3e, 0x20, 0x23, 0xf3, 0x1a, 0xa0, 0x8d, 0x07, 0xdf, 0xec, 0xb8, 0xee, 0xd3, 0xba, 0x2f, 0xba, 0x5a, 0x00, 0x0e, 0x89, 0x09, 0xda, 0x21, 0x04, 0x88, 0x83, 0xa6, 0x89, 0xda, 0xe0, 0x00, 0xa7, 0x37, 0xcd, 0x33, 0x64, 0xc3, 0xb4, 0x24, 0x5b, 0x92, 0x09, 0xb6, 0xf2, 0xbc, 0xcf, 0xc6, 0x13, 0xdb, 0x61, 0x2e, 0x74, 0x33, 0xbe, 0xe1, 0x7a, 0x6c, 0xc2, 0x2c, 0x2d, 0xbf, 0x54, 0xe6, 0x0d, 0xb7, 0x47, 0x38, 0x36, 0x36, 0x98, 0x51, 0xbc, 0x92, 0x2c, 0x99, 0xbf, 0xcd, 0x10, 0x74, 0xb2, 0x0f, 0xcb, 0xf2, 0x91, 0x08, 0x0d, 0x6e, 0x80, 0x9b, 0xf3, 0x29, 0x10, 0x1a, 0x72, 0xdb, 0xa2, 0x00, 0x3a, 0x02, 0x0c, 0x74, 0x54, 0x74, 0x99, 0x08, 0x6f, 0xcd, 0x79, 0x33, 0xc8, 0xa2, 0xf9, 0xaf, 0x20, 0x1d, 0x2e, 0x82, 0x44, 0x00, 0x08, 0x90, 0x26, 0xe5, 0x54, 0x82, 0x01, 0x01, 0xc0, 0xa9, 0x27, 0x31, 0x00, 0x90, 0x3c, 0x53, 0x76, 0x84, 0x66, 0xfe, 0xe9, 0x37, 0x51, 0x94, 0x94, 0x38, 0x49, 0xb8, 0xde, 0xd7, 0x40, 0xb7, 0x34, 0xa4, 0x1d, 0x41, 0x00, 0xd9, 0x50, 0x80, 0xd2, 0x04, 0xcc, 0xc6, 0xaa, 0x5c, 0x08, 0xb9, 0x89, 0x44, 0xf8, 0x47, 0xd5, 0x00, 0x18, 0x24, 0x68, 0x52, 0x74, 0x12, 0x24, 0x9b, 0x24, 0x41, 0xe6, 0x67, 0x74, 0x9c, 0x20, 0x98, 0x44, 0x01, 0x6c, 0xd6, 0x44, 0x1c, 0xc2, 0x4d, 0xa6, 0x35, 0xd5, 0x05, 0xc0, 0x38, 0xc4, 0xa4, 0x33, 0x19, 0x26, 0x20, 0x25, 0x97, 0x49, 0x04, 0x94, 0xde, 0x1d, 0x02, 0x0d, 0xbc, 0x12, 0xd4, 0x4c, 0x94, 0x03, 0xa4, 0x77, 0xa1, 0x31, 0x3a, 0x83, 0xa6, 0xa2, 0x50, 0xd7, 0x13, 0x26, 0x7f, 0x44, 0x87, 0x33, 0xa6, 0xd6, 0x4e, 0xce, 0x30, 0x75, 0xf0, 0x29, 0x09, 0x06, 0xce, 0xb6, 0x89, 0x91, 0x7b, 0xb8, 0xc1, 0x4c, 0xd8, 0x5a, 0x50, 0xdd, 0x74, 0xb2, 0x23, 0x53, 0x25, 0x01, 0xb0, 0x24, 0x01, 0xe6, 0x90, 0x68, 0x32, 0x41, 0x12, 0xa5, 0xd4, 0xdd, 0x9a, 0x24, 0x81, 0xbf, 0x44, 0xdb, 0x4d, 0xb7, 0xd6, 0x7e, 0x8a, 0xde, 0xd1, 0x00, 0x1d, 0x4f, 0x54, 0x8b, 0x6f, 0x61, 0xb4, 0x20, 0x34, 0x0d, 0x74, 0xe4, 0x86, 0xdc, 0xd8, 0x88, 0x45, 0xcc, 0xe8, 0xa4, 0xea, 0x48, 0x01, 0x4b, 0xae, 0x21, 0xd1, 0x3e, 0x0a, 0x49, 0x75, 0xe4, 0x8b, 0x72, 0x51, 0x52, 0x8d, 0x3a, 0xcd, 0x8a, 0xec, 0x63, 0xc0, 0xb8, 0x0e, 0x00, 0xaa, 0x14, 0x69, 0x65, 0x2d, 0xc8, 0xdc, 0x84, 0x16, 0xb9, 0xb9, 0x67, 0xf7, 0x65, 0x34, 0xa8, 0xb1, 0x8d, 0xcb, 0x4e, 0x9b, 0x45, 0x32, 0x2e, 0xdc, 0xb0, 0x3d, 0x13, 0x65, 0x2a, 0x42, 0x99, 0x63, 0x1a, 0x1a, 0xd2, 0x49, 0x21, 0xa2, 0x01, 0xf1, 0x45, 0x1a, 0x54, 0xd8, 0x4c, 0x31, 0xac, 0xb4, 0x59, 0xa0, 0x5a, 0x3f, 0x65, 0x66, 0x6f, 0x92, 0x4f, 0xa4, 0xc7, 0xb4, 0x8a, 0x8c, 0x6b, 0x87, 0xf9, 0x80, 0x22, 0xdf, 0xdd, 0x0d, 0xa6, 0xc6, 0x83, 0x34, 0xdb, 0x94, 0xf7, 0x4f, 0x74, 0x5c, 0x78, 0x2c, 0x64, 0xd2, 0xa5, 0x45, 0xd9, 0xb2, 0x32, 0x93, 0x45, 0xe4, 0x00, 0xd0, 0x79, 0xf2, 0xe7, 0xfb, 0xb2, 0xc7, 0x84, 0xa9, 0x86, 0xad, 0x86, 0x6b, 0xf0, 0xae, 0xa5, 0x56, 0x83, 0xc4, 0xb5, 0xf4, 0xfe, 0x57, 0x0e, 0x63, 0xa2, 0xcb, 0x4d, 0x8c, 0x69, 0x19, 0x69, 0x81, 0xca, 0x04, 0x5b, 0xc9, 0x5e, 0x6b, 0xd8, 0x13, 0xcd, 0x2c, 0xad, 0x99, 0x70, 0x04, 0x01, 0x3a, 0x75, 0x49, 0xc1, 0xae, 0xb1, 0x6e, 0x63, 0x32, 0x09, 0x13, 0x07, 0xa6, 0xc9, 0x06, 0x33, 0x37, 0xca, 0x24, 0xd8, 0x5c, 0x5b, 0xc3, 0xd4, 0xaa, 0x6b, 0x5a, 0xd6, 0x83, 0x00, 0x58, 0x5b, 0x44, 0xcc, 0x11, 0x20, 0x12, 0x7c, 0x51, 0x96, 0x47, 0x78, 0x82, 0xa9, 0xb1, 0x90, 0xdc, 0x47, 0xf9, 0x89, 0xb8, 0x85, 0x39, 0x1a, 0xd3, 0x66, 0x06, 0x8e, 0x81, 0x26, 0xd3, 0x68, 0x06, 0x1a, 0x21, 0xd2, 0x34, 0x8b, 0xf2, 0xb2, 0xbc, 0x90, 0xe3, 0x1d, 0xd2, 0x0e, 0x8a, 0x43, 0x6d, 0x37, 0x9d, 0x0a, 0x44, 0x44, 0xc0, 0x17, 0xf4, 0x28, 0x21, 0xae, 0x00, 0x90, 0x24, 0x12, 0x76, 0x3f, 0xdd, 0x01, 0xa0, 0xe5, 0x71, 0x82, 0x46, 0x84, 0xaa, 0x0e, 0x0e, 0x04, 0x90, 0x5a, 0xe8, 0xdc, 0x6b, 0x28, 0x23, 0x72, 0x4d, 0x95, 0x93, 0x78, 0x33, 0x1d, 0x11, 0xd0, 0x45, 0x8c, 0xe8, 0xb1, 0xe2, 0x47, 0xf0, 0x9f, 0x26, 0xd9, 0x4f, 0xd1, 0x70, 0x7e, 0x11, 0x81, 0x47, 0x11, 0x1a, 0xcb, 0x4f, 0xb1, 0xfb, 0xaf, 0x40, 0xd7, 0x02, 0x01, 0xcd, 0x70, 0x15, 0x5c, 0x6b, 0xaf, 0x8a, 0x24, 0x00, 0x4f, 0x3f, 0x34, 0xc4, 0x45, 0x85, 0xf6, 0xb2, 0x33, 0x00, 0x63, 0xd5, 0x30, 0xe3, 0x23, 0x97, 0xa2, 0x6d, 0x91, 0x22, 0x60, 0x15, 0x95, 0xb1, 0x62, 0x4c, 0x0d, 0x22, 0x25, 0x56, 0x41, 0xfd, 0x47, 0xd1, 0x74, 0x3e, 0x22, 0xb7, 0x11, 0xa9, 0x26, 0xf0, 0x3f, 0x55, 0xc9, 0x73, 0xaf, 0x7d, 0xd2, 0x1a, 0x88, 0xd0, 0x25, 0x98, 0x9d, 0x40, 0x8d, 0x15, 0x00, 0x20, 0x80, 0x06, 0xb2, 0x96, 0x52, 0x1c, 0x48, 0xb4, 0xa7, 0x07, 0x2c, 0x99, 0x8f, 0x04, 0x38, 0x08, 0xb4, 0xdd, 0x50, 0xbd, 0xfc, 0x97, 0x96, 0xf8, 0xbe, 0xd5, 0xf0, 0xdc, 0xe1, 0xc2, 0xfe, 0x21, 0x7a, 0x61, 0x66, 0x83, 0xa8, 0x43, 0x9e, 0x2c, 0x00, 0xf3, 0x4f, 0x30, 0x0d, 0x96, 0xed, 0xa8, 0x8d, 0x17, 0x3e, 0x87, 0x14, 0xa3, 0x88, 0xe2, 0x07, 0x0d, 0x48, 0x17, 0x77, 0x49, 0x2f, 0x88, 0xb8, 0xd8, 0x2e, 0x89, 0x70, 0xca, 0x09, 0x00, 0x59, 0x4b, 0x4d, 0x88, 0x31, 0x17, 0x37, 0x3c, 0x97, 0x24, 0xf1, 0x2c, 0x4e, 0x22, 0xb5, 0x56, 0xf0, 0xfc, 0x2b, 0x6a, 0x53, 0xa4, 0x72, 0x97, 0xb9, 0xc0, 0x03, 0xe4, 0x7d, 0x16, 0x5c, 0x0f, 0x14, 0xa5, 0x88, 0xa2, 0x5f, 0x5a, 0x28, 0xbd, 0x8f, 0xec, 0xde, 0xd7, 0x1d, 0x1d, 0xc8, 0x73, 0xf1, 0x5b, 0xae, 0xc4, 0xd2, 0x65, 0x43, 0x49, 0xcf, 0x0d, 0xa8, 0x01, 0x73, 0x81, 0x37, 0x00, 0x6f, 0x3a, 0x2c, 0x54, 0x31, 0xb8, 0x5c, 0x41, 0x73, 0x68, 0xd7, 0x63, 0xdc, 0xdb, 0x90, 0x1c, 0x39, 0x4a, 0x19, 0x8e, 0xc2, 0xbc, 0x92, 0xcc, 0x45, 0x33, 0x0d, 0xce, 0x61, 0xe2, 0xc0, 0x5b, 0x4f, 0x25, 0x14, 0xf8, 0x8d, 0x0a, 0xe1, 0xee, 0xc3, 0xd6, 0x65, 0x57, 0x06, 0x98, 0x00, 0xde, 0x06, 0xf7, 0x5a, 0x54, 0xb8, 0xcb, 0xea, 0x33, 0x01, 0x0c, 0x6c, 0xe2, 0x6a, 0x16, 0x11, 0x33, 0xa1, 0x89, 0x5d, 0x99, 0x1b, 0xeb, 0xe2, 0xb9, 0xae, 0xe2, 0x94, 0xe9, 0x71, 0x1a, 0xd4, 0x31, 0x1d, 0x9b, 0x29, 0x30, 0x34, 0x87, 0xee, 0x49, 0xdb, 0xfb, 0xad, 0xb7, 0xe3, 0xa8, 0x37, 0x0a, 0x2b, 0x9a, 0xcd, 0xec, 0x88, 0x90, 0xe9, 0xf6, 0xea, 0xb1, 0x37, 0x88, 0xe1, 0x0d, 0x27, 0x55, 0x6e, 0x21, 0xa6, 0x9b, 0x08, 0x6b, 0x8f, 0x29, 0x3b, 0x85, 0x93, 0xf1, 0x74, 0x7b, 0x63, 0x4b, 0xb6, 0x67, 0x68, 0x06, 0x73, 0xe1, 0xb9, 0x57, 0x43, 0x10, 0xcc, 0x45, 0x06, 0xd5, 0xa4, 0xfc, 0xd4, 0xdd, 0x10, 0xe1, 0xba, 0xe7, 0x71, 0x2e, 0x33, 0x43, 0x0f, 0x45, 0xe7, 0x0d, 0x52, 0x9d, 0x4a, 0xcd, 0x70, 0x05, 0xb2, 0x6f, 0x78, 0xd7, 0xc9, 0x6e, 0x57, 0xc7, 0xe1, 0x70, 0xad, 0x68, 0xad, 0x55, 0xac, 0x7b, 0xaf, 0x07, 0x75, 0xb0, 0xda, 0x8c, 0xa9, 0x4d, 0xb5, 0x18, 0xec, 0xec, 0x20, 0x9c, 0xc2, 0xe2, 0x16, 0xb8, 0xc6, 0xe1, 0x4d, 0x27, 0xd5, 0x15, 0x80, 0xa4, 0xd8, 0x0f, 0x71, 0xd8, 0xda, 0xc7, 0xd5, 0x4d, 0x6e, 0x21, 0x84, 0xa2, 0x5b, 0xda, 0xd5, 0x63, 0x0b, 0xda, 0x1c, 0x26, 0x4c, 0x8e, 0x6b, 0x37, 0xe2, 0xa8, 0x0e, 0xce, 0x1e, 0xcf, 0xe2, 0xfc, 0xbb, 0xca, 0x4d, 0xac, 0xc7, 0xd5, 0xa9, 0x4d, 0xaf, 0x69, 0x73, 0x08, 0x0e, 0x03, 0x69, 0x85, 0x8e, 0xb6, 0x27, 0x0f, 0x46, 0x5b, 0x5a, 0xb3, 0x69, 0xba, 0xce, 0x20, 0xed, 0x3f, 0xdc, 0x29, 0xab, 0x8e, 0xc2, 0xd1, 0xaa, 0xd6, 0x3f, 0x10, 0xc6, 0xbc, 0xc1, 0xbf, 0xeb, 0xc9, 0x62, 0x3c, 0x52, 0x81, 0xe2, 0x43, 0x0a, 0x08, 0xcc, 0x40, 0x21, 0xd3, 0xbf, 0x2f, 0x48, 0x33, 0x2a, 0xcf, 0x12, 0xc2, 0x3b, 0x10, 0x68, 0x0a, 0xec, 0xed, 0x26, 0x22, 0x77, 0x94, 0xf8, 0x96, 0x31, 0xb8, 0x2c, 0x2b, 0xeb, 0x10, 0x09, 0x1a, 0x5e, 0x24, 0xf2, 0xe8, 0xb4, 0x8f, 0x1a, 0xa6, 0x2a, 0xe1, 0x65, 0xcc, 0x6d, 0x0a, 0xad, 0x2e, 0x7b, 0x88, 0x36, 0x23, 0xaf, 0xb7, 0xba, 0xe8, 0x37, 0x19, 0x87, 0x7e, 0x1d, 0xd5, 0xe9, 0xd5, 0xa6, 0x68, 0x8b, 0x17, 0x6b, 0x1e, 0x2a, 0x70, 0x98, 0xec, 0x36, 0x2d, 0xa4, 0x61, 0xeb, 0x35, 0xee, 0x1a, 0x88, 0x20, 0xfa, 0x1d, 0x96, 0xa7, 0x18, 0xe2, 0x1f, 0x82, 0xab, 0x46, 0x9d, 0x23, 0x4f, 0xb4, 0x78, 0x9e, 0xf8, 0x31, 0x13, 0x16, 0xd6, 0xeb, 0x62, 0xb7, 0x13, 0xc1, 0xd1, 0xa9, 0xd9, 0xd4, 0xac, 0x33, 0x8d, 0x6c, 0x4f, 0xfb, 0x73, 0x57, 0x88, 0xc6, 0xe1, 0xf0, 0xec, 0x63, 0xaa, 0xd5, 0x6e, 0x57, 0x89, 0x64, 0x09, 0x2e, 0xf0, 0x09, 0x33, 0x1f, 0x85, 0x7e, 0x1c, 0xe2, 0x05, 0x66, 0x9a, 0x03, 0x57, 0x72, 0x3c, 0xbd, 0x96, 0xad, 0x0e, 0x24, 0xdc, 0x4f, 0x11, 0xa3, 0x4b, 0x0f, 0x95, 0xf4, 0xdc, 0xc2, 0xe2, 0x60, 0xc9, 0x23, 0x6b, 0x9e, 0x9c, 0x96, 0xe6, 0x2b, 0x13, 0x87, 0xc2, 0x8c, 0xf5, 0xde, 0x58, 0xd2, 0x60, 0x0d, 0x49, 0xf2, 0xdd, 0x63, 0xa5, 0x8e, 0xc2, 0xd4, 0xa0, 0xfc, 0x43, 0x6b, 0x0e, 0xce, 0x99, 0x21, 0xdb, 0x16, 0xe9, 0x62, 0x11, 0x86, 0xe2, 0x58, 0x5c, 0x4b, 0x2a, 0x1a, 0x75, 0x09, 0xec, 0xee, 0xf9, 0x69, 0x10, 0x39, 0xc6, 0xaa, 0x5b, 0xc5, 0xb0, 0x45, 0xcd, 0x6b, 0x6b, 0x87, 0x19, 0x6b, 0x44, 0x34, 0xea, 0xed, 0x02, 0x58, 0xfc, 0x7b, 0x28, 0xd3, 0xae, 0xda, 0x15, 0x69, 0xf6, 0xd4, 0x80, 0x73, 0xb3, 0x02, 0x40, 0x04, 0xc7, 0xea, 0xaf, 0x13, 0xc5, 0x30, 0xd8, 0x6c, 0x83, 0x11, 0x50, 0x76, 0x8e, 0x68, 0x74, 0x34, 0x13, 0x6e, 0x71, 0xa8, 0x0a, 0xab, 0x71, 0x2c, 0x35, 0x2a, 0x34, 0xea, 0x3a, 0xb0, 0x2c, 0x7f, 0xc9, 0x92, 0x0c, 0x89, 0xe5, 0xaa, 0x8a, 0xf8, 0xe7, 0xd7, 0xc2, 0x35, 0xfc, 0x31, 0x86, 0xb3, 0x9e, 0xfc, 0x84, 0x9f, 0xe4, 0x31, 0x73, 0x1a, 0xac, 0x7c, 0x37, 0x17, 0x88, 0x7e, 0x36, 0xbe, 0x13, 0x15, 0xd9, 0x3d, 0xf4, 0xda, 0x1c, 0x1f, 0x4e, 0xd1, 0xe2, 0x3c, 0xd7, 0x4c, 0xc4, 0x03, 0x69, 0x89, 0xd1, 0x05, 0xa6, 0x75, 0xb9, 0x4f, 0x29, 0x88, 0x20, 0x42, 0x41, 0xa2, 0xf1, 0x00, 0xa5, 0x04, 0xe8, 0x3a, 0x14, 0x01, 0x0e, 0xb8, 0xb2, 0x08, 0xb9, 0x89, 0x95, 0x25, 0xa7, 0x2e, 0x86, 0x79, 0xa4, 0xd6, 0xc1, 0xb8, 0xb8, 0x58, 0x31, 0x0d, 0x0f, 0xaf, 0x49, 0xb5, 0x01, 0xcb, 0x73, 0x01, 0xc4, 0x68, 0x8f, 0xc2, 0xd3, 0x8c, 0xa0, 0x10, 0x7a, 0x12, 0xb1, 0xb2, 0x90, 0xa3, 0x8a, 0xa8, 0x19, 0x20, 0x64, 0x6e, 0xe7, 0x59, 0xfe, 0xcb, 0x73, 0x29, 0x26, 0xf3, 0x73, 0x29, 0x18, 0x26, 0x1a, 0x0d, 0xb5, 0x48, 0x49, 0x36, 0x11, 0xd7, 0xac, 0xaf, 0x13, 0x8c, 0xc6, 0xd5, 0xf8, 0x7f, 0x8d, 0x55, 0xc4, 0x71, 0x27, 0x55, 0xad, 0xc1, 0x71, 0x55, 0x2d, 0x5d, 0xdd, 0xef, 0xc2, 0x54, 0x36, 0xbc, 0x68, 0xc3, 0xa4, 0xf3, 0x53, 0x89, 0x14, 0xbe, 0x2c, 0xe3, 0x75, 0x30, 0x18, 0x48, 0x3c, 0x0b, 0x02, 0x41, 0xc5, 0xd5, 0xa4, 0xf2, 0x7f, 0x12, 0xf9, 0x07, 0xb1, 0x04, 0x18, 0x2d, 0x02, 0xee, 0x3c, 0xec, 0xbd, 0x57, 0x01, 0xc0, 0xd1, 0xe1, 0xdc, 0x32, 0x86, 0x13, 0x0e, 0x08, 0xa5, 0x4c, 0x10, 0x2d, 0xa4, 0x92, 0x7f, 0x55, 0xd0, 0xca, 0x4c, 0xcc, 0xc7, 0x44, 0xf2, 0x8d, 0x89, 0x1e, 0x4b, 0x06, 0x2d, 0xb1, 0x41, 0xe6, 0x6d, 0x61, 0xfb, 0xf5, 0x49, 0xb8, 0x7a, 0x33, 0xfe, 0x10, 0x98, 0x51, 0x56, 0x8d, 0x2a, 0x75, 0x29, 0x39, 0xad, 0x0d, 0x71, 0x7c, 0x58, 0x47, 0xf2, 0xf2, 0xf2, 0x5b, 0x42, 0x0b, 0x48, 0x24, 0xa4, 0x01, 0x26, 0x06, 0x89, 0xf7, 0x64, 0xd8, 0xce, 0xeb, 0x5d, 0xf4, 0xdb, 0x53, 0x14, 0xd0, 0xe6, 0x82, 0x03, 0x3f, 0x98, 0x4f, 0x45, 0x67, 0x0d, 0x87, 0x8f, 0xf0, 0x58, 0x63, 0x54, 0x50, 0x63, 0x59, 0x5e, 0xb3, 0x5a, 0x03, 0x19, 0x67, 0x65, 0x07, 0x78, 0x0b, 0x38, 0x69, 0xcd, 0xfc, 0xb0, 0x93, 0x8c, 0x58, 0x1f, 0x64, 0x5c, 0xec, 0xd8, 0x21, 0x6a, 0xe1, 0xf0, 0xf4, 0xaa, 0x52, 0xcc, 0xfa, 0x6c, 0x71, 0x24, 0x89, 0x2d, 0x9d, 0xca, 0x2a, 0xe1, 0x68, 0x86, 0x3b, 0x2d, 0x3a, 0x40, 0xc5, 0xa1, 0xb1, 0xb7, 0xf6, 0x59, 0xb0, 0xcd, 0x8a, 0x14, 0xe2, 0x23, 0x28, 0x37, 0x0b, 0x20, 0xb8, 0x13, 0xaa, 0x64, 0x02, 0x4c, 0xc8, 0x36, 0xf3, 0x45, 0xa3, 0x40, 0x3c, 0xd6, 0x3a, 0xae, 0x3d, 0x83, 0xe2, 0x6e, 0x08, 0x5e, 0x7f, 0xe1, 0x0f, 0xf0, 0x71, 0x04, 0x83, 0x25, 0xcd, 0xfa, 0x1f, 0xb2, 0xf4, 0x42, 0x2c, 0x32, 0xd9, 0x32, 0x33, 0x0b, 0x4c, 0xa2, 0x2d, 0x06, 0x3f, 0x54, 0xc6, 0x83, 0xbc, 0x83, 0x62, 0x20, 0x12, 0x13, 0x6f, 0xcc, 0xb2, 0x0b, 0x83, 0x71, 0x0b, 0x2b, 0x04, 0x41, 0x81, 0x23, 0x45, 0x56, 0xeb, 0xea, 0xb7, 0xfe, 0x23, 0x8f, 0xcc, 0xaa, 0x92, 0x34, 0x03, 0xf5, 0x0b, 0x90, 0xe7, 0x1c, 0xd0, 0x0a, 0x93, 0x77, 0x09, 0x09, 0x98, 0x8b, 0xc9, 0xbc, 0xd8, 0x27, 0x96, 0xd2, 0x02, 0xa1, 0x63, 0x06, 0xe9, 0x98, 0x2d, 0x30, 0x4e, 0xb1, 0xaa, 0x44, 0xe5, 0xd5, 0x4c, 0xe6, 0x07, 0x29, 0x32, 0xbc, 0xcf, 0xc5, 0xc4, 0x9c, 0x46, 0x10, 0x09, 0x30, 0x08, 0xfa, 0x2f, 0x4c, 0xd7, 0x40, 0x82, 0x0f, 0xec, 0xa7, 0x63, 0x06, 0xc8, 0x00, 0x8b, 0x05, 0xc6, 0xa9, 0x27, 0xe2, 0x66, 0x43, 0x0d, 0xf0, 0xde, 0xbd, 0xef, 0x4d, 0x16, 0xf5, 0x2c, 0x4d, 0x3a, 0xf5, 0xab, 0x52, 0x6c, 0xe6, 0xa4, 0x40, 0x32, 0x0d, 0xe7, 0x92, 0xda, 0x2d, 0xd5, 0xa6, 0x7e, 0x9f, 0xbd, 0x57, 0x9e, 0xc0, 0x62, 0xd9, 0xc2, 0x9b, 0x5b, 0x0d, 0x8c, 0x63, 0x9a, 0xec, 0xee, 0x7b, 0x5c, 0x1b, 0x39, 0x81, 0xe5, 0x1c, 0x96, 0x36, 0x60, 0xeb, 0x62, 0xb8, 0x7e, 0x3a, 0xbb, 0x98, 0xea, 0x6e, 0xab, 0x53, 0xb4, 0xa6, 0xd2, 0x20, 0x88, 0x04, 0xcf, 0xba, 0xc4, 0xda, 0x38, 0x8c, 0x5e, 0x03, 0x1f, 0x8a, 0x0c, 0x2c, 0xc4, 0x55, 0x68, 0x60, 0x68, 0x99, 0x0d, 0x10, 0x08, 0xbf, 0x38, 0x3b, 0x23, 0x87, 0xb0, 0x56, 0xc6, 0x50, 0x7d, 0x3e, 0xd1, 0xc6, 0x93, 0x08, 0x70, 0x14, 0x43, 0x1a, 0xdb, 0x68, 0x4f, 0x3f, 0x55, 0x78, 0x7a, 0x22, 0x8f, 0xc3, 0xae, 0xa8, 0xdc, 0x33, 0x5d, 0x5c, 0x9c, 0xae, 0x96, 0x6a, 0x24, 0xdf, 0x99, 0x0a, 0x30, 0x4e, 0xcd, 0xc4, 0x29, 0xbc, 0x17, 0x54, 0x67, 0x60, 0xe6, 0xe6, 0xec, 0xb2, 0x00, 0x7f, 0xa6, 0x23, 0xca, 0x54, 0xe1, 0x19, 0x55, 0xb4, 0x38, 0x40, 0xc8, 0xfe, 0xed, 0x67, 0x17, 0x5b, 0x41, 0x33, 0x7e, 0x5c, 0xbd, 0xd7, 0xa0, 0xc2, 0xe2, 0xd9, 0x89, 0x7d, 0x60, 0xd6, 0x3c, 0x1a, 0x4f, 0x2c, 0x39, 0x86, 0xa7, 0xa2, 0xe6, 0x36, 0x88, 0x7f, 0x1e, 0xc5, 0x1a, 0xb4, 0xda, 0x5a, 0x69, 0x0c, 0xa5, 0xc2, 0xda, 0x8f, 0x7d, 0x57, 0x3a, 0x93, 0x2a, 0x37, 0x03, 0xc3, 0xeb, 0x54, 0xa2, 0xf3, 0x87, 0xa5, 0x51, 0xc5, 0xed, 0x89, 0x89, 0x98, 0x31, 0xc9, 0x67, 0x6e, 0x1f, 0xf1, 0xf5, 0x71, 0xf5, 0x1b, 0x49, 0xd4, 0xe8, 0x54, 0xa6, 0x1a, 0xc9, 0x69, 0x6c, 0xbb, 0x59, 0x23, 0xc5, 0x68, 0x64, 0xc5, 0x1c, 0x23, 0xb1, 0x8d, 0x63, 0xbb, 0x67, 0x13, 0x40, 0xb7, 0x29, 0x24, 0x00, 0xc1, 0x7f, 0x09, 0x12, 0xbd, 0x46, 0x1e, 0x88, 0xa3, 0xc3, 0xc5, 0x06, 0xcb, 0x4b, 0x58, 0x5a, 0x00, 0x1d, 0x37, 0x0b, 0xcc, 0xd5, 0x6c, 0xf0, 0x6f, 0xc3, 0x1c, 0x35, 0x4f, 0xc5, 0xb5, 0xe0, 0xbd, 0xc1, 0x87, 0x9b, 0x8e, 0xbe, 0x16, 0x5d, 0x02, 0xf1, 0x84, 0xe2, 0x78, 0xaa, 0x98, 0xba, 0x0e, 0xa9, 0x4e, 0xa3, 0x5b, 0xd9, 0x9c, 0x99, 0xa6, 0xd1, 0x1d, 0x17, 0x43, 0xe1, 0xda, 0x75, 0x28, 0xf0, 0xd6, 0x36, 0xb3, 0x4b, 0x1c, 0xe2, 0x5c, 0x01, 0xda, 0x76, 0x85, 0xca, 0xc6, 0xd2, 0xaa, 0x38, 0x9b, 0xf0, 0x4c, 0x63, 0xbb, 0x2c, 0x4d, 0x46, 0x55, 0xd3, 0x40, 0x26, 0x7d, 0xc2, 0xcb, 0x59, 0xd4, 0xf0, 0x7c, 0x4f, 0x16, 0xec, 0x55, 0x17, 0x3e, 0x9d, 0x56, 0x37, 0xb2, 0xca, 0xcc, 0xd3, 0x02, 0x23, 0xa7, 0x8f, 0x45, 0x8a, 0x95, 0x2a, 0xb8, 0x3c, 0x37, 0x0e, 0xa9, 0x55, 0x8f, 0x14, 0xe9, 0xd5, 0x74, 0x80, 0xd9, 0xca, 0x09, 0x03, 0xfb, 0xfb, 0x2d, 0xee, 0x10, 0xf3, 0x5b, 0x8a, 0x63, 0xea, 0x86, 0xd4, 0x63, 0x5e, 0x5b, 0x97, 0x38, 0x8b, 0x10, 0x95, 0x6a, 0x1d, 0xaf, 0x1f, 0xa7, 0xda, 0x53, 0x0f, 0xa7, 0xd8, 0xea, 0x6f, 0xb9, 0xb7, 0xba, 0xe5, 0x71, 0x27, 0x3d, 0xff, 0x00, 0x8f, 0xa6, 0xe6, 0x86, 0x3b, 0x3c, 0x0a, 0x4c, 0xa5, 0x39, 0xef, 0x32, 0x4a, 0xdd, 0x0d, 0x2d, 0xc7, 0xe1, 0xc9, 0x63, 0x87, 0x69, 0x86, 0xc8, 0xd2, 0x59, 0x30, 0xef, 0x15, 0xa1, 0x42, 0x85, 0x47, 0x0a, 0x78, 0x77, 0x7e, 0x24, 0x54, 0x6d, 0x59, 0xc8, 0x29, 0x00, 0x1a, 0x01, 0x37, 0x9e, 0x4b, 0xd1, 0xf1, 0x7a, 0x46, 0xa7, 0x0b, 0xc4, 0x06, 0xb7, 0x3d, 0x4c, 0x90, 0x2d, 0x79, 0xfb, 0xae, 0x65, 0x16, 0xf6, 0xb8, 0xee, 0x16, 0x7b, 0x17, 0x96, 0x36, 0x93, 0x81, 0x96, 0x80, 0x01, 0x02, 0x2f, 0xe6, 0xb1, 0x3f, 0x09, 0x57, 0xb0, 0xc7, 0x0a, 0x74, 0xde, 0x03, 0x71, 0x25, 0xf0, 0x1b, 0xa8, 0xe8, 0x3c, 0x96, 0xd7, 0x09, 0xa5, 0xda, 0x71, 0x07, 0x62, 0x5a, 0x71, 0x24, 0x35, 0x99, 0x73, 0xbd, 0xa1, 0xa0, 0xf4, 0x8d, 0xfc, 0x56, 0xc7, 0x14, 0xa4, 0xe7, 0x63, 0x78, 0x71, 0x63, 0x0b, 0x98, 0x1e, 0xec, 0xf9, 0x44, 0x80, 0x2d, 0xa8, 0x5c, 0xf7, 0x03, 0x85, 0x18, 0xfa, 0x35, 0x30, 0x95, 0x2b, 0x3e, 0xab, 0xdd, 0x91, 0xed, 0x13, 0xae, 0xd3, 0xb6, 0xab, 0x25, 0x2a, 0x15, 0x30, 0x55, 0xb0, 0x55, 0xab, 0xd3, 0x7d, 0x4a, 0x6d, 0xa2, 0x5b, 0x00, 0x49, 0x69, 0x9f, 0xb5, 0x96, 0x07, 0xe0, 0xab, 0xd5, 0xc2, 0x62, 0x6b, 0x36, 0x83, 0x83, 0x5d, 0x59, 0xb5, 0x05, 0x38, 0x83, 0x03, 0xf7, 0xec, 0xb6, 0xb0, 0xcf, 0x76, 0x23, 0x8e, 0x52, 0xaf, 0x4f, 0x0f, 0x52, 0x8d, 0x31, 0x48, 0x82, 0x5c, 0xc0, 0x3b, 0xdf, 0xed, 0x65, 0xb1, 0xc6, 0x9a, 0x6a, 0x0a, 0x0e, 0xec, 0xab, 0x4b, 0x4c, 0x8a, 0x94, 0x8d, 0xd9, 0xe2, 0x0e, 0xbe, 0xcb, 0x96, 0x70, 0xf8, 0xca, 0xdc, 0x3e, 0xb1, 0x75, 0x37, 0xb8, 0x36, 0xb3, 0x5e, 0xd9, 0x60, 0x6b, 0xdc, 0x2e, 0x0c, 0x8d, 0x3a, 0xf8, 0x2c, 0xcc, 0xa0, 0xfa, 0xa7, 0x13, 0x59, 0x94, 0xf1, 0x52, 0x28, 0x96, 0x83, 0x54, 0x01, 0x98, 0xf2, 0x03, 0x5f, 0x75, 0xb2, 0xdc, 0x0f, 0x69, 0xf0, 0xfd, 0x3a, 0x6d, 0xa4, 0xe6, 0x57, 0x0d, 0x6b, 0xc7, 0x30, 0xe0, 0x7f, 0xdd, 0x6b, 0x3f, 0x09, 0x5d, 0xfc, 0x1b, 0x1b, 0x52, 0xa5, 0x27, 0x76, 0xf8, 0x87, 0x8b, 0x65, 0x93, 0x94, 0x10, 0x40, 0xf6, 0x59, 0x0b, 0x6a, 0xe0, 0xf8, 0x85, 0x4a, 0xae, 0xc3, 0x55, 0xac, 0x2b, 0x51, 0x0c, 0x6e, 0x46, 0x66, 0x20, 0x80, 0x04, 0x19, 0xd0, 0x59, 0x62, 0xc6, 0xe1, 0xab, 0x35, 0xd8, 0x3c, 0x51, 0xc3, 0xd4, 0x63, 0x1a, 0xd2, 0xd7, 0x53, 0xa0, 0x06, 0x66, 0x92, 0x75, 0x5b, 0xfc, 0x16, 0x8b, 0xe8, 0xe1, 0x71, 0x35, 0x0d, 0x2c, 0x43, 0x73, 0xb8, 0xbb, 0x2d, 0x43, 0x2e, 0x90, 0x2c, 0x60, 0x7f, 0x75, 0xb1, 0xc1, 0xf0, 0xed, 0xa7, 0x83, 0xcc, 0x29, 0xb9, 0x8f, 0xa8, 0x49, 0x7e, 0x7b, 0xbc, 0x99, 0x3a, 0x9e, 0x57, 0x0b, 0xa3, 0xdd, 0x93, 0x31, 0xae, 0xdb, 0x20, 0xcb, 0x64, 0xbb, 0xc9, 0x39, 0xd2, 0x65, 0x4e, 0xa6, 0x04, 0x04, 0x8b, 0x62, 0xf3, 0x69, 0x45, 0xa6, 0x60, 0xc2, 0x97, 0x01, 0x26, 0x25, 0x0d, 0x16, 0x83, 0x29, 0x00, 0xde, 0x57, 0x1d, 0x16, 0x1a, 0xdd, 0xda, 0xf4, 0x8c, 0x86, 0x82, 0x1d, 0xaf, 0x80, 0x56, 0x2a, 0x30, 0xff, 0x00, 0x3b, 0x67, 0x9e, 0x60, 0xa1, 0x8d, 0xcf, 0x8b, 0xa9, 0x0e, 0x04, 0x64, 0x6e, 0x86, 0x75, 0x24, 0x2d, 0x90, 0x61, 0xb0, 0x44, 0x9e, 0x8a, 0x5c, 0x04, 0x08, 0xd1, 0x50, 0x6b, 0x4e, 0xd7, 0x30, 0x17, 0x92, 0xf8, 0xc3, 0x1a, 0x28, 0xf0, 0x8a, 0x9c, 0x3f, 0x0c, 0xd6, 0x54, 0xc7, 0x71, 0x1a, 0x8e, 0xc2, 0xd1, 0xa6, 0xf8, 0x37, 0x70, 0xbb, 0x9c, 0x0e, 0xc1, 0xb2, 0x7e, 0xcb, 0x9d, 0xf0, 0xf3, 0x1d, 0xf0, 0x67, 0x11, 0xa3, 0xc2, 0x6b, 0xe2, 0x69, 0xd6, 0xe1, 0x58, 0xc2, 0x5d, 0x43, 0x10, 0xe0, 0x01, 0xa7, 0x56, 0x04, 0xb1, 0xd1, 0x60, 0x0c, 0x48, 0xdc, 0x75, 0x5e, 0xd7, 0x05, 0x27, 0x0d, 0x48, 0xe6, 0xcc, 0xdc, 0xa2, 0x4f, 0x5e, 0x6b, 0x65, 0x84, 0xc1, 0x11, 0x02, 0x61, 0x4b, 0x9b, 0xd7, 0x45, 0x8b, 0x18, 0x07, 0xe1, 0x9d, 0x24, 0xc0, 0x22, 0x6d, 0xd5, 0x51, 0xad, 0x40, 0x34, 0x7f, 0x16, 0x9c, 0xff, 0x00, 0xac, 0x0f, 0x62, 0xb0, 0x57, 0xa9, 0x49, 0xd5, 0x30, 0xed, 0x65, 0x56, 0x38, 0xe7, 0x98, 0x07, 0xa1, 0x1f, 0xaa, 0xdb, 0xfe, 0x50, 0x22, 0xd0, 0x8c, 0xa0, 0xc1, 0x03, 0xc5, 0x31, 0x11, 0xa1, 0x0b, 0x5e, 0xb3, 0xd9, 0x4f, 0x14, 0xdc, 0xf5, 0x1a, 0xc0, 0x58, 0x40, 0x2e, 0x74, 0x4d, 0xc1, 0x54, 0x71, 0x14, 0x37, 0xad, 0x46, 0x23, 0xfa, 0x94, 0x50, 0x2c, 0xab, 0x5a, 0xa9, 0xa7, 0x94, 0x82, 0x00, 0x91, 0x7d, 0x82, 0xd9, 0xca, 0x26, 0x6d, 0x29, 0x38, 0x17, 0x01, 0x23, 0xc3, 0xaa, 0x64, 0x6a, 0x01, 0x8b, 0x73, 0x5a, 0x78, 0x7a, 0xb4, 0x5b, 0x47, 0x2b, 0xea, 0xb5, 0xae, 0x93, 0x20, 0xb8, 0x5a, 0xe5, 0x5d, 0x4a, 0xf4, 0x7b, 0x27, 0xe5, 0xac, 0xc2, 0x60, 0x91, 0x0e, 0x1a, 0xac, 0x98, 0x76, 0x91, 0x87, 0xa6, 0x66, 0x61, 0xa0, 0x2b, 0x1a, 0xde, 0xca, 0x9c, 0x04, 0x44, 0x92, 0x3d, 0x14, 0x16, 0xc8, 0xb1, 0x95, 0x86, 0xbc, 0x76, 0x0f, 0x90, 0x2c, 0xd2, 0x57, 0x0b, 0xe0, 0xe0, 0x3b, 0x1c, 0x4e, 0x51, 0xfc, 0xc3, 0x7e, 0x85, 0x7a, 0x06, 0xdc, 0x90, 0xf1, 0xfa, 0xc2, 0xb6, 0xd8, 0x18, 0x99, 0xf0, 0xd5, 0x23, 0x3b, 0xdd, 0x36, 0x6b, 0x60, 0xa8, 0x09, 0xde, 0xc7, 0xa2, 0x51, 0x04, 0x42, 0xb6, 0x9c, 0xa4, 0xc0, 0x17, 0xd5, 0x64, 0x04, 0xb9, 0xb2, 0x60, 0xde, 0x3c, 0x11, 0x27, 0xfa, 0xff, 0x00, 0xfe, 0x7f, 0xba, 0xe9, 0xfc, 0x46, 0x47, 0xe6, 0x75, 0x01, 0x3a, 0x81, 0xf5, 0x3f, 0x75, 0xca, 0x31, 0x9b, 0xba, 0x88, 0xd0, 0x91, 0x70, 0x83, 0x1b, 0x12, 0x23, 0xc9, 0x29, 0x10, 0x64, 0x8b, 0xa4, 0x1c, 0xe3, 0x24, 0x08, 0x8d, 0xe5, 0x00, 0xcc, 0xf8, 0x27, 0x76, 0x81, 0x3f, 0x74, 0x84, 0xc1, 0x92, 0x44, 0xf4, 0x5e, 0x6b, 0xe2, 0xf7, 0x16, 0xd4, 0xc1, 0xe5, 0x80, 0x08, 0x70, 0xf7, 0x0b, 0xd3, 0xb6, 0x32, 0xcc, 0x58, 0xda, 0x65, 0x2c, 0xc6, 0x04, 0x1b, 0x6d, 0x01, 0x04, 0x98, 0x31, 0xa8, 0x41, 0x00, 0x91, 0x24, 0x6d, 0x3e, 0x08, 0x30, 0xd3, 0x68, 0xbe, 0xd0, 0x39, 0xa4, 0x5b, 0x79, 0x24, 0x18, 0xbc, 0x4a, 0x08, 0x9d, 0x00, 0xe7, 0x71, 0xfa, 0x94, 0x1e, 0xf6, 0xbb, 0x2a, 0xe8, 0x2c, 0x67, 0x90, 0xd1, 0x20, 0xd1, 0x32, 0x00, 0x04, 0x6c, 0x21, 0x20, 0x1a, 0x01, 0x86, 0xc4, 0x69, 0x09, 0x09, 0x26, 0xc0, 0x79, 0xcd, 0x94, 0xb9, 0x8d, 0x07, 0x50, 0x48, 0xd8, 0x95, 0x8e, 0x85, 0x26, 0x53, 0x73, 0xf2, 0x80, 0x0b, 0x9c, 0x5e, 0xeb, 0x92, 0x64, 0xf2, 0x2b, 0x20, 0x69, 0x20, 0x12, 0x3c, 0xd3, 0xca, 0x33, 0x58, 0x5b, 0xf4, 0x48, 0xc6, 0x71, 0x00, 0x80, 0x08, 0xd0, 0x94, 0x8e, 0xa2, 0x09, 0xd2, 0x35, 0xd7, 0x45, 0x02, 0x66, 0xe6, 0xd6, 0xb7, 0x87, 0x55, 0x64, 0x8b, 0xc8, 0x26, 0x4d, 0xef, 0x12, 0x90, 0xd2, 0x36, 0xb8, 0xe6, 0x9b, 0x9c, 0xe8, 0x22, 0x2c, 0xb4, 0xd9, 0x82, 0xa6, 0xcc, 0x6b, 0xf1, 0x44, 0xd4, 0x7d, 0x42, 0xdc, 0xa3, 0x3d, 0xc3, 0x75, 0xd3, 0xd5, 0x6d, 0x83, 0x98, 0x48, 0x98, 0xf2, 0xd3, 0x92, 0x60, 0x8d, 0x20, 0xc8, 0xe6, 0x49, 0xf4, 0x41, 0xbc, 0xc4, 0x80, 0x6c, 0x9c, 0x02, 0x0c, 0x81, 0x3b, 0xa6, 0xf6, 0x4d, 0xe7, 0x5f, 0xa2, 0x40, 0x44, 0x10, 0x3c, 0xae, 0x10, 0xe0, 0x33, 0x68, 0x41, 0x8d, 0xbe, 0xe9, 0x86, 0x80, 0x0e, 0x50, 0x40, 0xdd, 0x51, 0x6b, 0x48, 0x6c, 0x04, 0xc3, 0x40, 0x16, 0x07, 0x5e, 0x64, 0x72, 0xfb, 0x14, 0x6e, 0x1a, 0x22, 0x23, 0xd0, 0xa0, 0xba, 0x0c, 0x00, 0x6f, 0x63, 0xe6, 0x23, 0xf4, 0x48, 0x81, 0x71, 0xf4, 0x08, 0xc9, 0xde, 0x90, 0xd8, 0x9d, 0x6c, 0x90, 0x24, 0x11, 0x71, 0x6b, 0x20, 0x37, 0xf7, 0xaa, 0x60, 0x0c, 0xb7, 0x06, 0x10, 0xd1, 0xdd, 0xb1, 0x36, 0x20, 0xf8, 0x26, 0x19, 0xdd, 0x00, 0x83, 0x6d, 0x2f, 0xd1, 0x41, 0x69, 0x88, 0x32, 0x36, 0xd5, 0x64, 0x1a, 0x41, 0x27, 0x6d, 0xaf, 0x65, 0x23, 0x6b, 0x69, 0x6f, 0x14, 0x16, 0x89, 0x00, 0x4c, 0xec, 0x83, 0x62, 0x0c, 0x6c, 0x91, 0x07, 0x38, 0x2c, 0xb3, 0x66, 0xfe, 0x3f, 0xef, 0x0a, 0xdc, 0xd3, 0x62, 0xd0, 0x20, 0x5b, 0xc5, 0x0d, 0xcc, 0x4b, 0x89, 0x23, 0x5e, 0x68, 0x75, 0xdb, 0xa8, 0x53, 0xb8, 0x32, 0x9b, 0x89, 0x06, 0xc7, 0x55, 0x30, 0x76, 0x33, 0xcf, 0x64, 0x18, 0x11, 0x32, 0x80, 0xd9, 0x0e, 0x00, 0x9d, 0x24, 0x5d, 0x3c, 0xa4, 0x58, 0xcc, 0x47, 0x24, 0x9d, 0x49, 0xae, 0x03, 0x33, 0x43, 0xb2, 0x9b, 0x4f, 0x55, 0x06, 0x8d, 0x2e, 0xd0, 0x37, 0xb2, 0x60, 0x90, 0x4f, 0xcb, 0xec, 0xac, 0x32, 0x9b, 0x67, 0x23, 0x40, 0x71, 0xb5, 0x84, 0x26, 0x33, 0x80, 0x01, 0x88, 0x45, 0xc0, 0x91, 0x08, 0x04, 0xcd, 0xe0, 0x1e, 0x6b, 0xce, 0x50, 0xc2, 0x3b, 0x11, 0xf1, 0xc6, 0x2b, 0x13, 0x8b, 0xa0, 0xfe, 0xcb, 0x0d, 0x84, 0x65, 0x3c, 0x39, 0x34, 0xc9, 0x6b, 0xb3, 0x93, 0x9c, 0xe6, 0x88, 0xcd, 0xdd, 0x68, 0xe8, 0x17, 0x53, 0x8b, 0xf0, 0x8c, 0x2f, 0x15, 0xc0, 0x54, 0xc1, 0xe2, 0x98, 0x3b, 0x37, 0x90, 0x65, 0xa6, 0x0b, 0x08, 0x33, 0x20, 0xec, 0x64, 0x2d, 0xd7, 0x4e, 0xc7, 0xfb, 0xa3, 0x31, 0x88, 0x9f, 0x0e, 0xaa, 0x9a, 0x39, 0xc2, 0x63, 0x47, 0x00, 0x46, 0x8a, 0x03, 0x00, 0x24, 0x10, 0x00, 0xd7, 0x40, 0x9b, 0x5a, 0x04, 0x16, 0x83, 0x20, 0x98, 0xd9, 0x53, 0x1a, 0x48, 0x91, 0x3e, 0x77, 0x95, 0x24, 0x86, 0x90, 0x03, 0xb5, 0x32, 0x9d, 0x8d, 0x89, 0x29, 0x96, 0x90, 0x32, 0x81, 0x20, 0xeb, 0x3b, 0x26, 0x29, 0x88, 0x10, 0x07, 0xa0, 0x4f, 0x25, 0xc0, 0x81, 0x33, 0x24, 0xc4, 0x23, 0x2b, 0x4b, 0x88, 0xbc, 0x94, 0x64, 0x83, 0x62, 0x61, 0x00, 0x65, 0x16, 0x26, 0xd7, 0xe6, 0x90, 0x68, 0x32, 0x40, 0x1d, 0x04, 0x0b, 0xa0, 0xb4, 0x45, 0x85, 0x8e, 0xbb, 0x04, 0x83, 0x46, 0x80, 0x94, 0xb2, 0x9d, 0x14, 0xc4, 0x1b, 0xcd, 0xd2, 0xcd, 0x06, 0x22, 0x47, 0x35, 0x86, 0xb7, 0xf8, 0x15, 0x60, 0x9f, 0x94, 0xae, 0x0f, 0xc1, 0xf0, 0x69, 0x62, 0x41, 0x17, 0x96, 0x9d, 0x7a, 0x15, 0xdf, 0x31, 0xfc, 0xa0, 0xfa, 0xab, 0x6d, 0xc8, 0x89, 0xd2, 0xe8, 0xf9, 0x66, 0x27, 0xd1, 0x36, 0xc1, 0x04, 0x3b, 0x29, 0x27, 0xca, 0x13, 0xd1, 0xc0, 0x90, 0x3a, 0xa4, 0x43, 0x89, 0xb4, 0x42, 0xc8, 0xcc, 0xd6, 0x90, 0x2f, 0xd5, 0x65, 0x0d, 0xee, 0x80, 0x67, 0x59, 0xb1, 0x57, 0x95, 0xdd, 0x3d, 0x57, 0x4b, 0xe2, 0x2b, 0xf1, 0x2a, 0x91, 0x3a, 0x02, 0xb8, 0xf9, 0x45, 0xa7, 0x53, 0x08, 0x98, 0x9d, 0x86, 0xdb, 0xa9, 0x24, 0x7f, 0x64, 0x6e, 0x24, 0x0f, 0x45, 0x44, 0x66, 0xb1, 0x16, 0xe5, 0xa2, 0x44, 0x36, 0x05, 0x82, 0x0c, 0x80, 0x21, 0xa6, 0xc9, 0x08, 0xcd, 0x26, 0x6d, 0xcd, 0x79, 0x8f, 0x8b, 0x88, 0xed, 0xb0, 0x80, 0x92, 0x41, 0x0e, 0xdb, 0xa8, 0xfb, 0xaf, 0x48, 0xd0, 0x1d, 0xa4, 0xc6, 0xf7, 0x56, 0x6c, 0x06, 0x59, 0x00, 0xf3, 0x37, 0x48, 0xc5, 0x80, 0x98, 0x4c, 0x65, 0x93, 0x00, 0x5b, 0xa8, 0xd1, 0x32, 0x09, 0x88, 0x88, 0x4e, 0xd7, 0x10, 0x27, 0xc5, 0x41, 0x21, 0xad, 0x20, 0x92, 0x06, 0xbe, 0x3a, 0xe8, 0x9e, 0x62, 0xd3, 0x1e, 0x42, 0xc9, 0x87, 0x0c, 0xb7, 0x99, 0x82, 0x96, 0xd2, 0x33, 0x03, 0x31, 0xaa, 0xac, 0xb2, 0xd3, 0xac, 0xa1, 0xc1, 0xba, 0x90, 0x67, 0x7e, 0x8a, 0x63, 0x78, 0x31, 0xe2, 0x86, 0xef, 0x20, 0xc9, 0xb2, 0x99, 0x1a, 0x02, 0x51, 0x3a, 0xc0, 0x05, 0xdb, 0xdd, 0x27, 0x44, 0x08, 0x90, 0xa2, 0x2f, 0x32, 0x13, 0x71, 0x93, 0x03, 0x6f, 0x72, 0xa9, 0xa6, 0x49, 0x9f, 0x2b, 0x24, 0xe6, 0x9f, 0xea, 0x12, 0x99, 0x99, 0x50, 0x60, 0xd8, 0x83, 0xe7, 0xcd, 0x30, 0x62, 0xfb, 0x6f, 0x1b, 0x7a, 0x2b, 0x69, 0x69, 0x06, 0x20, 0x94, 0x0e, 0x64, 0x10, 0xa8, 0x02, 0x4c, 0x34, 0x5f, 0x5d, 0x35, 0x1c, 0xd3, 0x1a, 0x09, 0x00, 0x5f, 0xc1, 0x3b, 0x41, 0x89, 0x81, 0xcf, 0x6f, 0x14, 0x06, 0x83, 0x24, 0x90, 0x0f, 0x25, 0x22, 0x74, 0x00, 0xd9, 0x38, 0x6e, 0xa0, 0x92, 0x76, 0x4d, 0xba, 0x6a, 0x40, 0x1c, 0xd2, 0x17, 0x90, 0x27, 0xaa, 0x4f, 0xbf, 0x76, 0xc0, 0xed, 0x78, 0x43, 0x60, 0x00, 0x01, 0x29, 0xcc, 0x0b, 0xc9, 0x9f, 0x64, 0x8c, 0x02, 0x2e, 0x13, 0x69, 0xee, 0xdc, 0x2a, 0x20, 0x0d, 0x4a, 0x89, 0x37, 0x9f, 0xb2, 0xa9, 0x3a, 0x41, 0x4d, 0xd6, 0xbc, 0x4f, 0x9a, 0x0b, 0xaf, 0x79, 0x95, 0x21, 0xa4, 0x89, 0xbc, 0xa0, 0x72, 0x23, 0x44, 0xa3, 0x71, 0x16, 0xe6, 0x53, 0x73, 0x81, 0xcb, 0x20, 0xc4, 0xcd, 0xbf, 0x7e, 0x08, 0xcd, 0x22, 0xc6, 0x3a, 0x29, 0x73, 0x8e, 0xc2, 0xc5, 0x06, 0x62, 0xda, 0x20, 0x0d, 0x04, 0xfb, 0x26, 0x48, 0x91, 0x25, 0x28, 0xb9, 0xba, 0x09, 0xe7, 0x63, 0xe0, 0xa8, 0x3a, 0xd1, 0xa1, 0xd3, 0x44, 0xc1, 0x76, 0x51, 0x33, 0x3d, 0x6e, 0x95, 0xe2, 0x41, 0x1d, 0x42, 0x4d, 0x17, 0x20, 0xc4, 0x1e, 0xa9, 0xe6, 0x13, 0x26, 0x7a, 0x59, 0x32, 0x6d, 0x20, 0x14, 0x89, 0x2e, 0x20, 0x10, 0x2d, 0xad, 0x93, 0x27, 0xbc, 0x00, 0xdc, 0x72, 0x49, 0xd0, 0x75, 0x02, 0x79, 0xfb, 0x7e, 0xf5, 0x53, 0x9a, 0xf2, 0xe0, 0x7e, 0xb2, 0x98, 0x17, 0x36, 0x85, 0x20, 0x41, 0x16, 0x56, 0xdd, 0x09, 0x25, 0x1f, 0x36, 0x80, 0x7a, 0xa0, 0x83, 0x68, 0x07, 0xcd, 0x38, 0x90, 0x60, 0x99, 0x09, 0x0d, 0xac, 0x49, 0x4f, 0x28, 0x2e, 0x25, 0xc0, 0x7a, 0x20, 0x08, 0x74, 0x45, 0x8f, 0x55, 0x7a, 0x08, 0x69, 0xf7, 0x48, 0x03, 0x1a, 0xa0, 0x48, 0x99, 0x21, 0x16, 0xcd, 0x68, 0x4c, 0xcc, 0x44, 0xc0, 0xf5, 0x48, 0x34, 0xc1, 0xb8, 0x80, 0x95, 0x88, 0x20, 0x6f, 0xee, 0x86, 0x39, 0xd9, 0x4c, 0xc8, 0x29, 0x02, 0x2f, 0x1a, 0xa4, 0xf7, 0x73, 0x91, 0xe4, 0x97, 0x89, 0x04, 0xa4, 0xe8, 0x83, 0x23, 0xc6, 0x16, 0x2a, 0xf0, 0xea, 0x2f, 0xd6, 0x32, 0x9f, 0xa7, 0xf6, 0x5c, 0x0f, 0x84, 0x1b, 0x34, 0xb1, 0x36, 0x81, 0x2d, 0x1e, 0xc5, 0x77, 0xda, 0x08, 0x36, 0xb8, 0x59, 0x07, 0x77, 0x94, 0x68, 0x93, 0xf3, 0x38, 0x6d, 0xaa, 0x23, 0x48, 0x02, 0x47, 0x45, 0x47, 0xe5, 0x20, 0x81, 0x3e, 0x08, 0x2d, 0x12, 0x2e, 0x25, 0x64, 0x60, 0xbd, 0xe2, 0x7c, 0x56, 0x56, 0xd3, 0x20, 0x82, 0x0c, 0xcf, 0x55, 0x92, 0x4f, 0xf4, 0x8f, 0x55, 0xb7, 0xf1, 0x11, 0xff, 0x00, 0x9a, 0x55, 0xb5, 0x80, 0x1f, 0x55, 0xca, 0x9c, 0xa1, 0xb1, 0x13, 0x02, 0x52, 0x20, 0x3b, 0xc9, 0x28, 0xb1, 0x31, 0x71, 0xaa, 0x67, 0x63, 0xba, 0x2d, 0x32, 0x44, 0x1e, 0x52, 0x91, 0x1e, 0xc9, 0x49, 0x83, 0x60, 0x67, 0xd9, 0x31, 0xa7, 0x5d, 0xfa, 0x2f, 0x33, 0xf1, 0x7b, 0x66, 0xa6, 0x14, 0x83, 0x60, 0x1d, 0x27, 0xcd, 0xa7, 0xf4, 0x5e, 0x95, 0xad, 0x36, 0x13, 0x60, 0x99, 0x93, 0x04, 0x41, 0x1a, 0x2c, 0x4e, 0x39, 0x58, 0xe7, 0x06, 0xe6, 0x70, 0x07, 0x28, 0xe6, 0x57, 0x0e, 0xae, 0x37, 0x88, 0xe1, 0x4e, 0x1a, 0xae, 0x22, 0xa5, 0x32, 0x6a, 0xd5, 0x0d, 0x38, 0x72, 0xd1, 0xa4, 0xec, 0x75, 0xea, 0xbd, 0x0c, 0xf7, 0xa3, 0x6b, 0x9f, 0x0e, 0x88, 0x22, 0x41, 0x96, 0xc8, 0x17, 0xb1, 0x5c, 0x0c, 0x17, 0x19, 0xa3, 0x45, 0xd8, 0x86, 0x63, 0x6b, 0x99, 0x15, 0x8e, 0x51, 0x04, 0xd8, 0x78, 0x79, 0x94, 0xf8, 0x6f, 0x15, 0x34, 0xf8, 0x53, 0x6a, 0xe2, 0x9c, 0xea, 0xd5, 0x5d, 0x53, 0x2b, 0x20, 0x5d, 0xc7, 0x92, 0xda, 0xa7, 0xc6, 0x07, 0x67, 0x5f, 0xb6, 0xc3, 0x56, 0xa5, 0x5a, 0x93, 0x4b, 0x8d, 0x37, 0x46, 0x92, 0xa9, 0x9c, 0x5a, 0x8b, 0xb1, 0x94, 0xe8, 0x96, 0xba, 0x2a, 0x53, 0x15, 0x43, 0xf9, 0x5b, 0x43, 0xe8, 0x56, 0xd6, 0x0b, 0x15, 0xf8, 0xac, 0x2b, 0x2b, 0x35, 0x8e, 0x63, 0x5c, 0x05, 0x8f, 0x8a, 0xe4, 0x63, 0xf8, 0xc5, 0x4a, 0x98, 0x5a, 0xce, 0xa1, 0x46, 0xa7, 0x67, 0x60, 0x2b, 0x03, 0x62, 0x65, 0x6c, 0x55, 0xe2, 0x65, 0x8f, 0xa7, 0x42, 0x95, 0x07, 0xd7, 0xaf, 0x90, 0x3d, 0xc1, 0xb6, 0x89, 0xe6, 0xb7, 0x30, 0x38, 0x9a, 0x78, 0xcc, 0x3b, 0xaa, 0x53, 0x69, 0x0e, 0x69, 0x2d, 0x73, 0x66, 0xe1, 0xc1, 0x6a, 0x1e, 0x2c, 0xc6, 0xd2, 0xc5, 0xba, 0xa5, 0x27, 0x34, 0xe1, 0x8c, 0x39, 0xb9, 0x84, 0x99, 0x30, 0x21, 0x4d, 0x7e, 0x28, 0xee, 0xd1, 0xb4, 0x68, 0x60, 0xdf, 0x5a, 0xa9, 0xa6, 0x2a, 0x39, 0xa1, 0xdf, 0x28, 0x3a, 0x5f, 0x9f, 0x44, 0xd9, 0xc6, 0xa9, 0xba, 0x8e, 0x19, 0xed, 0xa4, 0xff, 0x00, 0xe2, 0x54, 0x34, 0x88, 0x31, 0x2c, 0x2b, 0x61, 0x98, 0xc0, 0xfc, 0x75, 0x5c, 0x31, 0x61, 0x06, 0x9b, 0x66, 0x79, 0xca, 0xc1, 0x8f, 0xe2, 0x63, 0x07, 0x88, 0x65, 0x16, 0xd2, 0x75, 0x47, 0xd4, 0x04, 0xb4, 0x34, 0xea, 0x79, 0xe8, 0xb1, 0x62, 0xb8, 0xb5, 0x4a, 0x0f, 0x7f, 0xfc, 0x1d, 0x47, 0x32, 0x88, 0x9a, 0x8e, 0x73, 0x83, 0x2e, 0x76, 0x1c, 0xca, 0xc6, 0x78, 0x96, 0x20, 0xf1, 0x4c, 0x30, 0xa4, 0xc2, 0x68, 0x54, 0xa4, 0x1d, 0x94, 0xda, 0x41, 0xbc, 0xcf, 0x4e, 0x5b, 0xac, 0x9f, 0x9d, 0xb5, 0xce, 0x35, 0x1b, 0x41, 0xdf, 0x85, 0x6b, 0xf2, 0x1a, 0xbd, 0x7c, 0x35, 0x8e, 0xab, 0x6f, 0x8a, 0x62, 0x1f, 0x47, 0x01, 0x5a, 0xbd, 0x06, 0xe6, 0x21, 0xb2, 0x22, 0xf1, 0x6f, 0xde, 0xcb, 0x93, 0xf9, 0x86, 0x26, 0x38, 0x5d, 0x42, 0x1e, 0xe7, 0x38, 0x19, 0x63, 0x60, 0x76, 0x96, 0x17, 0x81, 0x6d, 0xfc, 0x96, 0xfd, 0x1e, 0x2c, 0xde, 0xc3, 0x10, 0xea, 0xf4, 0xaa, 0x31, 0xf4, 0x0c, 0x39, 0x96, 0xd4, 0xf2, 0x3b, 0xac, 0x98, 0x3e, 0x29, 0xda, 0xe2, 0x9b, 0x87, 0xab, 0x44, 0xd2, 0xa9, 0x51, 0x99, 0x99, 0x98, 0xce, 0x61, 0xfa, 0x15, 0x83, 0x8f, 0x62, 0x31, 0x14, 0x46, 0x1e, 0x95, 0x01, 0x51, 0xbd, 0xa5, 0x40, 0xd2, 0xe0, 0x77, 0x3b, 0x05, 0x9d, 0xdc, 0x4c, 0xb7, 0x33, 0x29, 0x61, 0xaa, 0xd5, 0x14, 0x99, 0x35, 0x0c, 0x8e, 0xe9, 0xe5, 0xd4, 0xac, 0x75, 0x78, 0x83, 0xab, 0x63, 0x78, 0x63, 0xb0, 0xee, 0x77, 0x63, 0x54, 0x38, 0xb9, 0xbc, 0xe0, 0x7e, 0x86, 0x56, 0x2c, 0x1f, 0x13, 0x75, 0x1c, 0x1b, 0xea, 0x57, 0xcd, 0x5d, 0xee, 0xc4, 0x1a, 0x6c, 0x6c, 0xea, 0xeb, 0x7b, 0x5d, 0x6c, 0xb7, 0x8a, 0x3e, 0x98, 0xac, 0xca, 0xb8, 0x67, 0xd3, 0xaf, 0x4d, 0x99, 0xfb, 0x32, 0x7e, 0x60, 0x37, 0xf5, 0x1c, 0x93, 0x1c, 0x5e, 0x93, 0xb1, 0x34, 0x69, 0x76, 0x65, 0xa2, 0xa3, 0x3b, 0x42, 0x49, 0x88, 0x91, 0x31, 0xec, 0x56, 0xb3, 0x78, 0x81, 0xc4, 0xd7, 0xc0, 0xd5, 0x0d, 0x7d, 0x21, 0x50, 0xbc, 0x06, 0x07, 0xea, 0x04, 0x8d, 0x22, 0xfa, 0x26, 0xde, 0x36, 0xf6, 0xd0, 0x7d, 0x6f, 0xc2, 0x38, 0xd2, 0x63, 0xf2, 0xb9, 0xd3, 0x1e, 0x6b, 0x62, 0xbf, 0x14, 0xab, 0xf8, 0xc3, 0x47, 0x09, 0x86, 0x35, 0xb2, 0x0c, 0xcf, 0x33, 0x10, 0x08, 0xfa, 0xf4, 0x4f, 0x0d, 0xc5, 0x1f, 0x88, 0xc3, 0x52, 0xad, 0x4f, 0x0c, 0xf3, 0x9a, 0xa6, 0x52, 0xd0, 0xef, 0x94, 0x73, 0x36, 0xf6, 0x5d, 0x20, 0xe3, 0xb1, 0x29, 0x6b, 0x16, 0x09, 0x40, 0x3a, 0x6a, 0xa8, 0x4c, 0x5e, 0x3d, 0x54, 0x8d, 0x08, 0x33, 0xea, 0xa8, 0x00, 0x34, 0x16, 0x3a, 0x5d, 0x30, 0x6e, 0x27, 0xd1, 0x33, 0x6b, 0xcd, 0xca, 0x87, 0x1c, 0xc6, 0x43, 0x88, 0xe8, 0x98, 0x30, 0x66, 0x44, 0x14, 0x9f, 0x7b, 0x08, 0x53, 0x97, 0x30, 0x06, 0x05, 0xba, 0xc2, 0x1c, 0xde, 0xf5, 0xe2, 0x3c, 0x61, 0x26, 0xe8, 0x63, 0x5f, 0x15, 0x44, 0xf3, 0x37, 0x48, 0xc8, 0x6c, 0x81, 0x7f, 0xaa, 0x40, 0x87, 0x41, 0x3a, 0xaa, 0xd4, 0x1d, 0x10, 0x6c, 0x05, 0xfd, 0xd1, 0xde, 0x33, 0xde, 0x04, 0x14, 0xdd, 0xa0, 0x87, 0x02, 0x83, 0x68, 0x31, 0x74, 0xaf, 0x36, 0x8b, 0x04, 0x5c, 0x9d, 0xf4, 0x94, 0x36, 0x44, 0xe6, 0x02, 0x3c, 0x52, 0xb9, 0x9b, 0x5f, 0x6b, 0xea, 0xa8, 0x07, 0x1d, 0x48, 0x8f, 0xa2, 0x90, 0x60, 0xf4, 0x28, 0xcb, 0x79, 0x24, 0x0f, 0x25, 0x2e, 0x17, 0xb1, 0xb2, 0xa0, 0x4d, 0xaf, 0x60, 0x9b, 0xad, 0x71, 0xaf, 0xaa, 0x60, 0x41, 0xd4, 0x4e, 0xe8, 0x33, 0x20, 0xe6, 0x25, 0x58, 0x80, 0x34, 0x33, 0xe2, 0x82, 0xe2, 0x6d, 0x61, 0xe4, 0x81, 0x6b, 0xce, 0xa9, 0x14, 0x80, 0x06, 0x40, 0x37, 0x4c, 0x77, 0x49, 0x04, 0x19, 0x46, 0xad, 0x24, 0x8f, 0x74, 0xa6, 0x08, 0x02, 0x13, 0x33, 0x04, 0x98, 0x40, 0x22, 0x0e, 0x93, 0xbd, 0xe1, 0x2b, 0x1d, 0x22, 0x53, 0x07, 0x4d, 0x63, 0x7e, 0xa8, 0x11, 0x36, 0x01, 0x4b, 0xa4, 0xc4, 0xfd, 0x54, 0xbb, 0x4d, 0x10, 0x0c, 0x08, 0xbd, 0xfa, 0x28, 0xc4, 0x5e, 0x8b, 0xc0, 0xd7, 0x29, 0xfb, 0x7e, 0xab, 0x83, 0xf0, 0x9b, 0x7f, 0x83, 0x8a, 0xd4, 0x12, 0xe6, 0xfd, 0x0a, 0xf4, 0x20, 0x42, 0x64, 0x19, 0x31, 0x05, 0x10, 0x40, 0x00, 0x44, 0x20, 0xc7, 0xf4, 0x84, 0x1b, 0x0b, 0xc5, 0xd1, 0xd0, 0xc2, 0xc8, 0xcd, 0x21, 0xa4, 0x5b, 0x5e, 0x8b, 0x23, 0x4b, 0xe5, 0xa4, 0x10, 0x3c, 0xa5, 0x5e, 0x61, 0xc8, 0xad, 0xff, 0x00, 0x88, 0xed, 0xc4, 0xdd, 0x71, 0x11, 0xf7, 0xfb, 0x2e, 0x48, 0x96, 0x90, 0x04, 0x19, 0xe8, 0xa4, 0x9b, 0xc9, 0x4d, 0xc0, 0xba, 0x08, 0x8b, 0x29, 0xca, 0xd3, 0x71, 0x3e, 0xaa, 0x87, 0xcb, 0x24, 0x02, 0x3c, 0x60, 0xa4, 0x40, 0x02, 0x60, 0xdf, 0x74, 0x00, 0x20, 0x41, 0x4d, 0xa2, 0xc4, 0x08, 0x95, 0xe6, 0xbe, 0x2c, 0x80, 0xfc, 0x3e, 0x66, 0x9b, 0xcd, 0xa7, 0xc1, 0x7a, 0x39, 0x16, 0x11, 0x06, 0x25, 0x00, 0x83, 0xad, 0x80, 0x2a, 0x6a, 0x13, 0x91, 0xce, 0xa6, 0xd0, 0xe7, 0xc5, 0x84, 0xc7, 0x45, 0xe7, 0xf0, 0x78, 0x5c, 0x7b, 0x31, 0x3f, 0x88, 0xaf, 0x83, 0x6d, 0x4a, 0xa5, 0xd1, 0x9d, 0xd5, 0x01, 0xca, 0x3a, 0x05, 0xd9, 0xc3, 0x9a, 0xee, 0xaf, 0x59, 0xb5, 0xe9, 0x31, 0x94, 0xc1, 0x19, 0x08, 0x37, 0x36, 0xff, 0x00, 0x75, 0xb4, 0x41, 0x81, 0x04, 0xf2, 0x85, 0xcc, 0xe1, 0x38, 0x1a, 0x94, 0x1b, 0x88, 0xed, 0xd8, 0xdc, 0xd5, 0x2a, 0x39, 0xcd, 0xdf, 0xd5, 0x68, 0xb3, 0x84, 0xe2, 0x59, 0x80, 0xa4, 0x03, 0x59, 0xdb, 0xd1, 0xad, 0xda, 0x35, 0xbb, 0x3b, 0xc4, 0xf8, 0x2d, 0x8c, 0x3e, 0x03, 0x11, 0x5f, 0x17, 0x5b, 0x17, 0x8e, 0xa7, 0x4a, 0x99, 0x75, 0x33, 0x44, 0x31, 0x8e, 0x27, 0x5b, 0xc9, 0x3e, 0xab, 0x4b, 0xf2, 0x5c, 0x4b, 0x70, 0x8f, 0x0d, 0x73, 0x7b, 0x66, 0xbc, 0x65, 0x24, 0xea, 0xd0, 0x08, 0x8f, 0x42, 0xbb, 0x98, 0x5a, 0x26, 0x96, 0x1a, 0x95, 0x16, 0x80, 0x03, 0x5b, 0x96, 0x7d, 0xff, 0x00, 0xb2, 0xe3, 0x54, 0xe1, 0xd8, 0xf6, 0xe0, 0xab, 0x60, 0xe9, 0xb2, 0x91, 0xa2, 0x4c, 0x87, 0x38, 0xdc, 0xde, 0x62, 0x3c, 0xd6, 0x5a, 0xb8, 0x3c, 0x65, 0x1c, 0x50, 0xc4, 0x61, 0x5b, 0x4d, 0xee, 0x75, 0x20, 0xc7, 0xd3, 0x79, 0x88, 0x88, 0xd3, 0xd1, 0x6d, 0xf0, 0x7c, 0x1b, 0xf0, 0x54, 0x1e, 0x2a, 0xb8, 0x1a, 0x95, 0x1c, 0x5e, 0xec, 0xba, 0x02, 0x7f, 0xd9, 0x72, 0xf8, 0x86, 0x1d, 0xb5, 0xb8, 0xf5, 0x1a, 0x54, 0xc8, 0x22, 0xa8, 0x69, 0xac, 0x1a, 0x34, 0x0d, 0x33, 0x73, 0xe6, 0x16, 0xde, 0x2b, 0x0b, 0x8a, 0xa1, 0x8f, 0x7e, 0x2f, 0x02, 0x29, 0x38, 0x3d, 0xa1, 0x8e, 0x65, 0x43, 0x10, 0x45, 0x81, 0xf1, 0xdd, 0x6b, 0x1e, 0x0f, 0x5d, 0x98, 0x2a, 0x7d, 0x9b, 0x98, 0x71, 0x0d, 0xad, 0xdb, 0x1c, 0xc6, 0xc4, 0xc6, 0x81, 0x6d, 0xe0, 0x30, 0x78, 0xa6, 0x63, 0xf1, 0x18, 0x9c, 0x50, 0xa4, 0xde, 0xd1, 0xa0, 0x7f, 0x0c, 0xcc, 0x44, 0x7d, 0x96, 0x4a, 0xd8, 0x4a, 0x95, 0x38, 0xbd, 0x0c, 0x40, 0x0d, 0xec, 0x98, 0xc7, 0x35, 0xd2, 0x79, 0x9f, 0xee, 0xb9, 0xb8, 0xce, 0x15, 0x88, 0xab, 0x5f, 0x12, 0x4d, 0x2a, 0x55, 0x7b, 0x59, 0x2c, 0xa8, 0xf7, 0x12, 0x59, 0xd0, 0x4d, 0xa7, 0xaa, 0xcf, 0x4f, 0x01, 0x88, 0x6e, 0x23, 0x03, 0x55, 0xad, 0x63, 0xbb, 0x2a, 0x62, 0x95, 0x4e, 0xf1, 0x11, 0xb4, 0x85, 0x82, 0x97, 0x05, 0xae, 0xc7, 0x9a, 0x62, 0x8e, 0x1d, 0xec, 0x2e, 0xcd, 0xdb, 0x3e, 0xe5, 0xa3, 0x94, 0x6e, 0xbb, 0x58, 0x9a, 0x06, 0xa6, 0x0e, 0xad, 0x16, 0x90, 0x5c, 0x5b, 0x03, 0x40, 0x34, 0x85, 0xcf, 0xa3, 0xc3, 0xeb, 0xcf, 0x0f, 0x75, 0x51, 0x4d, 0xbf, 0x87, 0x0e, 0x6b, 0x84, 0xed, 0x94, 0x0f, 0xb1, 0x4e, 0xbf, 0x0b, 0xad, 0x58, 0xe3, 0xc3, 0xf2, 0x81, 0x58, 0x87, 0x30, 0xce, 0x91, 0x3a, 0xfa, 0xab, 0xe1, 0xd8, 0x2a, 0xb4, 0xf1, 0x4d, 0xad, 0x5b, 0x0f, 0x42, 0x88, 0x60, 0x31, 0x94, 0x92, 0x49, 0x9d, 0x7c, 0x16, 0xc7, 0x14, 0xc2, 0xd4, 0xc5, 0x54, 0xc2, 0x9a, 0x71, 0x14, 0xea, 0x0a, 0x8e, 0xf2, 0x26, 0xeb, 0x5e, 0xae, 0x0f, 0x1b, 0x87, 0xc5, 0x62, 0x8e, 0x09, 0xb4, 0x9f, 0x4f, 0x11, 0xae, 0x67, 0x44, 0x13, 0xd1, 0x14, 0x38, 0x5d, 0x4a, 0x2f, 0xc0, 0x96, 0xb8, 0x3b, 0xb0, 0x0e, 0x35, 0x09, 0x3b, 0xba, 0x6c, 0x3a, 0x2c, 0x27, 0x84, 0xe2, 0x1b, 0x84, 0x30, 0xe6, 0x0a, 0xf4, 0xeb, 0x9a, 0xad, 0x07, 0x43, 0x31, 0x65, 0xb3, 0x85, 0xc1, 0xd7, 0xad, 0x8c, 0xa9, 0x88, 0xc6, 0x06, 0x49, 0xa6, 0x69, 0x81, 0x48, 0x93, 0x63, 0xce, 0x7a, 0x82, 0xb4, 0x99, 0xc1, 0x31, 0x0d, 0xc2, 0xd5, 0x60, 0x7d, 0x23, 0x57, 0x38, 0xc8, 0x49, 0x22, 0x1a, 0x2d, 0x13, 0xe6, 0x56, 0xef, 0xe5, 0xcf, 0x65, 0x6c, 0x03, 0xa9, 0x16, 0xe5, 0xc3, 0xb4, 0x87, 0x4e, 0xf2, 0x35, 0x0b, 0x09, 0xe1, 0x95, 0x87, 0x0a, 0xc4, 0x61, 0x43, 0x98, 0x6a, 0x54, 0xa9, 0x9d, 0xa6, 0x6d, 0x13, 0x37, 0x3e, 0x4b, 0x5b, 0x17, 0x9b, 0x0b, 0x8f, 0x7b, 0xe8, 0x57, 0xa7, 0x4a, 0xa5, 0x4a, 0x6d, 0x15, 0x05, 0x50, 0x48, 0x00, 0x00, 0x3b, 0xb1, 0xa9, 0x5b, 0x1c, 0x11, 0xb8, 0xaf, 0xcb, 0x68, 0x0a, 0x45, 0xad, 0x3d, 0xa1, 0xcd, 0xda, 0x08, 0xcc, 0xcb, 0xfa, 0x2e, 0xd1, 0xb1, 0x2d, 0x32, 0x08, 0x31, 0xaa, 0x06, 0x61, 0x72, 0x51, 0x37, 0xb4, 0xdc, 0x73, 0x4f, 0x31, 0x02, 0xcd, 0x06, 0x13, 0x6b, 0xaf, 0xa2, 0x64, 0xde, 0x4c, 0x40, 0x4b, 0x31, 0x22, 0x64, 0x04, 0x17, 0x19, 0x12, 0x90, 0x10, 0x60, 0x3a, 0xf2, 0x9b, 0x88, 0x77, 0x22, 0x52, 0x93, 0x32, 0x01, 0x41, 0xd6, 0xe0, 0xc2, 0x44, 0xb7, 0x7b, 0x98, 0x94, 0x9a, 0x7b, 0xd7, 0x84, 0xdc, 0x37, 0xdf, 0xea, 0x9d, 0xee, 0x08, 0x11, 0xcf, 0x58, 0x40, 0x02, 0x40, 0xba, 0x46, 0x24, 0xdc, 0x85, 0x53, 0x02, 0x0d, 0xe1, 0x2c, 0xd6, 0xbc, 0x24, 0xd7, 0x06, 0x9b, 0x04, 0xc9, 0x24, 0x80, 0x26, 0x0f, 0x9a, 0x53, 0x11, 0xd5, 0x31, 0x27, 0x52, 0x66, 0x20, 0x75, 0x44, 0xf7, 0x46, 0x62, 0x60, 0x5a, 0xc9, 0x9b, 0x44, 0x1b, 0xec, 0xa6, 0xfb, 0xd8, 0x9f, 0x65, 0x46, 0x08, 0x12, 0x0c, 0xa8, 0x11, 0x26, 0xf2, 0x53, 0x93, 0x37, 0x09, 0xba, 0x2d, 0x16, 0xe6, 0xa8, 0x38, 0xe6, 0x81, 0x11, 0xe1, 0x29, 0x68, 0x6f, 0xa2, 0x60, 0x8d, 0x41, 0x4e, 0x64, 0xcc, 0x69, 0xee, 0x8b, 0xdc, 0x92, 0x52, 0xb1, 0x26, 0x65, 0x0d, 0x75, 0xe2, 0xe9, 0x88, 0x1a, 0x5d, 0x02, 0x4d, 0x88, 0x31, 0xe2, 0xa7, 0x94, 0x1b, 0xcf, 0x8a, 0x66, 0x73, 0x08, 0x02, 0x66, 0x0a, 0x50, 0x03, 0x89, 0x82, 0x07, 0x8a, 0xb3, 0x94, 0x89, 0xb2, 0x9d, 0x4c, 0xcd, 0xbc, 0x13, 0x91, 0x10, 0x01, 0x47, 0xf2, 0x9b, 0xc7, 0x2b, 0x4a, 0x00, 0xe6, 0x02, 0x92, 0x0c, 0x65, 0x1f, 0x55, 0x4d, 0x9d, 0x0a, 0xc7, 0x5e, 0x9f, 0xf0, 0x9e, 0x36, 0xca, 0x4a, 0xe1, 0xfc, 0x1e, 0x3f, 0x81, 0x88, 0x23, 0x40, 0x41, 0xfa, 0xae, 0xfb, 0x5a, 0x24, 0x8d, 0x2f, 0xe2, 0x99, 0x6d, 0xf7, 0xf4, 0x44, 0xf7, 0x6d, 0x30, 0x90, 0x23, 0x31, 0x92, 0x82, 0x04, 0xc1, 0x95, 0x3a, 0x3c, 0x02, 0x0a, 0xc8, 0x4d, 0xc0, 0x1f, 0x2f, 0x25, 0x95, 0x87, 0x60, 0xd0, 0x0a, 0xbc, 0xc7, 0xa7, 0xa2, 0xe8, 0x7c, 0x47, 0x1f, 0x99, 0x54, 0xd2, 0xe0, 0x6d, 0xa6, 0xab, 0x93, 0x7d, 0x40, 0x10, 0x34, 0xd9, 0x41, 0x82, 0xe0, 0x4e, 0xda, 0x29, 0x00, 0x93, 0xa9, 0x89, 0xe6, 0xa9, 0xad, 0x2d, 0x9d, 0x6e, 0x88, 0xb5, 0xcf, 0xb2, 0x70, 0x39, 0x12, 0x9d, 0xcc, 0x77, 0x40, 0x1e, 0x0a, 0x0b, 0x73, 0x5a, 0x4c, 0x4a, 0xf3, 0x5f, 0x18, 0x37, 0xf8, 0xb8, 0x40, 0x24, 0x4e, 0x60, 0x3d, 0x40, 0x5e, 0x90, 0x10, 0x60, 0x1b, 0xec, 0x80, 0x03, 0x8c, 0x38, 0xd9, 0x32, 0x44, 0x41, 0x20, 0x80, 0x6c, 0x9c, 0x34, 0x80, 0x41, 0x12, 0x4f, 0xa0, 0x4c, 0xb6, 0x08, 0x88, 0x28, 0x02, 0xd0, 0x0c, 0x12, 0x83, 0x23, 0xbd, 0x62, 0x53, 0x89, 0x82, 0x40, 0xe7, 0xaa, 0x88, 0x24, 0x10, 0x37, 0x4c, 0x88, 0x37, 0xd7, 0x74, 0x00, 0x4e, 0xa6, 0x6f, 0x2a, 0x5e, 0x0e, 0x6b, 0xc7, 0xa2, 0x32, 0xdf, 0xbd, 0xa6, 0xdd, 0x51, 0x1c, 0xa2, 0x16, 0x36, 0x51, 0xa7, 0x4e, 0xa1, 0x78, 0x63, 0x73, 0x9b, 0x17, 0x06, 0xc1, 0x22, 0x39, 0xaa, 0x2d, 0xbe, 0xdb, 0x42, 0x32, 0xdf, 0x9f, 0x29, 0x4e, 0xd6, 0xfd, 0x2c, 0x80, 0x0c, 0xdc, 0x5b, 0xc7, 0x54, 0x11, 0x98, 0x98, 0x06, 0x08, 0x84, 0xcb, 0x40, 0x6c, 0x81, 0xf7, 0x09, 0x08, 0x20, 0x03, 0x11, 0xd2, 0xc8, 0xb1, 0x27, 0x31, 0x12, 0x34, 0xb6, 0x8a, 0x46, 0x82, 0x23, 0x5b, 0xf9, 0x85, 0x70, 0x72, 0x3e, 0x00, 0x9b, 0x24, 0xd0, 0x43, 0x89, 0xd8, 0xf4, 0x4e, 0xc4, 0x00, 0x48, 0x91, 0x7d, 0x61, 0x32, 0x04, 0x49, 0xbe, 0xda, 0xd9, 0x4e, 0x50, 0x66, 0xf1, 0xd2, 0x2c, 0x9b, 0x9a, 0xdc, 0x90, 0x49, 0x3b, 0x0e, 0x92, 0xa6, 0x5c, 0x01, 0xca, 0x00, 0xdf, 0x96, 0xe9, 0xb4, 0xc8, 0x12, 0x05, 0xf9, 0x89, 0x4c, 0xb4, 0x03, 0x24, 0x13, 0xe7, 0xb2, 0x9d, 0x01, 0xb0, 0x04, 0xe9, 0x65, 0x15, 0x29, 0xb5, 0xe4, 0x76, 0x8c, 0x6b, 0xb9, 0x17, 0x09, 0x29, 0x87, 0x06, 0xe8, 0x40, 0x1b, 0x5b, 0x44, 0x49, 0xb0, 0x24, 0x7a, 0x2a, 0x32, 0x6d, 0x21, 0x4c, 0x86, 0xd8, 0xca, 0x6c, 0x71, 0x2e, 0x81, 0x3c, 0xcc, 0xd9, 0x19, 0x81, 0x96, 0xc0, 0x4d, 0xc6, 0x44, 0x08, 0x84, 0x87, 0xcb, 0x72, 0x3d, 0x53, 0xcc, 0x44, 0x01, 0x17, 0xd7, 0x74, 0x81, 0x32, 0x00, 0x0e, 0x94, 0x4c, 0x19, 0x92, 0x06, 0xf6, 0x94, 0x03, 0x32, 0x49, 0x1e, 0x8a, 0x46, 0x5c, 0xdb, 0xa6, 0x75, 0xb5, 0xc4, 0x26, 0x62, 0x2c, 0x3c, 0x93, 0x16, 0xd4, 0x89, 0x48, 0xce, 0xa6, 0x0a, 0x0b, 0xac, 0x03, 0x47, 0xbe, 0x88, 0x22, 0x60, 0xc1, 0x43, 0x87, 0x39, 0x54, 0x01, 0x89, 0x27, 0xd9, 0x02, 0xe6, 0x79, 0x73, 0x1a, 0xa3, 0xbc, 0x49, 0x8f, 0x2f, 0xdf, 0x98, 0x43, 0x4d, 0xc0, 0xdb, 0x45, 0x35, 0x1d, 0x07, 0x4d, 0x3f, 0x70, 0x99, 0x24, 0x09, 0x13, 0xc8, 0x27, 0x19, 0x44, 0x8d, 0xd0, 0x00, 0x99, 0x13, 0xea, 0x8c, 0x82, 0xc4, 0xcc, 0xa9, 0x6b, 0x79, 0xfd, 0x55, 0x58, 0x11, 0x63, 0x08, 0x11, 0x36, 0x45, 0xcc, 0xd8, 0x8d, 0x93, 0x11, 0x72, 0x49, 0x41, 0x32, 0x44, 0x18, 0x82, 0x89, 0x83, 0x6d, 0x75, 0x40, 0x31, 0x72, 0x9e, 0x61, 0xa1, 0x17, 0x2a, 0x4c, 0x1b, 0x5f, 0xa2, 0x72, 0x1b, 0x3a, 0xcf, 0x24, 0x81, 0x97, 0x5f, 0x32, 0x1a, 0x0f, 0xf2, 0xda, 0xe9, 0xe5, 0x74, 0x82, 0x3c, 0x7c, 0x53, 0xbc, 0x19, 0x02, 0x4d, 0xc2, 0x99, 0xbd, 0xcd, 0xca, 0xb0, 0x27, 0x70, 0x50, 0x5b, 0x12, 0x49, 0x10, 0x80, 0x2e, 0x48, 0x24, 0xca, 0x72, 0x37, 0x37, 0x54, 0xd3, 0x22, 0x03, 0x47, 0xa2, 0x40, 0x81, 0xac, 0xcf, 0x82, 0x8a, 0xbf, 0xe0, 0xd5, 0x93, 0x06, 0x0c, 0x7a, 0x7f, 0x65, 0xc1, 0xf8, 0x44, 0x45, 0x0c, 0x4b, 0x41, 0x17, 0x73, 0x47, 0x2e, 0x63, 0xf5, 0x5e, 0x80, 0x91, 0x37, 0xdd, 0x23, 0x0e, 0x68, 0x92, 0x54, 0x16, 0x91, 0x72, 0xe2, 0x46, 0xf6, 0x4d, 0x84, 0x58, 0x45, 0xd3, 0x75, 0xe7, 0xba, 0x09, 0xe7, 0x28, 0x12, 0x4e, 0xd6, 0x54, 0x1a, 0x22, 0x4c, 0xcf, 0xd5, 0x64, 0x6c, 0x48, 0x24, 0x5f, 0xe8, 0xb2, 0xcf, 0x55, 0xbf, 0xf1, 0x1f, 0xfd, 0xce, 0xa4, 0x6b, 0x03, 0xe8, 0x57, 0x29, 0xed, 0x96, 0xdc, 0xdd, 0x41, 0x93, 0xac, 0x59, 0x05, 0xb6, 0xb9, 0x43, 0x49, 0x8b, 0x44, 0xa7, 0x73, 0xc9, 0x48, 0x81, 0x39, 0xb5, 0xd9, 0x04, 0x93, 0x21, 0xa0, 0xcf, 0xa2, 0x0e, 0xe4, 0xcc, 0xe8, 0x57, 0x9a, 0xf8, 0xbd, 0xbf, 0xc4, 0xc2, 0x16, 0x83, 0x22, 0x6f, 0xe6, 0x3e, 0xcb, 0xd1, 0x5f, 0x28, 0x99, 0xea, 0x55, 0x3b, 0x48, 0xcb, 0x73, 0xbe, 0xa8, 0x9e, 0xec, 0x65, 0x0a, 0x84, 0x40, 0x98, 0xb2, 0x47, 0x29, 0x26, 0xf9, 0x4c, 0xf3, 0xd5, 0x0e, 0x0d, 0xda, 0xf1, 0xaa, 0xa2, 0xe6, 0xc4, 0x0f, 0xa2, 0x50, 0x67, 0xa2, 0x4d, 0x99, 0xb1, 0xf5, 0xe5, 0xe2, 0x9b, 0x85, 0x8d, 0x84, 0x9d, 0xd0, 0x23, 0x40, 0x56, 0x1a, 0xb8, 0x8a, 0x34, 0x5c, 0xdc, 0xf5, 0x58, 0xc2, 0x6c, 0x33, 0x3a, 0x25, 0x63, 0x66, 0x2e, 0x83, 0xb3, 0x46, 0x22, 0x91, 0x00, 0x49, 0xef, 0x0b, 0x02, 0x7e, 0xeb, 0x3e, 0x82, 0xc4, 0x49, 0xea, 0x0c, 0xf8, 0x24, 0x66, 0xf6, 0x12, 0x14, 0xd4, 0xab, 0x4a, 0x93, 0x1c, 0xfa, 0x8e, 0x6b, 0x1a, 0x04, 0x92, 0x4a, 0x54, 0xea, 0xd3, 0xaa, 0x1c, 0x59, 0x51, 0xaf, 0x88, 0x9c, 0xa4, 0x9d, 0x44, 0x85, 0x47, 0x42, 0x23, 0x7f, 0xa6, 0xe8, 0x37, 0x6c, 0x8f, 0xf7, 0x57, 0xf2, 0xd8, 0x10, 0x47, 0x5b, 0x21, 0xd1, 0x97, 0xba, 0x44, 0x13, 0x1a, 0xee, 0xa4, 0x3a, 0xc4, 0x44, 0x7a, 0x29, 0x7d, 0x46, 0xd3, 0xcb, 0xda, 0x3d, 0xac, 0x0e, 0xb3, 0x64, 0xc4, 0x9d, 0x62, 0x10, 0xe2, 0xd8, 0x0e, 0x37, 0xd3, 0x44, 0x36, 0xab, 0x1e, 0x5e, 0x29, 0xbd, 0xa5, 0xcc, 0xf9, 0x80, 0x3b, 0xc4, 0xc1, 0x1e, 0x0b, 0x20, 0x20, 0xc4, 0x91, 0x7f, 0x64, 0x9b, 0x72, 0x22, 0x27, 0x4d, 0x14, 0x36, 0xad, 0x17, 0x55, 0x75, 0x30, 0xf6, 0x9a, 0x8c, 0x82, 0xe0, 0x08, 0xb4, 0xf3, 0x0a, 0x8e, 0xb1, 0x02, 0x66, 0xff, 0x00, 0xb1, 0xb2, 0x09, 0xb6, 0xb1, 0x7d, 0xd4, 0x54, 0x7b, 0x69, 0xb1, 0xce, 0x7b, 0xc0, 0x68, 0x04, 0x92, 0x48, 0x10, 0x3e, 0xbe, 0xcb, 0x05, 0x7c, 0x76, 0x1e, 0x8b, 0x9a, 0x2a, 0x57, 0xa6, 0xc2, 0x44, 0x80, 0x48, 0x12, 0xde, 0x77, 0xfa, 0x2c, 0xed, 0x39, 0x9b, 0x99, 0xa4, 0x12, 0x77, 0x99, 0x94, 0x6d, 0x7d, 0x7e, 0x88, 0x6b, 0xe7, 0x71, 0x33, 0x1a, 0xa1, 0xf0, 0x0f, 0x8e, 0xa8, 0x1c, 0xc8, 0x49, 0xbb, 0x93, 0x29, 0x9b, 0x8b, 0x4c, 0x29, 0x1b, 0xcc, 0xd8, 0x68, 0x9b, 0x51, 0x31, 0xb2, 0x0d, 0xee, 0x02, 0x62, 0x64, 0x48, 0x00, 0x24, 0x24, 0x1b, 0x8b, 0xf8, 0xca, 0xa2, 0x40, 0x11, 0x12, 0x90, 0x71, 0x8b, 0xc2, 0x83, 0xa9, 0x71, 0xd4, 0x6c, 0x98, 0x73, 0x4b, 0x81, 0x1c, 0xa7, 0x45, 0x24, 0xc0, 0x22, 0xea, 0x81, 0x68, 0x82, 0x09, 0xd1, 0x0c, 0x74, 0xea, 0xac, 0x41, 0xb1, 0xf2, 0xd9, 0x16, 0xd2, 0x42, 0x0c, 0x01, 0x26, 0xe3, 0x60, 0xa8, 0x11, 0x04, 0x82, 0x53, 0xcc, 0x08, 0x83, 0x33, 0xe0, 0xb8, 0x9c, 0x6b, 0x8f, 0x53, 0xe1, 0x78, 0xec, 0x15, 0x1c, 0x5d, 0x37, 0xb2, 0x86, 0x2d, 0xc6, 0x9b, 0x2b, 0xdb, 0x23, 0x6a, 0x45, 0x9a, 0xee, 0x44, 0x89, 0x83, 0xa4, 0xd9, 0x3e, 0x33, 0xc7, 0x70, 0xdc, 0x23, 0x05, 0x53, 0x17, 0x8d, 0x65, 0x5e, 0xcd, 0xa4, 0x35, 0xa3, 0x29, 0x05, 0xee, 0x26, 0xc0, 0x78, 0x9b, 0x78, 0xad, 0x3f, 0x85, 0x71, 0x9c, 0x67, 0x17, 0x89, 0xc6, 0xbf, 0x8d, 0xd0, 0x66, 0x1d, 0xaf, 0x0c, 0xa9, 0x42, 0x93, 0x7f, 0xf8, 0xc3, 0xa7, 0xba, 0x4e, 0xe4, 0x45, 0xfa, 0xd9, 0x7a, 0x40, 0x49, 0x00, 0x49, 0x27, 0x43, 0xb2, 0x3e, 0x51, 0x74, 0x8c, 0x13, 0x20, 0x09, 0xfa, 0xac, 0x3d, 0xb7, 0x7b, 0xba, 0xc7, 0xb8, 0x02, 0x5a, 0x63, 0xa2, 0x5d, 0xb1, 0xb7, 0xf0, 0xaa, 0xc7, 0x97, 0xdd, 0x65, 0xa4, 0xe1, 0x56, 0x9b, 0x6a, 0x02, 0x44, 0xde, 0x0e, 0xa1, 0x64, 0x64, 0xdb, 0x9a, 0xa2, 0x24, 0x6d, 0xcc, 0xac, 0x6f, 0x7b, 0x69, 0x53, 0x73, 0x9c, 0x09, 0xdc, 0x00, 0x3a, 0xa8, 0x35, 0x9f, 0x24, 0x8a, 0x15, 0x0c, 0x5b, 0xf9, 0x47, 0xea, 0xa5, 0xb5, 0x4e, 0x66, 0x07, 0x53, 0xa8, 0xd0, 0xe2, 0x00, 0x98, 0x3b, 0x2c, 0xe0, 0x9c, 0xb0, 0x00, 0xbf, 0x92, 0x53, 0x7b, 0x90, 0x8e, 0xf4, 0xc9, 0x9e, 0x96, 0x95, 0x15, 0x6b, 0x06, 0xbf, 0x20, 0x63, 0x9c, 0xf8, 0xda, 0x07, 0xea, 0xa1, 0xb5, 0x5e, 0x34, 0xa1, 0x58, 0x93, 0xad, 0xdb, 0xf7, 0x57, 0x45, 0xfd, 0xa6, 0x66, 0x86, 0x54, 0x6b, 0x9b, 0x16, 0x76, 0xd3, 0xd4, 0x2b, 0x36, 0x81, 0x1a, 0x79, 0xa6, 0x01, 0xd0, 0x02, 0x6f, 0x25, 0x50, 0x3a, 0x87, 0x03, 0x3b, 0x05, 0xaf, 0x4f, 0x11, 0x9a, 0x72, 0xd0, 0xa8, 0xfb, 0x91, 0xa8, 0x1a, 0x12, 0x37, 0x3d, 0x15, 0x8c, 0x43, 0xf7, 0xa1, 0x54, 0x30, 0x09, 0xb9, 0x1b, 0x78, 0x2c, 0xb4, 0xea, 0x17, 0x34, 0x39, 0xa0, 0x80, 0xe1, 0xbe, 0xc9, 0xde, 0x0c, 0x91, 0x28, 0x06, 0x0d, 0xcf, 0xba, 0x63, 0x41, 0x05, 0x45, 0x72, 0x7b, 0x2a, 0x80, 0x13, 0x76, 0x9d, 0xbc, 0x57, 0x03, 0xe1, 0x18, 0x6d, 0x1c, 0x41, 0x77, 0x36, 0x9f, 0xaf, 0xd9, 0x7a, 0x02, 0x73, 0x1b, 0x0d, 0x10, 0x4d, 0xed, 0xaa, 0x47, 0x41, 0x28, 0x6d, 0xce, 0x86, 0xdc, 0xd0, 0xe1, 0x13, 0xdd, 0xf1, 0x52, 0x23, 0x56, 0xd8, 0x7d, 0x16, 0x46, 0xb8, 0x90, 0x64, 0x08, 0x56, 0xd3, 0x03, 0x45, 0x7e, 0x4e, 0xf4, 0x5d, 0x3f, 0x88, 0xa7, 0xf3, 0x3a, 0xa2, 0x0e, 0x83, 0x4f, 0x35, 0xc9, 0xcb, 0x7b, 0x83, 0x29, 0x12, 0x06, 0xb1, 0x28, 0x3f, 0x35, 0x8c, 0x5a, 0x4f, 0x54, 0x32, 0x34, 0x8f, 0x34, 0xc8, 0x1a, 0x08, 0x53, 0x94, 0x92, 0x0e, 0xc1, 0x33, 0x1a, 0xc9, 0x84, 0x84, 0x10, 0x4c, 0x15, 0xe5, 0xfe, 0x2f, 0x33, 0x57, 0x08, 0x1a, 0x7f, 0xaa, 0x27, 0xc4, 0x2f, 0x48, 0x2e, 0x05, 0xa6, 0x76, 0x54, 0x33, 0x35, 0xd7, 0x3e, 0x49, 0x18, 0x1a, 0x49, 0x05, 0x3b, 0x0d, 0x8e, 0xb3, 0xaa, 0x92, 0x60, 0x5e, 0x75, 0xb5, 0xd5, 0x07, 0x1b, 0x8e, 0x69, 0x88, 0x88, 0x23, 0xdd, 0x29, 0x83, 0x2d, 0x48, 0x19, 0x12, 0x40, 0xb1, 0x13, 0x23, 0x50, 0xb8, 0x58, 0x8e, 0x25, 0x5e, 0x93, 0xde, 0xf1, 0x88, 0x6f, 0x71, 0xd1, 0xd9, 0xb6, 0x99, 0x23, 0x2c, 0xc7, 0xcd, 0xa0, 0x3d, 0x20, 0xae, 0xec, 0x8c, 0xb3, 0xa9, 0x13, 0x36, 0x20, 0x2d, 0x5e, 0x23, 0x4a, 0x9d, 0x4c, 0x35, 0x63, 0x51, 0x8d, 0x71, 0x0c, 0x75, 0xc8, 0x06, 0x07, 0x45, 0xc8, 0xc4, 0x52, 0x63, 0x78, 0x03, 0x1f, 0x4e, 0x95, 0x31, 0x51, 0xcc, 0x61, 0x04, 0x32, 0xf6, 0x73, 0x77, 0x5b, 0x8e, 0xad, 0x8a, 0xc3, 0x62, 0x5a, 0xca, 0xd5, 0x45, 0x66, 0x3e, 0x93, 0x9d, 0x66, 0x41, 0x05, 0xb0, 0x6d, 0xc8, 0x5f, 0x5e, 0x8b, 0x5b, 0x0f, 0x8e, 0xc4, 0xbd, 0xd8, 0x77, 0xe7, 0x7d, 0x50, 0xf2, 0xd0, 0xea, 0x7d, 0x8b, 0xb2, 0xb4, 0x1d, 0xc1, 0xd3, 0x61, 0xe3, 0xd1, 0x6d, 0x71, 0xe6, 0x39, 0xf8, 0x6a, 0x59, 0x5f, 0x91, 0xbd, 0xa3, 0x6d, 0x00, 0xcf, 0x78, 0x7d, 0xb4, 0x5a, 0xcc, 0xa8, 0xfc, 0x39, 0xc7, 0x38, 0x54, 0x6b, 0x4f, 0x6c, 0xd6, 0xe7, 0x78, 0xb4, 0x65, 0x6e, 0x80, 0x58, 0x9b, 0x24, 0xdc, 0x76, 0x20, 0x8c, 0x4b, 0x29, 0xd5, 0xa8, 0xf7, 0xd3, 0x68, 0xa8, 0xd7, 0x3e, 0x9c, 0x12, 0x26, 0xe2, 0x36, 0xb0, 0xb7, 0x45, 0x9f, 0x11, 0xc4, 0x9f, 0xda, 0x54, 0x7e, 0x18, 0x13, 0x4e, 0x9d, 0x36, 0xbb, 0x48, 0x97, 0xbc, 0x5b, 0xda, 0x0f, 0x82, 0xc9, 0xda, 0x62, 0xb0, 0xd5, 0xf0, 0xcd, 0xad, 0x5c, 0x56, 0xa7, 0x5b, 0xf8, 0x6e, 0x80, 0x04, 0x18, 0x99, 0x1b, 0xc5, 0x93, 0xe1, 0x35, 0x71, 0x18, 0x8a, 0x22, 0xbd, 0x7a, 0x8d, 0x73, 0x1f, 0x20, 0x31, 0xad, 0x88, 0x89, 0x13, 0xec, 0xa5, 0xf5, 0x2b, 0xd7, 0xc6, 0x57, 0xa5, 0x42, 0xbf, 0x62, 0xca, 0x40, 0x0f, 0x94, 0x19, 0x71, 0xbc, 0xdf, 0x65, 0xa0, 0xea, 0x95, 0xb1, 0x98, 0x9c, 0x0b, 0xea, 0x3c, 0x31, 0xc1, 0xef, 0x61, 0x01, 0xb6, 0x05, 0xa0, 0x89, 0xf5, 0xf4, 0x5b, 0xbc, 0x6d, 0x8e, 0x7f, 0xe1, 0x72, 0xd4, 0x20, 0x1a, 0xed, 0x6f, 0xca, 0x0c, 0x4f, 0xf6, 0x85, 0x8a, 0x8b, 0x6b, 0xf6, 0xfc, 0x40, 0xd2, 0xae, 0xd6, 0x35, 0x8e, 0x9f, 0x95, 0xa7, 0x33, 0x83, 0x77, 0xf5, 0x4a, 0xa7, 0x12, 0xa8, 0xe1, 0x41, 0xad, 0x79, 0xa2, 0x1f, 0x49, 0xb5, 0x1e, 0xe6, 0x30, 0xd4, 0x92, 0xeb, 0x68, 0x05, 0xbd, 0x96, 0xf7, 0x0b, 0xaf, 0x52, 0xbe, 0x14, 0xb9, 0xed, 0x73, 0x6a, 0x35, 0xc5, 0xb9, 0x8b, 0x48, 0x98, 0x8b, 0xc6, 0xbb, 0x85, 0xcb, 0xa1, 0x52, 0xb5, 0x13, 0x5c, 0x53, 0xa8, 0xd3, 0x56, 0xae, 0x24, 0xd1, 0x69, 0x2d, 0x16, 0x20, 0x03, 0x3e, 0x9b, 0x73, 0x5b, 0x35, 0x31, 0x55, 0xf0, 0x4f, 0xaa, 0xda, 0xaf, 0x18, 0x8f, 0xe0, 0x9a, 0xac, 0x25, 0x80, 0x10, 0x5b, 0x6b, 0xc6, 0xa2, 0x0a, 0xb7, 0xd4, 0xc5, 0x61, 0x5d, 0x42, 0xa5, 0x5a, 0xcd, 0xa8, 0xda, 0x8f, 0x0c, 0xa9, 0x4c, 0x35, 0xad, 0x80, 0x6f, 0x22, 0x16, 0xb6, 0x25, 0xd8, 0x9c, 0x47, 0x0b, 0xc5, 0x62, 0x1d, 0x58, 0x32, 0x9c, 0x38, 0x0a, 0x79, 0x41, 0xb0, 0x91, 0x73, 0xac, 0xac, 0xd8, 0x80, 0x29, 0xe1, 0xc3, 0xa8, 0xd3, 0xcf, 0x88, 0xc4, 0x86, 0x30, 0x49, 0x30, 0x3b, 0xb1, 0x36, 0xd0, 0x2d, 0xec, 0x25, 0x16, 0xe1, 0xb0, 0xd4, 0x69, 0x4e, 0x66, 0xb1, 0xa1, 0xa0, 0xf3, 0x8b, 0x4a, 0xca, 0x08, 0x83, 0xfb, 0x95, 0x59, 0x01, 0x69, 0x86, 0xcd, 0x92, 0xb4, 0x34, 0x19, 0x1c, 0x94, 0xde, 0x4c, 0xc9, 0x3c, 0xd3, 0x16, 0x06, 0x44, 0xcf, 0x44, 0xe1, 0xa0, 0x72, 0x28, 0x03, 0x73, 0xa7, 0x8a, 0x01, 0x87, 0x06, 0xb4, 0x15, 0x44, 0xde, 0xd1, 0xd5, 0x40, 0x02, 0x48, 0x24, 0xcc, 0x20, 0x18, 0x12, 0x90, 0x26, 0x34, 0x3a, 0xca, 0x76, 0x74, 0xc1, 0xba, 0x00, 0xbd, 0xc8, 0x94, 0x86, 0xe4, 0x03, 0xaa, 0x21, 0xc0, 0x82, 0x35, 0x9b, 0xf3, 0x29, 0x38, 0x1d, 0x8c, 0x49, 0xdd, 0x31, 0xf2, 0x99, 0x9f, 0x44, 0xfb, 0xb1, 0x79, 0x40, 0x26, 0x7b, 0xc4, 0xc2, 0xa6, 0xb9, 0xbb, 0x12, 0x87, 0x13, 0x16, 0xd4, 0xa6, 0x4e, 0xf7, 0x9d, 0xd4, 0x46, 0x60, 0x75, 0x93, 0xba, 0xe6, 0x71, 0xce, 0x19, 0x86, 0xe2, 0xd8, 0x63, 0x82, 0xc6, 0xd2, 0x6d, 0x4c, 0x3d, 0x66, 0xb9, 0xa4, 0x3a, 0xd3, 0x10, 0x44, 0x1d, 0x8c, 0xde, 0x7c, 0x97, 0xce, 0x3e, 0x1c, 0xad, 0xf8, 0xaf, 0x8a, 0x70, 0x54, 0xf8, 0xc6, 0x2b, 0x11, 0x8b, 0xe1, 0x58, 0x5a, 0xb5, 0x68, 0xf0, 0xcc, 0x45, 0x66, 0xe5, 0xa7, 0x5a, 0xa3, 0x74, 0x2e, 0x76, 0xa5, 0xd1, 0x61, 0xcc, 0x88, 0x1b, 0xaf, 0xab, 0x53, 0x8f, 0xc5, 0xbc, 0x9c, 0xce, 0x25, 0x8d, 0x3d, 0xe3, 0xd4, 0xfa, 0x1d, 0x56, 0x61, 0x00, 0x90, 0x01, 0x45, 0xf2, 0xd8, 0x9b, 0x26, 0x23, 0x5f, 0x7f, 0x15, 0xab, 0x86, 0x22, 0x6a, 0x18, 0xfe, 0x77, 0x13, 0x79, 0xdd, 0x6c, 0x38, 0x58, 0x80, 0xd9, 0xfd, 0xc7, 0xea, 0xb1, 0x60, 0x80, 0xec, 0x19, 0x22, 0x2c, 0xb3, 0xb6, 0xc6, 0x63, 0xdd, 0x53, 0xba, 0x03, 0x25, 0x60, 0xc5, 0x82, 0x30, 0xef, 0x32, 0x7f, 0x70, 0xb3, 0x07, 0x5a, 0x1b, 0xae, 0xf7, 0x2b, 0x0e, 0x24, 0x77, 0xa8, 0x92, 0x34, 0xa8, 0x27, 0xd0, 0xfd, 0x96, 0x73, 0x9b, 0x4b, 0xfa, 0x2a, 0x6f, 0x76, 0x72, 0x93, 0xd5, 0x26, 0xfc, 0xd2, 0x4b, 0x8d, 0xe1, 0x63, 0x74, 0x9c, 0x5b, 0x62, 0x63, 0x29, 0x9f, 0x55, 0x90, 0x09, 0x33, 0x07, 0x6e, 0x7c, 0x96, 0x2a, 0x62, 0x31, 0x75, 0x0e, 0x53, 0xb4, 0xdd, 0x6c, 0x00, 0x35, 0x11, 0x7b, 0x29, 0x3d, 0xd3, 0x00, 0xf7, 0xb9, 0x20, 0xc9, 0x11, 0x62, 0x40, 0x07, 0x5e, 0xab, 0x0e, 0x0a, 0x4d, 0x23, 0x31, 0xf3, 0x3b, 0x7e, 0xaa, 0xea, 0x12, 0xda, 0x55, 0x24, 0x34, 0x4b, 0x79, 0x78, 0xfd, 0x93, 0xc3, 0x91, 0xf8, 0x6a, 0x7c, 0xf2, 0x8f, 0xa2, 0xa3, 0x03, 0x5d, 0x53, 0xd7, 0x49, 0x0a, 0x40, 0xb9, 0x83, 0xde, 0xde, 0x52, 0xaf, 0x22, 0x95, 0x49, 0xb1, 0xcb, 0xce, 0x76, 0x5c, 0x0f, 0x85, 0x01, 0xec, 0xb1, 0x12, 0x4f, 0xcc, 0x06, 0x9e, 0x3f, 0x75, 0xe8, 0x09, 0x81, 0x04, 0x9c, 0xdf, 0x54, 0xc4, 0x0b, 0x82, 0x2e, 0xa4, 0xc0, 0x23, 0xba, 0x0c, 0x73, 0x48, 0x9e, 0xf4, 0xb6, 0x00, 0x1a, 0xd9, 0x51, 0x71, 0x9b, 0x01, 0x7d, 0x6e, 0xa4, 0x38, 0xe8, 0x62, 0x3c, 0x35, 0x54, 0xd3, 0xdd, 0x20, 0x44, 0x78, 0x2b, 0xb3, 0x80, 0x02, 0x41, 0xdd, 0x17, 0xfe, 0xb2, 0xbb, 0x3f, 0x11, 0x17, 0x7e, 0x65, 0x52, 0x23, 0x41, 0xf4, 0x2b, 0x95, 0x2e, 0x27, 0xa2, 0x87, 0x5a, 0xe5, 0xa3, 0xd5, 0x02, 0xc0, 0x12, 0xa8, 0xc4, 0xdb, 0x74, 0x89, 0xb4, 0xdd, 0x12, 0xd8, 0x16, 0x29, 0x5a, 0x67, 0x59, 0xe4, 0x99, 0x92, 0x48, 0x01, 0xd6, 0x5e, 0x67, 0xe2, 0xf8, 0xed, 0xf0, 0xc0, 0xc8, 0x06, 0x76, 0xff, 0x00, 0x48, 0x5e, 0x8c, 0x30, 0x80, 0x04, 0x88, 0xd1, 0x27, 0x07, 0x38, 0x58, 0x48, 0xdf, 0xa2, 0x8b, 0x81, 0x74, 0xc4, 0xca, 0x1d, 0xb4, 0x0f, 0x14, 0x66, 0x03, 0x44, 0xcf, 0x79, 0xb0, 0x03, 0x60, 0x28, 0x68, 0xe7, 0x11, 0xb5, 0xd0, 0x60, 0xc8, 0xbe, 0x91, 0x22, 0xcb, 0x9c, 0xfe, 0x15, 0x9e, 0x8b, 0xe8, 0x8c, 0x4b, 0xc5, 0x07, 0x3b, 0x38, 0x6d, 0xb5, 0x37, 0x92, 0x75, 0x22, 0x66, 0xd6, 0x5b, 0xf4, 0x28, 0x3a, 0x9b, 0xaa, 0x39, 0xd5, 0x1e, 0xfc, 0xc0, 0x77, 0x4c, 0x40, 0x3e, 0x09, 0xd5, 0xa7, 0xda, 0x53, 0x7b, 0x1c, 0x4e, 0x57, 0x34, 0x83, 0xe6, 0xb0, 0x1c, 0x23, 0x1d, 0x83, 0x66, 0x14, 0xb9, 0xd9, 0x03, 0x03, 0x67, 0x73, 0x07, 0x7f, 0x45, 0x55, 0x70, 0x8c, 0xa9, 0x89, 0x65, 0x53, 0x98, 0x96, 0x35, 0xcc, 0xca, 0x74, 0x21, 0xd1, 0x2b, 0x05, 0x3e, 0x1a, 0xda, 0x6f, 0xa7, 0x9a, 0xb5, 0x77, 0xd1, 0x63, 0x89, 0x6d, 0x37, 0x06, 0xc3, 0x4f, 0x8c, 0x49, 0xf5, 0x36, 0xb2, 0xd9, 0xc4, 0xe1, 0xdb, 0x89, 0xa6, 0x18, 0xe2, 0x7b, 0xae, 0x0f, 0xb0, 0x1a, 0x82, 0x16, 0xae, 0x23, 0x87, 0x52, 0x79, 0xa8, 0xec, 0xcf, 0x6b, 0x9d, 0x50, 0x55, 0x06, 0xc4, 0x82, 0x04, 0x5a, 0x42, 0xac, 0x36, 0x08, 0x51, 0xaa, 0x6b, 0xba, 0xb5, 0x5a, 0xb5, 0x5c, 0x32, 0x9c, 0xe6, 0xcf, 0x36, 0xb1, 0x1e, 0x48, 0xa7, 0xc3, 0x68, 0x51, 0xc2, 0x55, 0xc3, 0x89, 0x34, 0xea, 0x03, 0x32, 0x6e, 0x24, 0x44, 0x03, 0xc8, 0x40, 0x8e, 0x49, 0x52, 0xc0, 0xc5, 0x46, 0xbe, 0xb5, 0x7a, 0xd5, 0xb2, 0x03, 0x90, 0x54, 0x83, 0x96, 0x67, 0x7d, 0x49, 0x59, 0xf0, 0xb4, 0x1b, 0x86, 0xc3, 0xb6, 0x93, 0x4b, 0x8b, 0x59, 0xa6, 0xf3, 0x37, 0xfd, 0x56, 0x1a, 0xb8, 0x1c, 0xf5, 0xdf, 0x5a, 0x95, 0x6a, 0xb4, 0x1f, 0x51, 0xa0, 0x3c, 0x30, 0x88, 0x20, 0x7e, 0xa8, 0xa7, 0x81, 0xa5, 0x4d, 0xd8, 0x72, 0xd7, 0xba, 0x28, 0x99, 0x17, 0x9c, 0xc4, 0xcd, 0xcf, 0x99, 0x55, 0x8b, 0xc2, 0x8c, 0x55, 0x36, 0xb0, 0xd4, 0x7b, 0x1c, 0xd7, 0x07, 0x07, 0x08, 0x99, 0x1a, 0x18, 0x55, 0x4b, 0x0c, 0xc6, 0x3b, 0x12, 0x45, 0x47, 0x38, 0xd7, 0x32, 0xe9, 0x20, 0x6c, 0x07, 0xd1, 0x61, 0xfc, 0x0b, 0x5a, 0xda, 0x42, 0x8d, 0x5a, 0x94, 0xdf, 0x4d, 0x82, 0x9e, 0x60, 0x64, 0xb9, 0xa3, 0xc4, 0x42, 0xd8, 0xc2, 0xd1, 0x6e, 0x1b, 0x0e, 0x18, 0xc7, 0x38, 0xea, 0x4b, 0x8e, 0xa4, 0x9d, 0xd6, 0x17, 0xf0, 0xda, 0x6f, 0xa7, 0x58, 0x12, 0xf1, 0x9e, 0xa0, 0x7b, 0x4e, 0x61, 0xdd, 0x3c, 0xc2, 0x54, 0xb0, 0x2d, 0xcf, 0x54, 0xd7, 0xab, 0x56, 0xb5, 0x47, 0xb7, 0x20, 0x35, 0x08, 0xb0, 0xf2, 0x49, 0xbc, 0x3c, 0x0a, 0x8d, 0x75, 0x4a, 0xb5, 0x2a, 0xb6, 0x91, 0x96, 0x31, 0xe4, 0x43, 0x6d, 0xd3, 0x55, 0x8e, 0xa7, 0x0a, 0x63, 0x9b, 0x51, 0xbd, 0xbd, 0x76, 0xd0, 0xa8, 0x4b, 0x9d, 0x4c, 0x38, 0x44, 0x9e, 0x46, 0x26, 0x2e, 0xb6, 0xdf, 0x41, 0xa7, 0xb2, 0x22, 0xa5, 0x56, 0x0a, 0x66, 0x44, 0x1d, 0x7a, 0x1e, 0x8b, 0x20, 0x00, 0x68, 0x3c, 0x07, 0x24, 0xc0, 0x90, 0x6e, 0x2d, 0xb4, 0x29, 0x82, 0x62, 0x75, 0xf1, 0x55, 0xa7, 0x8e, 0xe9, 0x10, 0x33, 0x44, 0x0d, 0x25, 0x0d, 0x3b, 0x02, 0x20, 0xfb, 0x2a, 0x00, 0x4d, 0xf5, 0x45, 0x89, 0xd0, 0xc8, 0x4b, 0xd4, 0x14, 0x08, 0x89, 0x20, 0x99, 0x53, 0x02, 0x66, 0xf3, 0x11, 0xa2, 0x66, 0x62, 0xdb, 0xa4, 0xd0, 0xe8, 0xb5, 0x84, 0x42, 0x66, 0x32, 0x5e, 0x04, 0xfb, 0xa9, 0x03, 0x42, 0x22, 0x7e, 0xbd, 0x53, 0x39, 0x8d, 0x84, 0x4a, 0x65, 0xa4, 0xb4, 0x92, 0x3d, 0xf5, 0x44, 0x3a, 0x01, 0x81, 0x08, 0x77, 0x42, 0x52, 0x6d, 0x84, 0x02, 0x2f, 0xaa, 0x65, 0xb0, 0x6d, 0xa9, 0xd1, 0x03, 0xe6, 0x05, 0xc0, 0x05, 0x59, 0x81, 0x69, 0x98, 0x80, 0x50, 0x1c, 0x2c, 0x04, 0x90, 0x7a, 0x23, 0x34, 0x69, 0xa4, 0x2f, 0x35, 0xf1, 0xc5, 0x6c, 0x47, 0xe0, 0x28, 0x61, 0x38, 0x7b, 0xcb, 0x31, 0x98, 0xfa, 0x83, 0x08, 0xc7, 0x0d, 0x69, 0x87, 0x02, 0x5e, 0xe8, 0xdb, 0xb8, 0xd7, 0x15, 0x78, 0xbf, 0x87, 0xf0, 0xf5, 0xbe, 0x1d, 0x6f, 0x07, 0x66, 0x1f, 0xb3, 0xc3, 0xd3, 0x63, 0x5b, 0x45, 0xc2, 0xac, 0x1a, 0x65, 0xb7, 0x6b, 0xb3, 0x6a, 0x0c, 0xde, 0x60, 0x13, 0xae, 0x86, 0x16, 0xcf, 0xc3, 0x43, 0x89, 0x7e, 0x02, 0x97, 0xe7, 0x54, 0xdb, 0x4f, 0x16, 0xd6, 0x1a, 0x55, 0x08, 0x74, 0xf6, 0x85, 0xae, 0x70, 0x0f, 0x81, 0x60, 0x48, 0x83, 0x02, 0xd7, 0xdb, 0x41, 0xd7, 0x33, 0xb9, 0xf6, 0x54, 0x34, 0x84, 0xaf, 0x9b, 0x42, 0xb5, 0xd8, 0xda, 0xd4, 0xdc, 0xf2, 0xd6, 0x53, 0x20, 0x92, 0x41, 0xcd, 0x06, 0xea, 0xc3, 0xeb, 0x49, 0x9a, 0x4c, 0x8f, 0xf5, 0xaa, 0xc2, 0xb1, 0xcd, 0xa4, 0xc6, 0x98, 0x90, 0x36, 0xf1, 0x59, 0x80, 0xef, 0x6a, 0x00, 0x41, 0x71, 0x9d, 0xec, 0xb1, 0xe2, 0x43, 0xaa, 0xd2, 0x2d, 0x68, 0x87, 0x75, 0x50, 0x5d, 0x88, 0x0e, 0x00, 0x52, 0xa5, 0x11, 0x3f, 0x3c, 0xfe, 0x89, 0x45, 0x6a, 0x95, 0x29, 0x87, 0xd3, 0xa4, 0x1a, 0xc3, 0x26, 0x1e, 0x4f, 0x3e, 0x9d, 0x56, 0xd8, 0x70, 0x83, 0x01, 0xd6, 0xe8, 0xa5, 0xa6, 0xf0, 0xd9, 0x4c, 0x92, 0xd3, 0x0d, 0x37, 0x37, 0x2b, 0x15, 0x41, 0x50, 0x56, 0x6d, 0x46, 0x06, 0x3a, 0x25, 0xa6, 0x5c, 0x44, 0x4d, 0xf9, 0x2a, 0x63, 0xb1, 0x01, 0xa2, 0x19, 0x4a, 0x0f, 0xff, 0x00, 0x90, 0x8f, 0xd1, 0x14, 0x5b, 0x57, 0xb4, 0x7b, 0xaa, 0x06, 0x02, 0xe8, 0x80, 0x1d, 0x3a, 0x2c, 0xce, 0x27, 0x2c, 0x0d, 0x7d, 0x14, 0x19, 0xca, 0x08, 0x02, 0x64, 0xc1, 0x4e, 0x09, 0x3a, 0x01, 0x21, 0x6a, 0x53, 0x15, 0xe9, 0xb3, 0x2b, 0x5b, 0x4c, 0xdc, 0xff, 0x00, 0x3c, 0x6a, 0x4e, 0xd0, 0xad, 0xdd, 0xbb, 0x98, 0x41, 0x63, 0x2f, 0xfe, 0x65, 0x92, 0x98, 0xec, 0xe9, 0x06, 0x08, 0x96, 0x88, 0xb5, 0xd5, 0x07, 0x66, 0xbe, 0xfb, 0xaa, 0xcc, 0x63, 0x50, 0x02, 0x06, 0xb2, 0x22, 0xfd, 0x6e, 0xb1, 0xd7, 0x33, 0x49, 0xc0, 0xff, 0x00, 0x49, 0x3e, 0xcb, 0x83, 0xf0, 0x9b, 0xe1, 0x98, 0x9d, 0x6e, 0x41, 0xe7, 0xcd, 0x77, 0xe0, 0x83, 0x7b, 0xa6, 0x66, 0x74, 0x89, 0xdc, 0x24, 0x7b, 0xa2, 0x4c, 0xce, 0xc9, 0xb6, 0x7c, 0xc7, 0x44, 0xc1, 0x10, 0xe8, 0x17, 0x50, 0x61, 0xc4, 0x02, 0xad, 0xa6, 0x08, 0xee, 0x98, 0x0b, 0x33, 0x4c, 0xc0, 0x20, 0xfd, 0xbc, 0x56, 0x4c, 0xad, 0xe6, 0xd5, 0xd2, 0xf8, 0x84, 0x0f, 0xcc, 0xaa, 0x12, 0x62, 0xc3, 0xf7, 0xee, 0xb9, 0x12, 0x2f, 0x04, 0xf8, 0x20, 0x68, 0x49, 0xd7, 0x92, 0x92, 0x49, 0x6c, 0x11, 0xa6, 0xea, 0xda, 0xed, 0x89, 0x08, 0x3a, 0xcb, 0x50, 0x72, 0xea, 0x40, 0x25, 0x05, 0xdc, 0xbc, 0x82, 0x90, 0xe3, 0xa8, 0x02, 0x17, 0x9a, 0xf8, 0xb8, 0xb5, 0xd5, 0x70, 0x80, 0xce, 0xf1, 0x03, 0xc1, 0x7a, 0x46, 0x48, 0x90, 0x3e, 0xe9, 0xce, 0xe4, 0x5b, 0xa6, 0xea, 0x76, 0x33, 0x1e, 0x48, 0x68, 0xb1, 0x24, 0x80, 0x95, 0x85, 0x8c, 0x49, 0x54, 0x40, 0x89, 0x07, 0xd9, 0x45, 0x85, 0xcb, 0x4c, 0x20, 0x92, 0x61, 0xd1, 0x6e, 0x50, 0x99, 0xb7, 0x21, 0xe4, 0xa5, 0x82, 0x23, 0x30, 0xb4, 0xda, 0x15, 0xcd, 0xcc, 0x21, 0xc2, 0xf3, 0x36, 0x89, 0xb2, 0x41, 0xb0, 0x4d, 0xef, 0x08, 0x37, 0x10, 0x7d, 0x50, 0xd0, 0x48, 0xf0, 0x3c, 0xd3, 0x77, 0xcd, 0x61, 0xba, 0x92, 0xd7, 0x13, 0x72, 0x3d, 0x12, 0x6c, 0x01, 0x10, 0x09, 0xdd, 0x38, 0xd8, 0xcc, 0x1f, 0x64, 0x48, 0x88, 0x21, 0x2c, 0xbb, 0xb6, 0xc8, 0x20, 0x4c, 0x8d, 0x79, 0xa3, 0xa0, 0x3a, 0xeb, 0xba, 0x2c, 0xdd, 0x77, 0x52, 0x43, 0x45, 0xf6, 0xf0, 0x4f, 0x50, 0x67, 0x6d, 0x2c, 0x9e, 0x8d, 0x81, 0x20, 0x1f, 0x34, 0x6c, 0x62, 0x27, 0xc5, 0x20, 0x0b, 0xb9, 0x78, 0xe9, 0x0a, 0x5c, 0x0d, 0xc0, 0x3e, 0x29, 0x44, 0x0b, 0x3a, 0x41, 0xe6, 0xab, 0xf9, 0x40, 0xb9, 0x3b, 0x15, 0x0d, 0x06, 0x6e, 0x40, 0x31, 0x2a, 0xa4, 0x41, 0x03, 0x94, 0xa5, 0xab, 0x80, 0x01, 0x17, 0x69, 0xef, 0x23, 0x5f, 0x94, 0x4d, 0x94, 0xe5, 0x10, 0x0c, 0x1b, 0xf4, 0x55, 0x39, 0x88, 0x8b, 0x10, 0xa8, 0x5a, 0xf1, 0x7d, 0x01, 0x48, 0xcc, 0x18, 0xba, 0x40, 0x98, 0x89, 0x09, 0xee, 0x2f, 0x05, 0x04, 0x88, 0xb9, 0xba, 0x50, 0x62, 0x49, 0x24, 0x7a, 0x24, 0x5b, 0x79, 0x72, 0xa0, 0xde, 0xec, 0xa5, 0x04, 0xd8, 0x98, 0x09, 0x98, 0xb0, 0x07, 0xdd, 0x19, 0x6d, 0x78, 0x9f, 0x54, 0x9c, 0x04, 0x08, 0x01, 0x12, 0x34, 0x1a, 0xef, 0x65, 0x46, 0xf0, 0xd2, 0x93, 0x86, 0x60, 0x1b, 0xbf, 0x82, 0x05, 0x33, 0xd0, 0x1d, 0xed, 0xaa, 0x1b, 0xdd, 0x0e, 0x97, 0x09, 0x3d, 0x11, 0x3a, 0x02, 0x07, 0x8a, 0xd6, 0xc6, 0xf0, 0xea, 0x18, 0xba, 0xb8, 0x5a, 0xd5, 0x81, 0xed, 0xb0, 0xb5, 0x4d, 0x4a, 0x4e, 0x6b, 0xa0, 0xb4, 0x96, 0x96, 0xc1, 0xe9, 0x04, 0x88, 0x5b, 0x21, 0x9d, 0xe2, 0x62, 0x3a, 0x44, 0x7e, 0xfd, 0xd0, 0x32, 0x83, 0x70, 0x04, 0x2a, 0xcb, 0xce, 0xe9, 0x41, 0x98, 0x52, 0x03, 0x49, 0x20, 0x9b, 0x9e, 0x4a, 0x85, 0xc3, 0xb4, 0x99, 0x88, 0xe6, 0xa6, 0x2f, 0xa1, 0x1a, 0xfb, 0x74, 0x4d, 0x85, 0xa1, 0xa4, 0x5d, 0x31, 0x71, 0x69, 0xf5, 0x54, 0x74, 0xb2, 0x92, 0x48, 0xb1, 0x29, 0x17, 0x44, 0xc1, 0x1a, 0x46, 0xa9, 0x92, 0x05, 0xc9, 0x3a, 0x72, 0x98, 0x49, 0xaf, 0xee, 0x98, 0x91, 0xe7, 0x32, 0x98, 0x71, 0x3f, 0x31, 0x1e, 0x2a, 0xb7, 0x04, 0xa4, 0x60, 0x81, 0x67, 0x48, 0x33, 0xba, 0xa0, 0x49, 0x88, 0x98, 0x01, 0x0d, 0x90, 0x0d, 0x85, 0xf9, 0xa4, 0x48, 0xfe, 0x60, 0x27, 0xa1, 0x4b, 0x52, 0x2f, 0x65, 0x44, 0xeb, 0x94, 0xe8, 0x2f, 0x3a, 0x25, 0x16, 0xd4, 0x4e, 0xa9, 0xcc, 0x88, 0x24, 0x75, 0xbe, 0xaa, 0x66, 0x0d, 0xa2, 0x0a, 0x52, 0x37, 0x56, 0x6e, 0x24, 0x10, 0x96, 0x60, 0x36, 0x16, 0x13, 0x3a, 0x28, 0xae, 0xef, 0xe1, 0x54, 0x24, 0x03, 0x2d, 0x3b, 0xf4, 0x2b, 0x81, 0xf0, 0x89, 0xfe, 0x16, 0x24, 0x5e, 0xe5, 0xbe, 0x5a, 0x8f, 0xd5, 0x7a, 0x03, 0x1c, 0xc9, 0x54, 0x1d, 0x22, 0xc7, 0xc5, 0x30, 0x05, 0x8d, 0xfe, 0xe9, 0x46, 0x59, 0x89, 0x09, 0x13, 0x26, 0x0c, 0x20, 0x5c, 0x82, 0x01, 0xca, 0x15, 0x5c, 0x98, 0x13, 0xa4, 0xac, 0xac, 0x80, 0x40, 0x24, 0xdf, 0x55, 0x72, 0xde, 0x43, 0xd1, 0x74, 0xbe, 0x22, 0xb7, 0x12, 0xa8, 0x75, 0x36, 0xfd, 0x57, 0x25, 0x9a, 0x82, 0x4d, 0xe3, 0x48, 0x43, 0xa4, 0x12, 0x2f, 0x3e, 0x09, 0x5b, 0x99, 0x9e, 0xbb, 0x2a, 0x33, 0x68, 0x68, 0xf4, 0x43, 0x9c, 0x76, 0xb7, 0x35, 0x40, 0x02, 0x25, 0xa4, 0x29, 0x71, 0x04, 0x4e, 0xfc, 0xd4, 0x73, 0x24, 0x58, 0x2f, 0x33, 0xf1, 0x87, 0xf8, 0xb8, 0x32, 0x09, 0x13, 0x98, 0x78, 0xdc, 0x2f, 0x4a, 0xd7, 0x9c, 0x82, 0x4c, 0x4d, 0xe2, 0x15, 0xe5, 0x07, 0x50, 0x61, 0x1b, 0x8b, 0x14, 0x11, 0xcc, 0x8b, 0xa9, 0x07, 0x29, 0x93, 0x64, 0xc9, 0x9d, 0x41, 0x84, 0x58, 0x0d, 0x0f, 0x4b, 0xa5, 0xa9, 0x83, 0x2a, 0x4c, 0x43, 0x81, 0x92, 0x76, 0xb2, 0xc7, 0x46, 0xbb, 0x6a, 0x87, 0x1a, 0x64, 0xd9, 0xee, 0x66, 0xa3, 0x56, 0xd9, 0x65, 0x33, 0x78, 0x20, 0x9d, 0x49, 0x5a, 0xb8, 0xcc, 0x59, 0xc3, 0x00, 0x45, 0x2a, 0xb5, 0x44, 0x17, 0x3b, 0xb3, 0x83, 0x94, 0x01, 0xd4, 0xac, 0x2c, 0xe2, 0x6d, 0x75, 0x1e, 0xd4, 0xe1, 0xeb, 0x36, 0x91, 0x82, 0x1e, 0x5a, 0x37, 0x85, 0xd0, 0x0e, 0x0e, 0xb0, 0x82, 0x01, 0xd4, 0x10, 0x7d, 0x79, 0x24, 0x5d, 0x06, 0x0b, 0x4c, 0x82, 0x46, 0xa3, 0x65, 0x15, 0xab, 0x32, 0x8d, 0x30, 0xea, 0x92, 0x01, 0x76, 0x5d, 0x39, 0x91, 0x7f, 0x75, 0x65, 0xc1, 0xae, 0x03, 0x30, 0x04, 0x9b, 0x02, 0x62, 0x4a, 0x4e, 0x39, 0x4b, 0x89, 0x22, 0xc9, 0x3d, 0xf7, 0x11, 0x0d, 0xb6, 0xe7, 0xf4, 0xd6, 0x12, 0xed, 0x04, 0x5e, 0xe6, 0x26, 0xd7, 0x9f, 0xdd, 0x95, 0xce, 0xa2, 0x0d, 0x8c, 0x0e, 0xa4, 0x5d, 0x4b, 0x8e, 0x56, 0x48, 0x8d, 0x27, 0x5f, 0xdd, 0x94, 0x67, 0x69, 0x12, 0x08, 0x31, 0x7b, 0x10, 0x60, 0x1d, 0xd1, 0xdb, 0xb0, 0x57, 0x14, 0x49, 0x97, 0xe5, 0x2e, 0x11, 0x7d, 0xf9, 0xaa, 0x31, 0x04, 0x97, 0x00, 0x08, 0x07, 0x5d, 0x42, 0xa1, 0x06, 0x40, 0x23, 0xa5, 0xc6, 0xa3, 0x65, 0x2d, 0x22, 0x6c, 0x41, 0x91, 0xfb, 0x9e, 0x49, 0x91, 0x06, 0x72, 0x92, 0x23, 0x97, 0xbc, 0xe9, 0x1e, 0x6b, 0x0e, 0x2a, 0xb3, 0x28, 0xe1, 0xdf, 0x51, 0xc6, 0x43, 0x41, 0x30, 0xd2, 0x0e, 0x8a, 0x59, 0x5c, 0x9c, 0x3f, 0x6b, 0x51, 0xa5, 0x86, 0x24, 0x8d, 0x62, 0x2f, 0x7f, 0x25, 0x2d, 0xc6, 0xd3, 0x7b, 0xa8, 0x35, 0xb3, 0x15, 0x69, 0x97, 0xb4, 0x90, 0x44, 0x01, 0x16, 0xf1, 0xba, 0xcf, 0x66, 0x80, 0xf0, 0xf2, 0x5a, 0x77, 0x8b, 0x7f, 0x65, 0x2c, 0x78, 0x32, 0x5a, 0x5a, 0x46, 0x96, 0xf1, 0xe9, 0xba, 0xc3, 0x57, 0x17, 0x93, 0x19, 0x4e, 0x83, 0x58, 0x5c, 0xf7, 0x34, 0xb8, 0x9b, 0x58, 0x0b, 0x68, 0x77, 0xd2, 0xcb, 0x30, 0xa9, 0x98, 0xbb, 0x2b, 0x86, 0x61, 0xa8, 0xe4, 0x6f, 0xe5, 0xee, 0xa5, 0xd5, 0x1b, 0x98, 0x34, 0xb9, 0xb9, 0xf5, 0x89, 0x17, 0xea, 0xa8, 0xbc, 0x30, 0xb7, 0xb4, 0x70, 0x60, 0x71, 0xca, 0x24, 0x91, 0xfb, 0xba, 0xd1, 0x7f, 0x12, 0x0e, 0x6c, 0x52, 0xa4, 0xe7, 0xbd, 0xcf, 0x34, 0xda, 0x24, 0x89, 0x8d, 0xfc, 0x3c, 0x96, 0x7c, 0x16, 0x23, 0xf1, 0x0c, 0xa8, 0x1d, 0x4c, 0xb2, 0xa5, 0x33, 0x95, 0xcd, 0x37, 0xeb, 0xae, 0xf6, 0x85, 0xb2, 0x1c, 0x5d, 0x7c, 0xa6, 0x52, 0x70, 0x71, 0x06, 0x27, 0xc0, 0x14, 0x81, 0xd8, 0x8b, 0x85, 0x56, 0x24, 0x1b, 0xa1, 0xd6, 0x10, 0x06, 0x89, 0x87, 0x5a, 0xe0, 0x49, 0x43, 0xa1, 0xc9, 0xb4, 0x1d, 0xe2, 0x36, 0x4b, 0x51, 0x12, 0x27, 0x7b, 0x27, 0x03, 0x2e, 0xd2, 0x15, 0x02, 0x0d, 0x80, 0xb8, 0x4b, 0xf9, 0x84, 0x82, 0x42, 0x63, 0x28, 0x04, 0xcf, 0x8a, 0x44, 0xdc, 0x40, 0x30, 0x37, 0x84, 0x4d, 0xee, 0xd0, 0x4a, 0x09, 0x73, 0x6d, 0x22, 0x3c, 0x34, 0x50, 0x3b, 0xc2, 0xe6, 0xf3, 0xc9, 0x54, 0xdc, 0x4e, 0x86, 0xcb, 0x05, 0x57, 0x55, 0xcd, 0x4d, 0xac, 0xa8, 0x06, 0x62, 0x64, 0x96, 0xce, 0x89, 0xb9, 0x95, 0x83, 0x80, 0x35, 0x69, 0x9e, 0x7f, 0xc3, 0x23, 0xf5, 0x53, 0x41, 0xcf, 0x15, 0x9e, 0xc7, 0x16, 0xb8, 0x06, 0xcd, 0x9b, 0x1a, 0x93, 0xf6, 0x5b, 0x20, 0x00, 0x4c, 0xcc, 0x8b, 0x22, 0x74, 0x33, 0xec, 0xa4, 0x6b, 0x98, 0x45, 0xf4, 0xe8, 0xb9, 0xf8, 0x7c, 0x63, 0x71, 0x18, 0xdc, 0x46, 0x16, 0x9e, 0x26, 0x97, 0x6d, 0x46, 0x1c, 0xfa, 0x41, 0xb2, 0xe6, 0xb4, 0xcc, 0x12, 0x05, 0xc0, 0xb1, 0xbe, 0x8b, 0x9f, 0xc7, 0xf8, 0xf3, 0x78, 0x1d, 0x06, 0x3b, 0x15, 0x55, 0xf5, 0x6b, 0x55, 0x0e, 0x2c, 0xa1, 0x4a, 0x9c, 0xb8, 0x80, 0x25, 0xce, 0x81, 0x70, 0x06, 0xa4, 0x90, 0x00, 0x11, 0xb9, 0x01, 0x76, 0xb0, 0xce, 0x75, 0x4c, 0x3d, 0x27, 0x3a, 0x73, 0x16, 0x82, 0x7a, 0x74, 0x2b, 0x27, 0x78, 0x3d, 0xb7, 0xb1, 0x56, 0xe3, 0x3a, 0xd8, 0x2c, 0x38, 0x97, 0x9a, 0x74, 0x1c, 0xea, 0x71, 0x98, 0x68, 0x7d, 0x14, 0xe4, 0xad, 0x20, 0x3a, 0xb9, 0xbf, 0xf9, 0x45, 0x94, 0xbf, 0xb6, 0xa6, 0xfa, 0x73, 0x58, 0x96, 0xb9, 0xd1, 0xa7, 0x42, 0xb6, 0x8e, 0xa8, 0x37, 0x88, 0x99, 0x1b, 0x0d, 0x90, 0x73, 0x5b, 0x58, 0x58, 0x2b, 0x66, 0x7d, 0x51, 0x4c, 0x3c, 0x34, 0x16, 0x12, 0x7b, 0xa0, 0x9b, 0x11, 0xcf, 0xc5, 0x0c, 0xa7, 0x57, 0x2f, 0xf8, 0xee, 0xdb, 0x66, 0xfd, 0x95, 0x51, 0x7b, 0xda, 0xfa, 0xad, 0x73, 0xf3, 0xe5, 0x83, 0x36, 0xb4, 0x8f, 0xec, 0xb2, 0x07, 0x0c, 0xd7, 0x8e, 0x8a, 0xf5, 0x32, 0x93, 0x9b, 0xdd, 0x1a, 0xf3, 0x5a, 0xf4, 0x1b, 0x52, 0xa3, 0x4b, 0x9d, 0x54, 0xb4, 0x17, 0x10, 0x21, 0xa3, 0x62, 0x79, 0x82, 0x76, 0x55, 0x55, 0x8f, 0x0d, 0x24, 0x57, 0x7c, 0x00, 0x79, 0x75, 0x4e, 0x93, 0xb3, 0x52, 0x6b, 0xb5, 0x24, 0x09, 0xf3, 0x0a, 0xa3, 0xbb, 0x31, 0x65, 0x40, 0xb4, 0x03, 0x02, 0xe8, 0xda, 0x60, 0xdc, 0xca, 0x9a, 0xd1, 0xd9, 0x3e, 0xe2, 0x08, 0x3f, 0x4f, 0xee, 0xb8, 0x3f, 0x08, 0x9f, 0xe1, 0xe2, 0x1d, 0x68, 0x2e, 0x6d, 0xbc, 0xca, 0xf4, 0x5a, 0x68, 0x48, 0xe8, 0x9c, 0x19, 0x3c, 0xce, 0xa8, 0x71, 0xca, 0xd1, 0xf4, 0xd1, 0x3b, 0x18, 0x20, 0x92, 0x14, 0x3c, 0x19, 0x00, 0x26, 0x35, 0x82, 0x0f, 0xa2, 0xb1, 0x00, 0xcb, 0x60, 0x02, 0x23, 0x9a, 0xc9, 0x48, 0x02, 0x04, 0x8b, 0x0d, 0xd6, 0x78, 0x0b, 0x7b, 0xe2, 0x2f, 0xfb, 0x8b, 0xe3, 0xa7, 0xef, 0xd9, 0x71, 0xdf, 0x63, 0x72, 0x62, 0xc9, 0x03, 0x26, 0xc0, 0x10, 0x98, 0x77, 0x21, 0xfa, 0x24, 0x4c, 0xb7, 0xaa, 0x60, 0xb4, 0x36, 0x4d, 0x92, 0x0e, 0x00, 0x6a, 0x40, 0x29, 0x3b, 0xba, 0x37, 0x23, 0xc5, 0x36, 0x38, 0x96, 0x99, 0x16, 0xd9, 0x79, 0xbf, 0x8b, 0x40, 0x35, 0x30, 0x86, 0x01, 0x82, 0xe2, 0x07, 0xa2, 0xf4, 0x8c, 0x9c, 0xa0, 0x0f, 0x04, 0xe6, 0x09, 0x20, 0x03, 0xcd, 0x3b, 0x3b, 0x56, 0x9d, 0x76, 0x29, 0x45, 0xb7, 0x90, 0x79, 0xa4, 0x5c, 0x75, 0x23, 0xc1, 0x3f, 0x9a, 0xe9, 0x1e, 0x9b, 0x27, 0x60, 0x14, 0xe5, 0x93, 0x02, 0x4f, 0x2b, 0xc2, 0xe0, 0x52, 0xa3, 0x86, 0x76, 0x1b, 0x1b, 0x51, 0xe5, 0xdd, 0xad, 0x3a, 0xb5, 0x20, 0xc9, 0x05, 0x84, 0x9d, 0x87, 0x97, 0x55, 0xd6, 0xc2, 0x56, 0x73, 0xb0, 0xd4, 0x43, 0x8c, 0x55, 0x34, 0xda, 0x4b, 0x77, 0xd2, 0x34, 0x4f, 0x16, 0x4b, 0x70, 0x75, 0x81, 0x93, 0x0d, 0x71, 0x3a, 0x8d, 0x8a, 0xe6, 0x62, 0x41, 0x77, 0xc3, 0x54, 0x84, 0x10, 0x0d, 0x3a, 0x60, 0xdf, 0x79, 0x6d, 0xd3, 0xc4, 0xd1, 0x18, 0x5c, 0x65, 0x23, 0x86, 0x69, 0x6b, 0xdf, 0x49, 0xf9, 0xa0, 0x9e, 0xf4, 0x0b, 0x12, 0x37, 0x5a, 0x98, 0x5a, 0x6e, 0x0d, 0xc1, 0x54, 0x1d, 0x83, 0x2a, 0x9a, 0x8d, 0x97, 0x0a, 0x85, 0xcf, 0x74, 0xea, 0x22, 0x2d, 0xec, 0xba, 0x3c, 0x72, 0x9b, 0x5d, 0x85, 0xa2, 0xfa, 0x94, 0x9a, 0x40, 0xaa, 0xc9, 0xe8, 0x0b, 0x80, 0x32, 0xb9, 0xd5, 0xfb, 0xd8, 0xac, 0x58, 0xa9, 0x4e, 0x8e, 0x4a, 0x60, 0x64, 0xed, 0x6a, 0x39, 0xb0, 0x00, 0xd5, 0xa0, 0x4c, 0x8b, 0xeb, 0xcd, 0x5e, 0x1a, 0x83, 0x2b, 0xe2, 0x68, 0x0c, 0x46, 0x5a, 0xc1, 0xb8, 0x50, 0x2e, 0x09, 0x93, 0x9b, 0x5b, 0xdf, 0x40, 0x14, 0x33, 0x0f, 0x4a, 0x97, 0x0f, 0x6d, 0x60, 0x0f, 0x6c, 0x2b, 0xc0, 0x78, 0x37, 0x00, 0x3e, 0x20, 0x6d, 0x11, 0xb7, 0x45, 0x54, 0xe8, 0xe1, 0x6b, 0xd4, 0xc7, 0xbb, 0x14, 0x5a, 0x4b, 0x6a, 0x17, 0x0c, 0xd7, 0xcb, 0xd4, 0x72, 0x2a, 0x18, 0xe7, 0x56, 0x7e, 0x11, 0x98, 0x81, 0x4d, 0xe7, 0xb1, 0x06, 0x2b, 0x38, 0xb4, 0x38, 0xc9, 0x19, 0xac, 0x35, 0x84, 0x52, 0xa6, 0x2b, 0x1c, 0x25, 0x2a, 0x8e, 0x0f, 0xa4, 0x6b, 0xbc, 0x0e, 0xcd, 0xc4, 0xd8, 0x68, 0x26, 0x04, 0x8e, 0x8a, 0xb1, 0x6d, 0xa6, 0xf3, 0x8b, 0x2d, 0xa4, 0xcf, 0xe0, 0xb4, 0x34, 0x3e, 0xab, 0xcf, 0x76, 0x1a, 0x3e, 0x46, 0xed, 0xa7, 0xaa, 0xc9, 0x86, 0xa7, 0x4d, 0xf8, 0xcc, 0x35, 0x4a, 0x99, 0x7b, 0x57, 0xe1, 0x43, 0xa4, 0x99, 0x24, 0x88, 0x4c, 0x56, 0x07, 0x83, 0xe0, 0x9b, 0x98, 0x76, 0x99, 0xa9, 0x82, 0x26, 0xf2, 0x11, 0x52, 0x9b, 0xfb, 0x2e, 0x25, 0x5c, 0x03, 0xdb, 0xb1, 0xcf, 0x0c, 0x76, 0x6f, 0x94, 0x10, 0x34, 0xeb, 0x08, 0xc1, 0xb7, 0xb3, 0xc6, 0xe1, 0x1d, 0x45, 0xb4, 0x69, 0x97, 0x4c, 0xe4, 0xa8, 0xe7, 0x3a, 0xa8, 0x88, 0xb8, 0x88, 0x99, 0xdd, 0x6d, 0xf1, 0x36, 0xb3, 0xb6, 0xc2, 0x53, 0xc4, 0x7f, 0xd3, 0xbd, 0xe4, 0xb8, 0x18, 0x12, 0x63, 0x43, 0xbc, 0x2e, 0x6f, 0x10, 0xa7, 0x4b, 0xb1, 0xe2, 0x14, 0x68, 0x96, 0xf6, 0x22, 0x8b, 0x5d, 0x0d, 0x36, 0x0e, 0x33, 0xa4, 0x68, 0x17, 0x5b, 0x17, 0x42, 0x99, 0xe1, 0xf5, 0x69, 0xb5, 0xa0, 0xb3, 0x29, 0x39, 0x75, 0xb8, 0xbf, 0xb9, 0x2b, 0x95, 0x85, 0xc3, 0xd2, 0x7d, 0x5e, 0x1a, 0x05, 0x26, 0x76, 0x62, 0x8b, 0xdc, 0x5a, 0xd8, 0x8c, 0xd6, 0xd5, 0x2a, 0xad, 0x34, 0xa9, 0x62, 0x28, 0xb1, 0xac, 0xec, 0x5b, 0x8a, 0x12, 0x0c, 0x65, 0x0d, 0x2d, 0x1e, 0x82, 0x4a, 0xdc, 0xe1, 0xad, 0x63, 0x71, 0xb5, 0x43, 0x0d, 0x00, 0x32, 0x43, 0x99, 0x40, 0x98, 0xd6, 0xc7, 0xe8, 0xa3, 0x88, 0x51, 0x23, 0x89, 0x54, 0x7d, 0x3a, 0x63, 0xb4, 0x18, 0x72, 0xe0, 0x7a, 0x82, 0x44, 0xff, 0x00, 0xab, 0xea, 0xb5, 0x8b, 0x70, 0xec, 0xc2, 0xe1, 0x1d, 0x86, 0x0c, 0x18, 0x93, 0x51, 0x87, 0x30, 0x8c, 0xc4, 0xc8, 0x99, 0xde, 0x20, 0x19, 0x55, 0x18, 0x67, 0xe1, 0xf1, 0xae, 0xc5, 0x35, 0xbf, 0x89, 0x0f, 0x70, 0x26, 0xa4, 0x66, 0x6f, 0x2c, 0xa3, 0x58, 0xe4, 0xab, 0x0c, 0xda, 0x67, 0x14, 0x3f, 0x31, 0x2c, 0x93, 0x87, 0x60, 0x68, 0xa9, 0x00, 0x13, 0x6b, 0xde, 0x2f, 0x30, 0xb2, 0x70, 0xb2, 0xc6, 0x70, 0xec, 0x4b, 0xa8, 0x91, 0x95, 0x95, 0x6a, 0x96, 0x39, 0xdb, 0x08, 0x8b, 0x74, 0x5d, 0x0e, 0x1b, 0x41, 0xb4, 0x70, 0xec, 0x87, 0xf6, 0x8e, 0x77, 0x79, 0xee, 0xfe, 0xa3, 0xcd, 0x6c, 0x91, 0x00, 0x02, 0x37, 0x84, 0x8b, 0x60, 0x1b, 0x01, 0x29, 0x86, 0x88, 0x90, 0x2e, 0x98, 0x1c, 0x81, 0xea, 0x87, 0x80, 0x5a, 0x01, 0x90, 0x86, 0x34, 0x66, 0x10, 0x07, 0x54, 0x38, 0x5f, 0x54, 0x11, 0x00, 0x24, 0xf1, 0xa4, 0x79, 0xaa, 0x1a, 0x18, 0x3e, 0x8a, 0x48, 0x74, 0xee, 0xa8, 0x4c, 0x88, 0x27, 0x49, 0x4e, 0xd3, 0x27, 0x55, 0x26, 0x2d, 0x73, 0x04, 0xfa, 0xa7, 0xb1, 0x23, 0x54, 0x8d, 0xc1, 0x82, 0x91, 0x91, 0xa0, 0x28, 0x6b, 0x73, 0x7c, 0xc0, 0xd9, 0x62, 0x79, 0x70, 0xc4, 0x50, 0x04, 0xdc, 0xc8, 0xd3, 0xa2, 0xcc, 0x4b, 0xb5, 0x74, 0x5e, 0xf1, 0xc9, 0x61, 0x6c, 0x8c, 0x5b, 0xc5, 0xc0, 0x2c, 0x11, 0xea, 0x7e, 0xeb, 0x38, 0x04, 0x89, 0xb2, 0x51, 0x06, 0xea, 0x4b, 0x44, 0xe8, 0x75, 0x0b, 0xca, 0xfc, 0x55, 0x84, 0xa7, 0x4b, 0x0b, 0x57, 0x8c, 0xd0, 0xc4, 0x8c, 0x26, 0x3b, 0x87, 0xe7, 0xa8, 0xda, 0xd3, 0x2d, 0x73, 0x4c, 0x13, 0x49, 0xed, 0xfe, 0x60, 0x60, 0x18, 0xd4, 0x1b, 0xf8, 0xe0, 0xf8, 0x16, 0xa0, 0xe2, 0x55, 0x38, 0x87, 0x14, 0xe2, 0x32, 0x38, 0xc5, 0x47, 0x0a, 0x75, 0xa8, 0x54, 0x69, 0x69, 0xc3, 0xd2, 0x07, 0xb8, 0xc6, 0x83, 0x7c, 0xa6, 0x33, 0x0d, 0x25, 0xde, 0x17, 0xf5, 0x98, 0x19, 0xfc, 0x3d, 0x30, 0xe0, 0x26, 0x20, 0xc0, 0x03, 0xe9, 0x61, 0xf4, 0x59, 0x01, 0xb9, 0xbc, 0x1d, 0xa5, 0x33, 0xad, 0xee, 0xb0, 0xe3, 0x0f, 0xfc, 0x3b, 0xe4, 0x08, 0x59, 0x8e, 0x58, 0x8b, 0x89, 0xf7, 0x5a, 0xf5, 0xe3, 0x35, 0x08, 0xd7, 0xb4, 0xd2, 0x56, 0xc6, 0xd3, 0x74, 0xae, 0x2f, 0x16, 0x29, 0xe6, 0x19, 0x79, 0x13, 0xcb, 0x65, 0x8b, 0xb4, 0x68, 0xc5, 0x82, 0x6e, 0x45, 0x37, 0x6e, 0x39, 0xfa, 0xac, 0xc1, 0xcd, 0xcd, 0x32, 0x48, 0x23, 0x92, 0xc5, 0x4a, 0x3f, 0x11, 0x58, 0xed, 0x94, 0x74, 0xd3, 0xeb, 0xaa, 0xcc, 0xe7, 0x5e, 0x6c, 0x94, 0xda, 0x73, 0x04, 0xce, 0x9b, 0xec, 0xb0, 0x61, 0xa7, 0xb1, 0xf9, 0x6d, 0x99, 0xc7, 0xff, 0x00, 0xe8, 0xac, 0x8f, 0x61, 0x34, 0xc9, 0x11, 0xa1, 0x3e, 0xca, 0x70, 0xf1, 0xd8, 0x52, 0x92, 0x2c, 0xd1, 0xd3, 0x65, 0x66, 0xd6, 0x32, 0x44, 0x4a, 0xa8, 0x69, 0x02, 0x01, 0x43, 0xa0, 0xb7, 0x4f, 0x65, 0x8e, 0xb6, 0x51, 0x4d, 0xde, 0x07, 0xe9, 0xfd, 0x97, 0x07, 0xe0, 0xf7, 0x0e, 0xcb, 0x12, 0x0d, 0xee, 0x36, 0x8e, 0x6b, 0xd1, 0x9d, 0x44, 0x83, 0x09, 0xbb, 0xa6, 0x89, 0x34, 0xdf, 0xbc, 0x02, 0xa8, 0xbc, 0x82, 0x2e, 0x80, 0x35, 0x93, 0x68, 0x9d, 0x53, 0x20, 0x48, 0x20, 0x1b, 0xdd, 0x39, 0x6e, 0xf3, 0x25, 0x64, 0xa6, 0xec, 0xb0, 0x32, 0xf7, 0x56, 0xc4, 0x8f, 0xf3, 0x7a, 0x2d, 0xcf, 0x88, 0x4f, 0xfc, 0xc2, 0xa4, 0x44, 0x40, 0xdf, 0xc5, 0x72, 0x49, 0xb5, 0xe1, 0x62, 0x73, 0x08, 0x82, 0x00, 0x98, 0x8b, 0xec, 0x98, 0x69, 0x81, 0x30, 0x7d, 0x93, 0x9b, 0x68, 0x21, 0x27, 0x40, 0xb0, 0xb9, 0xd5, 0x01, 0xcf, 0x07, 0xbd, 0xa1, 0x4c, 0xc9, 0x09, 0x48, 0x06, 0x26, 0xdc, 0x97, 0x9a, 0xf8, 0xbc, 0x90, 0xec, 0x28, 0x06, 0x0f, 0x7a, 0xfe, 0x61, 0x7a, 0x40, 0x7b, 0xa0, 0x89, 0x9f, 0x15, 0x57, 0x83, 0x00, 0xca, 0xb0, 0xd2, 0x1a, 0x2c, 0x09, 0xd4, 0xdd, 0x0e, 0x88, 0xb6, 0xe6, 0xf7, 0x4a, 0x1b, 0xb0, 0x29, 0x0e, 0xed, 0xc6, 0x9e, 0x29, 0x19, 0xd4, 0x8f, 0x74, 0xff, 0x00, 0xd4, 0x54, 0xde, 0xfd, 0x26, 0x3a, 0x4c, 0x2c, 0x0e, 0xc1, 0x61, 0xaa, 0x54, 0x0e, 0x34, 0x29, 0x93, 0x72, 0x09, 0x6e, 0xf3, 0xfb, 0x2b, 0x27, 0x65, 0x4c, 0x1e, 0xd0, 0x35, 0xa1, 0xc0, 0x65, 0xd2, 0xe8, 0xb4, 0x43, 0x80, 0x73, 0x4d, 0x88, 0x3f, 0x44, 0x9d, 0x4d, 0x86, 0x91, 0xa6, 0x18, 0xd0, 0xc0, 0x23, 0x2c, 0x48, 0x01, 0x4b, 0x98, 0xde, 0xd1, 0xaf, 0x2c, 0x19, 0x9b, 0x98, 0x03, 0x02, 0xc0, 0xf8, 0xa9, 0x66, 0x1b, 0x0e, 0xca, 0xa5, 0xec, 0xa3, 0x4c, 0x3f, 0xfa, 0x83, 0x44, 0xfb, 0x2c, 0x95, 0x19, 0x4e, 0xa5, 0x32, 0xda, 0x8c, 0x0e, 0x6c, 0x41, 0x19, 0x44, 0x1b, 0xf2, 0x11, 0x75, 0x8d, 0xf8, 0x6a, 0x0f, 0x73, 0x4b, 0xa8, 0x52, 0x25, 0x82, 0x1b, 0x2d, 0x1a, 0x7d, 0x55, 0x16, 0x32, 0x73, 0xb5, 0x83, 0x36, 0x93, 0xaa, 0xc6, 0xda, 0x34, 0xc3, 0x72, 0x64, 0x19, 0x49, 0xcd, 0x11, 0xbe, 0xbf, 0xdd, 0x60, 0xa7, 0xc3, 0x69, 0x76, 0x95, 0x5f, 0x5a, 0x9b, 0x2a, 0x17, 0xb8, 0xbc, 0x12, 0xc1, 0x23, 0x41, 0x1e, 0xcb, 0x62, 0xad, 0x0a, 0x55, 0x80, 0x6d, 0x5a, 0x4c, 0x7c, 0x69, 0x2d, 0x05, 0x31, 0x87, 0xa6, 0xdc, 0xa1, 0x8c, 0x6c, 0x36, 0x72, 0xf7, 0x41, 0x89, 0x49, 0xf8, 0x5c, 0x3b, 0xaa, 0x9a, 0xaf, 0xa5, 0x4f, 0xb4, 0xd8, 0xe5, 0x13, 0x1f, 0x45, 0x4d, 0xc3, 0x51, 0x6b, 0x59, 0x96, 0x8b, 0x06, 0x50, 0x72, 0xc3, 0x40, 0x89, 0xe5, 0xcb, 0xc1, 0x26, 0xe1, 0x30, 0xd2, 0x5c, 0xda, 0x34, 0x89, 0xcd, 0x22, 0x58, 0x0a, 0xc9, 0x4e, 0x8b, 0x29, 0x07, 0x86, 0xb1, 0xa1, 0xae, 0x25, 0xce, 0xb6, 0xa4, 0xda, 0x61, 0x62, 0xa7, 0x86, 0xa3, 0x49, 0xf9, 0xe9, 0x53, 0x63, 0x5c, 0x7f, 0xca, 0x2f, 0xb6, 0xbb, 0x2b, 0xab, 0x48, 0x55, 0x6e, 0x4a, 0x8c, 0x6b, 0x98, 0x76, 0x2d, 0x9f, 0x45, 0x23, 0x0f, 0x46, 0x9d, 0x3e, 0xcc, 0x51, 0x67, 0x66, 0x4d, 0xda, 0x06, 0xab, 0x31, 0x0d, 0x22, 0x0b, 0x44, 0x72, 0x8d, 0x8a, 0x8a, 0x34, 0x19, 0x4b, 0x28, 0xa5, 0x49, 0xad, 0x02, 0x62, 0x00, 0x11, 0x2a, 0x8d, 0x3a, 0x72, 0xe6, 0x96, 0x36, 0x1c, 0x49, 0x73, 0x72, 0x8e, 0xf0, 0xfd, 0x7c, 0x54, 0x53, 0xa4, 0xca, 0x23, 0x2d, 0x36, 0xb5, 0x8c, 0x3a, 0x86, 0xb4, 0x05, 0x59, 0x21, 0xd2, 0x00, 0xcc, 0x2d, 0x20, 0x6c, 0x93, 0x68, 0xd3, 0xce, 0xf7, 0x32, 0x93, 0x5a, 0xe7, 0x4c, 0x90, 0xd1, 0x3a, 0x73, 0xf0, 0x52, 0xea, 0x14, 0xdc, 0xf0, 0xf7, 0x53, 0x63, 0x9e, 0x2c, 0x09, 0x6c, 0x90, 0x3a, 0x1f, 0xf7, 0x4a, 0xa5, 0x06, 0x55, 0x81, 0x52, 0x98, 0x74, 0xe9, 0x2d, 0x06, 0x0f, 0x42, 0x74, 0x4d, 0x94, 0x99, 0x10, 0x18, 0xd6, 0x8b, 0xda, 0x37, 0x9e, 0x4a, 0xc3, 0x74, 0x88, 0xe4, 0x00, 0xb2, 0xab, 0x1d, 0x46, 0x86, 0x75, 0x41, 0x29, 0x01, 0x69, 0x10, 0xaa, 0x20, 0x40, 0x22, 0xfe, 0xe9, 0x43, 0x8d, 0xa4, 0x10, 0x10, 0x5a, 0x1a, 0x26, 0xf2, 0xa7, 0x2e, 0x6d, 0x4a, 0x6d, 0xee, 0xdc, 0xa5, 0x20, 0xee, 0x3a, 0xa6, 0x44, 0x34, 0x81, 0xa6, 0xe5, 0x1e, 0x17, 0x48, 0x19, 0x07, 0xfa, 0xa2, 0x15, 0x48, 0x81, 0x3a, 0xc2, 0x1b, 0x10, 0x60, 0x8d, 0x67, 0x44, 0x81, 0xbd, 0x93, 0x3e, 0x51, 0x3e, 0x89, 0x38, 0x36, 0x65, 0xb0, 0x7c, 0xd5, 0x0d, 0x04, 0x1f, 0x75, 0x86, 0xad, 0x31, 0x51, 0xcd, 0x25, 0xce, 0x0e, 0x1a, 0x5f, 0x4f, 0xec, 0xa7, 0xb1, 0x27, 0xff, 0x00, 0x9a, 0xad, 0x8c, 0x6a, 0x3d, 0x67, 0x95, 0xc5, 0xd6, 0x46, 0x52, 0x6b, 0x1e, 0xe7, 0x35, 0xd5, 0x1e, 0xe2, 0x37, 0x22, 0xd0, 0x74, 0x3d, 0x56, 0x57, 0x40, 0x90, 0x49, 0xe5, 0xa2, 0x97, 0x89, 0x68, 0xb8, 0x52, 0xd2, 0x74, 0xe8, 0xbc, 0xbf, 0x1c, 0xc2, 0x0e, 0x25, 0xf1, 0x07, 0x0f, 0xe1, 0xae, 0x7b, 0xff, 0x00, 0x08, 0x1a, 0xec, 0x6d, 0x6a, 0x79, 0x84, 0x3d, 0xcd, 0x21, 0xac, 0x10, 0x6d, 0x19, 0x8c, 0x9f, 0xf4, 0xad, 0xbc, 0x67, 0x03, 0x73, 0xb8, 0xc6, 0x0b, 0x89, 0x60, 0xab, 0x3a, 0x95, 0x61, 0xfc, 0x3c, 0x4e, 0x63, 0x1d, 0xb5, 0x22, 0x0c, 0x03, 0xcc, 0x87, 0x41, 0x1e, 0x9e, 0x1d, 0x8a, 0x2d, 0x14, 0xe9, 0xb1, 0x80, 0x10, 0xd0, 0x37, 0x37, 0x3f, 0xdd, 0x64, 0x0e, 0x68, 0x06, 0xe6, 0x46, 0x9d, 0x14, 0xbb, 0xa4, 0xa5, 0x51, 0x82, 0xad, 0x37, 0x30, 0x93, 0x7d, 0x54, 0x3e, 0x83, 0x73, 0x7f, 0x89, 0x56, 0x76, 0xef, 0x94, 0xdb, 0x41, 0xa0, 0x87, 0x17, 0xd4, 0x25, 0xa6, 0x40, 0x2e, 0x25, 0x66, 0xd4, 0x41, 0x17, 0xde, 0xe7, 0xf5, 0x48, 0x09, 0x30, 0x01, 0x28, 0x71, 0x17, 0x03, 0x6f, 0x65, 0x86, 0xad, 0x16, 0xb9, 0xf9, 0x89, 0x76, 0x68, 0x89, 0x06, 0x2c, 0x7c, 0x10, 0xda, 0x0d, 0xfe, 0xba, 0xb0, 0x34, 0xfe, 0x23, 0xbe, 0xea, 0xe9, 0xd2, 0x6d, 0x37, 0x12, 0xd0, 0xe2, 0x4c, 0x49, 0x73, 0x89, 0xfa, 0xfd, 0xd6, 0x50, 0x65, 0xf7, 0x48, 0x90, 0x01, 0x80, 0x35, 0xe4, 0x9c, 0xdc, 0x10, 0x04, 0x5a, 0x56, 0x03, 0x85, 0x6b, 0x49, 0x2d, 0x73, 0xc4, 0x99, 0x8c, 0xee, 0x11, 0x37, 0xd0, 0x69, 0xaa, 0x1b, 0x87, 0xa7, 0x06, 0xf5, 0x0d, 0xa2, 0x3b, 0x47, 0x7d, 0xd6, 0x61, 0x4c, 0x06, 0x80, 0x01, 0x00, 0x5b, 0x52, 0x7d, 0xcd, 0xd5, 0x34, 0x10, 0x48, 0x3c, 0x90, 0xe0, 0x24, 0x41, 0x3a, 0x20, 0xb7, 0xa9, 0x58, 0xeb, 0x80, 0x29, 0x39, 0xba, 0xc8, 0x37, 0x5c, 0x0f, 0x84, 0x63, 0x2e, 0x24, 0x4c, 0x19, 0x03, 0xea, 0xbd, 0x23, 0x41, 0x26, 0x73, 0x20, 0xc0, 0x11, 0xa2, 0x43, 0x40, 0x4e, 0x92, 0x83, 0x31, 0x68, 0x8e, 0xa9, 0x5e, 0x08, 0x3b, 0xda, 0xca, 0x45, 0x88, 0xb1, 0xf3, 0x4f, 0x36, 0x53, 0xde, 0x59, 0x69, 0xd4, 0xe6, 0x75, 0xdf, 0x92, 0xcb, 0xda, 0x7f, 0x98, 0xae, 0xa7, 0xc4, 0x30, 0xee, 0x23, 0x56, 0x79, 0x03, 0xf5, 0x0b, 0x90, 0x44, 0x90, 0x01, 0x22, 0x56, 0x33, 0x26, 0xc4, 0x93, 0x1c, 0xd4, 0xf7, 0x86, 0xad, 0x12, 0x37, 0x56, 0x09, 0xbc, 0x90, 0x4f, 0xba, 0x0c, 0x6f, 0x13, 0x1c, 0x90, 0xdf, 0x90, 0x97, 0x01, 0x21, 0x13, 0x22, 0x64, 0x69, 0x31, 0xaa, 0x6e, 0x9c, 0xb7, 0x3a, 0xfb, 0x2f, 0x35, 0xf1, 0x75, 0xdf, 0x84, 0xbe, 0x85, 0xdb, 0x7f, 0xa5, 0x7a, 0x36, 0x08, 0x89, 0xe5, 0xcd, 0x58, 0x30, 0x0c, 0x49, 0xf3, 0x52, 0x0b, 0xa2, 0xf1, 0xaa, 0xa0, 0x35, 0x89, 0x31, 0xa6, 0xca, 0xc6, 0x84, 0x38, 0x6f, 0x3a, 0x7b, 0x20, 0x86, 0xdf, 0x28, 0x10, 0x76, 0x52, 0xdd, 0xc4, 0xe9, 0xd1, 0x0f, 0x07, 0x28, 0xb1, 0x3d, 0x54, 0x68, 0x4c, 0x13, 0x25, 0x22, 0xed, 0x2f, 0x79, 0xb1, 0xd5, 0x33, 0x10, 0x5a, 0x49, 0x09, 0x5e, 0xc0, 0xc4, 0x1e, 0x88, 0x88, 0x74, 0x4d, 0x8e, 0x96, 0x29, 0x5a, 0xe6, 0x01, 0xb7, 0x94, 0xa4, 0x27, 0x64, 0x49, 0x92, 0x08, 0x07, 0xcb, 0x74, 0x40, 0x22, 0x4e, 0xa3, 0xc9, 0x26, 0x99, 0x06, 0x66, 0x06, 0xb0, 0xa8, 0x11, 0xd6, 0x10, 0x1a, 0xe1, 0x26, 0xf7, 0x13, 0xaa, 0x00, 0x39, 0x44, 0x44, 0xa6, 0x5a, 0xe1, 0x12, 0x40, 0x07, 0x54, 0x11, 0x97, 0xbd, 0x20, 0x8d, 0x92, 0x0f, 0x04, 0x99, 0x22, 0x76, 0x95, 0x4d, 0x03, 0x4b, 0x5f, 0x90, 0xdd, 0x37, 0x18, 0x3d, 0xee, 0x50, 0x3a, 0x9b, 0x7e, 0x86, 0x54, 0xe6, 0x90, 0x27, 0xe8, 0x98, 0xee, 0x9d, 0x6d, 0xb2, 0x08, 0x99, 0x9f, 0x1b, 0x0d, 0x14, 0xee, 0x41, 0x71, 0xd6, 0xdd, 0x50, 0x1d, 0x7d, 0x4c, 0xc4, 0xaa, 0x6c, 0x9b, 0xfa, 0xa7, 0x60, 0x72, 0x92, 0x09, 0x89, 0xd4, 0x09, 0xfb, 0xa5, 0x3d, 0xd8, 0x49, 0xa4, 0xcd, 0xc2, 0xae, 0x99, 0x42, 0x4e, 0x1c, 0xec, 0x76, 0x46, 0x5b, 0x08, 0xf3, 0x4c, 0x58, 0x5a, 0x26, 0x77, 0x09, 0x08, 0x33, 0x31, 0x32, 0xa2, 0x3b, 0xd9, 0x42, 0xab, 0x45, 0xc8, 0x09, 0x34, 0x58, 0x44, 0x27, 0xec, 0x93, 0x85, 0xb5, 0xfd, 0x51, 0xfc, 0xb7, 0x00, 0xc7, 0x54, 0xb2, 0xcd, 0xc9, 0xbf, 0x85, 0x92, 0x22, 0x06, 0x60, 0x4f, 0xa2, 0x6e, 0xb3, 0x40, 0x37, 0x9d, 0x6e, 0xa4, 0x93, 0x96, 0xd1, 0x23, 0x50, 0x99, 0x2d, 0xcb, 0x10, 0x67, 0x64, 0xc1, 0x1b, 0x48, 0x1e, 0xa9, 0x4c, 0x5c, 0x11, 0x6d, 0xd0, 0x6e, 0x60, 0x08, 0x09, 0x91, 0x63, 0x10, 0x36, 0xe6, 0x93, 0x41, 0x03, 0x53, 0xcb, 0x44, 0xad, 0xa9, 0x26, 0x42, 0xe7, 0x55, 0xe3, 0x98, 0x3a, 0x1c, 0x61, 0x9c, 0x37, 0x10, 0xf7, 0x52, 0xaf, 0x55, 0x9d, 0xa5, 0x33, 0x51, 0x84, 0x32, 0xa8, 0x1a, 0x86, 0x3b, 0x42, 0xe1, 0xae, 0x59, 0x9d, 0xd6, 0x87, 0xc5, 0x9c, 0x70, 0xf0, 0xec, 0x05, 0x2a, 0x1c, 0x3e, 0xa5, 0x27, 0x71, 0x3c, 0x5b, 0x85, 0x1c, 0x30, 0x0e, 0x0e, 0x0d, 0x73, 0xa2, 0x5c, 0x7f, 0xca, 0x05, 0xfc, 0x23, 0x45, 0xb5, 0xf0, 0xb7, 0x0f, 0x7f, 0x0c, 0xe1, 0xee, 0xc2, 0x54, 0xc7, 0x3b, 0x1a, 0xe6, 0xd4, 0x2e, 0x6d, 0x47, 0x19, 0x76, 0x57, 0x49, 0x83, 0xcc, 0xcc, 0x85, 0xd9, 0x65, 0x9a, 0x0d, 0xae, 0x99, 0x26, 0x62, 0xd6, 0x53, 0x07, 0x51, 0x13, 0x1c, 0xd6, 0x0a, 0x95, 0x28, 0x36, 0xb0, 0xcd, 0x56, 0x93, 0x6a, 0x8e, 0x6e, 0x68, 0x22, 0x72, 0xf3, 0xb8, 0x1a, 0x1f, 0x74, 0x0a, 0xf8, 0x78, 0x07, 0xb7, 0x64, 0x89, 0xd1, 0xe0, 0xc7, 0xf7, 0x59, 0x18, 0x58, 0xe6, 0xe6, 0x69, 0x04, 0x44, 0xeb, 0x3e, 0xea, 0x9a, 0x35, 0x24, 0x0b, 0xa0, 0xff, 0x00, 0xa4, 0x13, 0xe2, 0x93, 0xcb, 0x1a, 0x03, 0x89, 0x01, 0xad, 0xeb, 0x11, 0xe6, 0xb0, 0x0c, 0x4d, 0x10, 0x67, 0xb6, 0xa6, 0x0f, 0x8e, 0x9e, 0xaa, 0x99, 0x88, 0xa0, 0xf7, 0xb5, 0xad, 0xad, 0x49, 0xce, 0x74, 0x08, 0x0e, 0xbd, 0xfc, 0x16, 0x58, 0x2c, 0x04, 0x01, 0x1c, 0xd3, 0x69, 0xb9, 0x75, 0xfe, 0xc8, 0x06, 0x6c, 0x4d, 0xc9, 0xe5, 0xaa, 0xc5, 0x56, 0xa5, 0x3a, 0x44, 0xf6, 0x95, 0x18, 0x09, 0x04, 0x81, 0x31, 0x30, 0xa4, 0xe2, 0x68, 0x0b, 0x76, 0xd4, 0xff, 0x00, 0xf6, 0x57, 0x4e, 0xab, 0x6a, 0x02, 0x69, 0xbd, 0xae, 0x0d, 0x89, 0x82, 0xb2, 0x07, 0x10, 0x0c, 0x1b, 0x21, 0x8e, 0x25, 0xe6, 0x62, 0x11, 0xae, 0xa0, 0x83, 0xfd, 0xd6, 0x31, 0x88, 0xa2, 0x1c, 0x66, 0xa0, 0x90, 0x77, 0x3c, 0xac, 0x90, 0xc4, 0x51, 0xcc, 0x40, 0xa8, 0xdd, 0x8c, 0x4a, 0xce, 0xc7, 0x07, 0x80, 0x40, 0x19, 0x48, 0xf1, 0x94, 0xb3, 0x77, 0x8d, 0xed, 0xa0, 0x10, 0x99, 0x9b, 0x5b, 0x64, 0x84, 0x89, 0x95, 0x8e, 0xb3, 0xbf, 0x86, 0x65, 0xc2, 0x03, 0x4e, 0xcb, 0xcf, 0xfc, 0x20, 0xe9, 0x66, 0x27, 0x2b, 0x66, 0x0b, 0x7e, 0xab, 0xd1, 0x07, 0x08, 0xde, 0x55, 0xd8, 0x91, 0x28, 0x24, 0x01, 0xa4, 0x82, 0x65, 0x51, 0x20, 0x98, 0x90, 0x10, 0x5b, 0x73, 0x7b, 0x78, 0xc4, 0x29, 0xc8, 0x20, 0x44, 0x9f, 0x34, 0x01, 0x10, 0x44, 0x19, 0xd6, 0x52, 0xcd, 0x6b, 0x11, 0xd6, 0xda, 0x2a, 0x93, 0xfd, 0x43, 0xd1, 0x76, 0xbe, 0x21, 0x3f, 0xf3, 0x37, 0xd8, 0xe8, 0x36, 0xea, 0x57, 0x25, 0xe4, 0x8b, 0x09, 0xfa, 0x29, 0x91, 0x1f, 0xb2, 0x99, 0x8b, 0x49, 0xb6, 0xc9, 0x00, 0x6e, 0x6c, 0x13, 0x00, 0x1d, 0xcc, 0xa9, 0x70, 0x30, 0x66, 0xd0, 0x79, 0x4c, 0xaa, 0x10, 0x40, 0x39, 0x4e, 0x9b, 0x24, 0x5a, 0x26, 0x7d, 0x7a, 0x2f, 0x35, 0xf1, 0x64, 0x76, 0x98, 0x6c, 0xba, 0xf7, 0x8f, 0xff, 0x00, 0xe5, 0x7a, 0x66, 0x0e, 0xe8, 0xd3, 0x44, 0xf2, 0xea, 0x44, 0x29, 0x73, 0x4e, 0xe2, 0xdc, 0xd5, 0xe8, 0x44, 0x93, 0x31, 0x70, 0x99, 0xca, 0xe1, 0xad, 0xfc, 0x54, 0x12, 0x45, 0xb9, 0x79, 0xab, 0x6c, 0x40, 0x27, 0x4d, 0xd4, 0x91, 0x68, 0x02, 0x67, 0xaa, 0x40, 0x06, 0x8b, 0xc0, 0xd8, 0x79, 0xec, 0xb5, 0x2a, 0x71, 0x2c, 0x3d, 0x3a, 0xc6, 0x93, 0x9e, 0x65, 0xa6, 0x09, 0xca, 0x72, 0xdf, 0xae, 0x92, 0xb6, 0x80, 0x91, 0x98, 0x69, 0x32, 0x67, 0x55, 0xab, 0x8d, 0xfc, 0x4b, 0x58, 0x5f, 0x85, 0x7b, 0x1a, 0xc6, 0x89, 0x76, 0x66, 0x4a, 0xe7, 0x9c, 0x5e, 0x31, 0x9c, 0x38, 0xe3, 0x6a, 0xd6, 0xa2, 0x5a, 0x58, 0xd3, 0x19, 0x48, 0xcb, 0x27, 0xde, 0xc5, 0x6e, 0xe1, 0xb1, 0xd8, 0x7a, 0xf5, 0x7b, 0x2a, 0x6e, 0x70, 0x74, 0x13, 0x0e, 0x66, 0x5b, 0x4d, 0xc8, 0x9d, 0x94, 0x61, 0xf8, 0x8e, 0x1e, 0xad, 0x4a, 0x74, 0xd8, 0xe3, 0x2f, 0x20, 0x34, 0x96, 0x98, 0x71, 0x36, 0x80, 0x74, 0x2b, 0x3d, 0x7a, 0xec, 0xa1, 0x4d, 0xd5, 0x2a, 0x90, 0xc6, 0x8b, 0x47, 0x37, 0x74, 0xe6, 0xb0, 0x52, 0xe2, 0x18, 0x7a, 0x8e, 0x23, 0x31, 0x61, 0x82, 0xe2, 0x1e, 0xd2, 0x0c, 0x0d, 0xe1, 0x64, 0x18, 0xba, 0x62, 0x95, 0x17, 0x12, 0x43, 0x2a, 0x90, 0xd6, 0x5a, 0x64, 0x91, 0x3a, 0x2c, 0x6e, 0xe2, 0x58, 0x7e, 0xd0, 0x30, 0x97, 0x46, 0x7c, 0xa5, 0xd9, 0x0c, 0x4f, 0x52, 0xa0, 0xe2, 0x9e, 0x1f, 0x5d, 0xae, 0x70, 0x6e, 0x4a, 0xcc, 0x6b, 0x7b, 0xa4, 0xc8, 0x20, 0x4c, 0x75, 0x94, 0xe8, 0xf1, 0x4a, 0x55, 0x2a, 0x56, 0x65, 0x50, 0xe6, 0x64, 0xab, 0xd9, 0x83, 0x94, 0xc6, 0xc2, 0xe7, 0x63, 0x75, 0xb7, 0xf8, 0x86, 0xf6, 0xfd, 0x91, 0x70, 0x15, 0x0b, 0x43, 0xb2, 0xc6, 0x80, 0x98, 0xfd, 0x12, 0xc4, 0x63, 0x29, 0xd1, 0x21, 0xb5, 0x0b, 0xa6, 0x24, 0x86, 0x34, 0x9b, 0x73, 0x80, 0xb4, 0xf1, 0xfc, 0x41, 0xac, 0xa3, 0x40, 0xe1, 0xde, 0x4b, 0xaa, 0xd4, 0x0d, 0x93, 0x4e, 0x60, 0x1e, 0x9c, 0xec, 0xb6, 0x71, 0xf8, 0xcf, 0xc1, 0xe1, 0x05, 0x5c, 0xa5, 0xf7, 0x68, 0xb3, 0x0d, 0xe6, 0xd7, 0x58, 0x0f, 0x12, 0x8c, 0x55, 0x76, 0x54, 0x27, 0x2b, 0x5a, 0x0b, 0x5a, 0x1a, 0x49, 0xb8, 0x5b, 0x15, 0x31, 0xd8, 0x76, 0xd2, 0x65, 0x4c, 0xf2, 0xd7, 0x8e, 0xee, 0x51, 0x24, 0xf9, 0x6a, 0x15, 0xd0, 0xaf, 0x4e, 0xbd, 0x3c, 0xf4, 0xdd, 0x2c, 0x9c, 0xb7, 0x06, 0x41, 0xe4, 0x46, 0xcb, 0x4e, 0x8f, 0x10, 0xff, 0x00, 0x89, 0xc5, 0xe7, 0x25, 0xb4, 0x69, 0x00, 0x60, 0xd3, 0x3a, 0xda, 0xf3, 0xe6, 0xb3, 0xd1, 0xc6, 0xd1, 0xad, 0x51, 0xcd, 0x69, 0x2d, 0x75, 0xdd, 0x15, 0x01, 0x6c, 0x8e, 0x7e, 0x09, 0x53, 0xe2, 0x38, 0x6a, 0x95, 0x03, 0x41, 0x7c, 0x38, 0xc3, 0x49, 0x61, 0x01, 0xc7, 0xa7, 0x34, 0xb1, 0x18, 0xfa, 0x54, 0xfb, 0x56, 0xb4, 0x54, 0x2e, 0xa6, 0x1c, 0x4b, 0x83, 0x09, 0x6b, 0x48, 0x1a, 0x12, 0xb0, 0xb1, 0xf8, 0xba, 0xcc, 0xa6, 0xe6, 0xd5, 0xec, 0x29, 0x76, 0x2d, 0xa8, 0x5f, 0x94, 0x3b, 0x31, 0x27, 0xae, 0x83, 0x75, 0xb5, 0xc3, 0xaa, 0xd4, 0xc4, 0x61, 0x29, 0x54, 0xa8, 0x00, 0x73, 0x84, 0x9f, 0x7f, 0xd2, 0xeb, 0x64, 0x68, 0x40, 0xdf, 0x44, 0x49, 0xdc, 0xf8, 0xa7, 0x9a, 0x6c, 0x62, 0x13, 0x68, 0x92, 0x24, 0x84, 0xa4, 0x8b, 0x59, 0x04, 0x6c, 0x6f, 0xba, 0x97, 0x77, 0x62, 0xd7, 0x3e, 0x7e, 0xe9, 0x01, 0x7b, 0xb7, 0x5f, 0x64, 0x77, 0x40, 0x22, 0x6e, 0x15, 0x7f, 0x2d, 0xa7, 0xd6, 0xc8, 0x02, 0xc4, 0xfa, 0xa9, 0x0d, 0x87, 0x48, 0xfa, 0x2a, 0x3a, 0x41, 0x90, 0x7d, 0x12, 0xcb, 0x02, 0x2d, 0xd7, 0x79, 0x43, 0x99, 0x71, 0x00, 0x29, 0x03, 0x59, 0x09, 0x90, 0x0b, 0x66, 0xd2, 0x75, 0xb2, 0x4d, 0x6d, 0xac, 0x44, 0xf8, 0x23, 0x29, 0xb8, 0x30, 0x8f, 0x24, 0x9e, 0xd1, 0x00, 0x41, 0x28, 0x75, 0x9b, 0x61, 0xa7, 0x9a, 0x35, 0x33, 0xa0, 0x5c, 0x8f, 0x88, 0x78, 0x3e, 0x17, 0x8d, 0x51, 0xa5, 0x85, 0xc7, 0x52, 0x15, 0x29, 0x17, 0x66, 0x0e, 0x07, 0x2b, 0x98, 0xe0, 0x24, 0x38, 0x1d, 0x41, 0x1c, 0xd7, 0xcf, 0x78, 0x4e, 0x3b, 0x13, 0xc3, 0xbe, 0x2b, 0xad, 0x8d, 0xe2, 0xd5, 0x31, 0x1c, 0x47, 0x84, 0xf0, 0xdc, 0xf8, 0x0a, 0x78, 0xe7, 0x80, 0xee, 0xc0, 0xbb, 0x52, 0xf0, 0x2e, 0xe0, 0x27, 0x21, 0x76, 0xb3, 0x75, 0xf5, 0x1a, 0x6e, 0x6b, 0xeb, 0x07, 0xd3, 0x7b, 0x1d, 0x4d, 0xec, 0x04, 0x38, 0x41, 0x04, 0x12, 0x60, 0x82, 0x3a, 0x8f, 0x55, 0xb2, 0x35, 0x92, 0x1c, 0xa8, 0x10, 0x75, 0xd5, 0x28, 0x6c, 0x89, 0xbf, 0x30, 0xb0, 0x61, 0x88, 0x0d, 0xa8, 0x40, 0x3f, 0x39, 0x1e, 0x97, 0x59, 0x0b, 0x6c, 0x41, 0x82, 0x0c, 0x8d, 0x2e, 0xb1, 0x61, 0x5e, 0xde, 0xc1, 0xa0, 0x8b, 0x80, 0x44, 0x79, 0xac, 0x86, 0x01, 0x31, 0x33, 0xe0, 0xa4, 0x5c, 0x12, 0x49, 0x07, 0xc1, 0x62, 0xc5, 0x5b, 0x0e, 0xf0, 0x22, 0xf1, 0x3e, 0xab, 0x38, 0x12, 0x49, 0x19, 0x72, 0xeb, 0xa2, 0xc5, 0x5d, 0xe7, 0x35, 0x20, 0x01, 0xf9, 0xc4, 0x7a, 0x13, 0xe0, 0xb2, 0x09, 0x00, 0xc8, 0x4c, 0xc8, 0x61, 0x83, 0x6e, 0x51, 0xaa, 0x73, 0x24, 0x02, 0x36, 0xf4, 0x58, 0x5d, 0xff, 0x00, 0x56, 0xc0, 0x09, 0x80, 0xc3, 0xe5, 0xfb, 0x95, 0x9a, 0x64, 0xc9, 0x2b, 0x03, 0x48, 0xfc, 0x45, 0x68, 0xfe, 0x91, 0x37, 0xe7, 0x3f, 0x65, 0x9d, 0xb3, 0xb9, 0x04, 0x68, 0x99, 0x02, 0x44, 0x6b, 0xe0, 0xaa, 0xf1, 0xa0, 0x11, 0x17, 0x99, 0x5a, 0xf8, 0x4f, 0xf0, 0x24, 0x66, 0x3d, 0xe7, 0x79, 0xdc, 0xac, 0xc7, 0xbc, 0xc7, 0x98, 0x33, 0x13, 0xfa, 0x73, 0xea, 0xa3, 0x0d, 0x23, 0x0d, 0x48, 0x90, 0x47, 0x74, 0x6a, 0x7a, 0x2c, 0x82, 0x44, 0x8b, 0x7a, 0x27, 0xb0, 0x02, 0x61, 0x04, 0x4e, 0xab, 0x15, 0x50, 0x05, 0x37, 0xdc, 0xdc, 0x73, 0xf0, 0x5c, 0x1f, 0x84, 0x9a, 0x32, 0x62, 0x48, 0x00, 0x8c, 0xc2, 0x36, 0xe7, 0xf6, 0x5e, 0x8a, 0x08, 0x23, 0x4b, 0x6c, 0x91, 0x27, 0x52, 0x2e, 0x50, 0x34, 0xde, 0xfd, 0x15, 0xb6, 0xd0, 0x08, 0x13, 0xb5, 0xa6, 0x53, 0x69, 0x1b, 0xb4, 0x03, 0xf5, 0x41, 0x26, 0x66, 0x4c, 0x21, 0xd6, 0xd2, 0x0a, 0x00, 0x19, 0xec, 0x2e, 0x42, 0x71, 0xd6, 0x9f, 0xfe, 0xff, 0x00, 0xd9, 0x76, 0x7e, 0x21, 0xff, 0x00, 0xb9, 0xd4, 0x10, 0x24, 0xb4, 0x7d, 0x4a, 0xe4, 0x3a, 0x1b, 0xa8, 0xba, 0x8b, 0x1b, 0x94, 0x12, 0x23, 0x70, 0xaa, 0x7a, 0xa0, 0x98, 0xd8, 0xa2, 0x01, 0x82, 0x06, 0xa8, 0x20, 0x44, 0x04, 0x36, 0x1b, 0x63, 0x0b, 0xcd, 0xfc, 0x5a, 0xd1, 0x9b, 0x0a, 0x48, 0x13, 0xde, 0xdf, 0xfd, 0x2b, 0xd2, 0x36, 0xc0, 0x49, 0x88, 0xd2, 0xd2, 0x8b, 0xba, 0xe2, 0x3e, 0x89, 0x34, 0x18, 0xb9, 0x31, 0xc9, 0x5b, 0x09, 0x93, 0x3b, 0x24, 0x08, 0xb9, 0x21, 0x33, 0x02, 0xe0, 0x4c, 0xf2, 0x52, 0x34, 0x31, 0x29, 0x12, 0x75, 0x83, 0xe4, 0x94, 0x0d, 0xc1, 0xb9, 0x95, 0xc6, 0xa6, 0xe7, 0xe1, 0xb0, 0xd5, 0xb0, 0xce, 0xc3, 0x55, 0xad, 0x51, 0xcf, 0x74, 0x7f, 0x0c, 0x96, 0xb8, 0x12, 0x1c, 0x27, 0x62, 0x2e, 0x41, 0xb6, 0xcb, 0xad, 0x4e, 0xab, 0x8b, 0xaa, 0x33, 0xb3, 0x70, 0xc9, 0x06, 0x48, 0x89, 0x9e, 0x5e, 0x48, 0xc5, 0x02, 0xfa, 0x15, 0x40, 0xbc, 0x87, 0x00, 0x00, 0xd6, 0xdf, 0x75, 0xcb, 0xad, 0x45, 0xff, 0x00, 0x91, 0xb6, 0x8f, 0x66, 0x73, 0x06, 0x34, 0x16, 0x78, 0x11, 0xb2, 0xcb, 0x8e, 0xa0, 0xfa, 0xb8, 0xba, 0x0d, 0x6b, 0x0c, 0x76, 0x6f, 0x69, 0xb7, 0xcb, 0x3a, 0x0f, 0x0b, 0x2e, 0x7e, 0x1b, 0x0f, 0x56, 0xa0, 0xc3, 0x51, 0xa8, 0xdc, 0x59, 0x7d, 0x37, 0x34, 0x96, 0xbc, 0x86, 0xb1, 0xb0, 0x75, 0x11, 0xae, 0x8b, 0xa5, 0xc5, 0x69, 0x55, 0x34, 0x68, 0x3e, 0x9b, 0x0d, 0x5e, 0xca, 0xab, 0x5e, 0x59, 0xcd, 0xa3, 0x97, 0x8a, 0xd2, 0xa8, 0xf7, 0x62, 0xf1, 0xd2, 0xd6, 0x54, 0x61, 0x76, 0x1d, 0xed, 0x68, 0xa8, 0x20, 0x9b, 0x8d, 0x07, 0x9f, 0x35, 0x2d, 0x7d, 0x7a, 0xb8, 0x7c, 0x0d, 0x11, 0x87, 0xac, 0xd7, 0xd1, 0x7b, 0x4b, 0xc9, 0x11, 0xf2, 0x8e, 0x6b, 0x0e, 0x25, 0xb8, 0x87, 0xd0, 0xa8, 0x1c, 0xcc, 0x53, 0xaa, 0x8a, 0x85, 0xf9, 0x1a, 0x00, 0x60, 0x01, 0xd3, 0x3d, 0x75, 0xe9, 0x75, 0xb1, 0x56, 0x8b, 0xde, 0x6b, 0x16, 0x52, 0xf9, 0xab, 0xd3, 0x70, 0x91, 0xa0, 0x00, 0x49, 0xf1, 0x95, 0x9b, 0xf0, 0xc6, 0xa3, 0x38, 0x86, 0x1c, 0xb1, 0xcd, 0x2f, 0xa8, 0xe7, 0xb1, 0xd0, 0x60, 0xc0, 0x11, 0xe7, 0x6d, 0x55, 0xf0, 0x73, 0x52, 0xb3, 0x6a, 0x62, 0xaa, 0x89, 0x75, 0x52, 0x1a, 0x3a, 0x34, 0x0e, 0xbd, 0x64, 0xaa, 0xaa, 0x5f, 0x86, 0xe2, 0x0e, 0xae, 0x58, 0xf7, 0xb2, 0xa5, 0x20, 0xc0, 0x58, 0xd0, 0x4b, 0x60, 0xad, 0x7a, 0x58, 0x7a, 0xae, 0x65, 0x27, 0xba, 0x93, 0xdb, 0x9f, 0x14, 0x6a, 0x64, 0x22, 0x20, 0x01, 0xa9, 0x5b, 0xbc, 0x5d, 0x8f, 0x7e, 0x0a, 0xa3, 0x69, 0xb4, 0xbd, 0xcd, 0x2d, 0x74, 0x01, 0xa8, 0x0e, 0xfe, 0xc5, 0x63, 0xc2, 0x31, 0xdf, 0x8e, 0xc5, 0x56, 0x2d, 0x70, 0x6b, 0x98, 0xcc, 0x99, 0x9b, 0x1b, 0x19, 0x0b, 0x44, 0x50, 0xab, 0x4e, 0x86, 0x11, 0xe7, 0xf1, 0x34, 0xe9, 0xb0, 0x39, 0xae, 0x6d, 0x30, 0x73, 0x32, 0x49, 0x82, 0x04, 0x46, 0xcb, 0xa3, 0xc3, 0x29, 0x39, 0x82, 0xbb, 0xdc, 0x2a, 0xb4, 0xd5, 0x78, 0x3f, 0xc4, 0x89, 0x80, 0x22, 0xe0, 0x01, 0x06, 0xcb, 0x57, 0x13, 0x87, 0xac, 0xf7, 0x63, 0x4b, 0x69, 0x97, 0x0e, 0xd6, 0x9b, 0xda, 0x23, 0xe7, 0x88, 0x91, 0xec, 0xaa, 0xb3, 0x5d, 0x8f, 0xae, 0xc3, 0x4e, 0x9b, 0xe9, 0x0a, 0x6c, 0x78, 0x2e, 0x7b, 0x63, 0x31, 0x3b, 0x78, 0x2c, 0x51, 0x56, 0xae, 0x0a, 0x96, 0x0f, 0xb0, 0xa8, 0xda, 0x80, 0xb0, 0x39, 0xce, 0x10, 0xd0, 0x01, 0x1d, 0xe1, 0xf6, 0xb7, 0x9a, 0xcb, 0x9a, 0xae, 0x1d, 0xb8, 0xca, 0x67, 0x0d, 0x51, 0xee, 0xaa, 0xf7, 0xb9, 0x84, 0x00, 0x41, 0x0e, 0x91, 0x04, 0xed, 0x1e, 0x07, 0xc9, 0x64, 0x34, 0x5e, 0x78, 0x6e, 0x1a, 0x8b, 0x98, 0xf2, 0x41, 0x68, 0x73, 0x59, 0xb1, 0x00, 0x6b, 0xd2, 0xcb, 0xa4, 0xd6, 0xb5, 0xa0, 0x00, 0x00, 0x03, 0x40, 0x34, 0x01, 0x2c, 0xc6, 0x4c, 0xf3, 0x84, 0x07, 0x73, 0xb0, 0x28, 0x2e, 0x8b, 0x9b, 0x83, 0xa5, 0x95, 0x07, 0x02, 0x06, 0x81, 0x48, 0x22, 0x48, 0x2e, 0x3e, 0x8a, 0x84, 0x44, 0xb0, 0x74, 0xd5, 0x4c, 0x49, 0x00, 0x92, 0x3a, 0xa0, 0xda, 0x40, 0x8f, 0xba, 0x62, 0xed, 0x20, 0x84, 0x45, 0xc3, 0x6f, 0x05, 0x53, 0x88, 0xcd, 0x00, 0x28, 0x10, 0x45, 0x88, 0x05, 0x07, 0x51, 0x24, 0x92, 0x10, 0x04, 0x6b, 0xf5, 0x55, 0x20, 0x01, 0x13, 0x28, 0x31, 0x10, 0x4d, 0xce, 0xd0, 0xa2, 0x0c, 0x6d, 0x09, 0xc6, 0xc2, 0x24, 0x6e, 0x97, 0x89, 0xbf, 0xaa, 0x7a, 0x88, 0xd1, 0x49, 0x91, 0x71, 0xa2, 0x0d, 0xbb, 0xd3, 0x21, 0x21, 0x70, 0x6e, 0x2d, 0x70, 0xb9, 0xdc, 0x7b, 0x16, 0xce, 0x1f, 0xc3, 0xeb, 0xe3, 0x2a, 0x49, 0x65, 0x0a, 0x55, 0x2a, 0x1b, 0x13, 0x10, 0xd2, 0x6d, 0x1b, 0xd9, 0x73, 0x3e, 0x10, 0xc1, 0xd2, 0xc2, 0x7c, 0x2f, 0x85, 0xa1, 0x5d, 0xae, 0xab, 0x52, 0xbd, 0x33, 0x56, 0xbc, 0xd1, 0x71, 0xcc, 0xfa, 0x9d, 0xe7, 0x4d, 0xb9, 0x92, 0x35, 0x59, 0xfe, 0x1b, 0xe1, 0x3f, 0x94, 0x62, 0x31, 0x74, 0x30, 0xf5, 0xde, 0x78, 0x73, 0xb2, 0xbb, 0x0d, 0x46, 0xa3, 0x1c, 0xd3, 0x40, 0x1b, 0x16, 0x07, 0x3b, 0x56, 0xcc, 0xdb, 0x55, 0xdf, 0x04, 0x11, 0xa4, 0xf5, 0xd7, 0xdd, 0x01, 0xa0, 0x98, 0x3a, 0x8e, 0xa9, 0x96, 0x93, 0x10, 0x2f, 0x30, 0x56, 0xa3, 0x2a, 0x0a, 0x26, 0xab, 0x5c, 0x1f, 0x39, 0x89, 0xb3, 0x09, 0xd4, 0x0f, 0x25, 0x43, 0x12, 0xc3, 0x70, 0x2a, 0xc9, 0xb8, 0xfe, 0x13, 0xb9, 0x73, 0x84, 0xb0, 0xf3, 0xd8, 0x80, 0x1b, 0x7e, 0xa0, 0x8f, 0xaa, 0xcc, 0x29, 0xbc, 0xdc, 0x91, 0xea, 0xa8, 0x51, 0x2e, 0x07, 0xbc, 0x67, 0x55, 0x87, 0x17, 0x44, 0xf6, 0x2f, 0x80, 0x66, 0xdf, 0xbb, 0x29, 0x65, 0x6a, 0x60, 0x69, 0x57, 0x4f, 0xfc, 0x6e, 0x2a, 0x6a, 0x3f, 0x3b, 0xe8, 0x86, 0x87, 0xfc, 0xf7, 0xee, 0x38, 0x44, 0x4f, 0xdd, 0x6d, 0x81, 0xdd, 0xf9, 0x88, 0xe8, 0xa4, 0x41, 0x90, 0x49, 0xf1, 0xe6, 0x90, 0x17, 0x9b, 0xcf, 0x8a, 0xc5, 0x53, 0x33, 0x31, 0x2c, 0xa8, 0x5a, 0xe8, 0xc8, 0x45, 0x9a, 0x4f, 0xd3, 0xc1, 0x06, 0xbb, 0x26, 0x5a, 0xca, 0xa6, 0x47, 0xfe, 0x32, 0xa7, 0x0e, 0x4d, 0x4a, 0xd5, 0x5d, 0x95, 0xcd, 0x06, 0x23, 0x33, 0x48, 0xd3, 0xa7, 0x9a, 0xd8, 0xe7, 0xa0, 0x32, 0x93, 0xae, 0x40, 0x9d, 0x3a, 0x20, 0x13, 0x21, 0xa0, 0x5f, 0x6d, 0xd6, 0xad, 0x0a, 0x86, 0x9d, 0x32, 0xd7, 0x31, 0xf3, 0x99, 0xda, 0x36, 0xda, 0xac, 0x8f, 0xaf, 0x2c, 0x7e, 0x56, 0xbe, 0x62, 0x3e, 0x4e, 0xab, 0x25, 0x10, 0xe6, 0x50, 0xa6, 0xd7, 0x7f, 0x2b, 0x40, 0xd1, 0x64, 0x6d, 0x9b, 0x76, 0xf8, 0x5d, 0x3b, 0x8b, 0x6c, 0x99, 0xd0, 0x48, 0xba, 0xc5, 0x54, 0xd9, 0xc4, 0xd8, 0x44, 0x6b, 0xe1, 0xb2, 0xf3, 0xff, 0x00, 0x09, 0xba, 0x19, 0x89, 0x21, 0xc0, 0xf7, 0x87, 0xea, 0xbd, 0x21, 0xbe, 0x84, 0x75, 0x40, 0x6b, 0x40, 0x91, 0x25, 0x4c, 0x9d, 0x87, 0x77, 0x64, 0xc0, 0x2e, 0x74, 0xf2, 0x16, 0x57, 0x94, 0x91, 0x27, 0xea, 0x88, 0x82, 0x4a, 0x2d, 0x98, 0x6b, 0x04, 0x2a, 0x2d, 0x16, 0x01, 0xb2, 0x7c, 0x53, 0xc9, 0x53, 0x9b, 0xbd, 0x42, 0xff, 0xd9 }; unsigned int gray8_page_850x200_1_jpg_len = 21206; unsigned char gray8_page_850x200_2_jpg[] = { 0xff, 0xd8, 0xff, 0xe0, 0x00, 0x10, 0x4a, 0x46, 0x49, 0x46, 0x00, 0x01, 0x01, 0x01, 0x00, 0x48, 0x00, 0x48, 0x00, 0x00, 0xff, 0xdb, 0x00, 0x43, 0x00, 0x06, 0x04, 0x05, 0x06, 0x05, 0x04, 0x06, 0x06, 0x05, 0x06, 0x07, 0x07, 0x06, 0x08, 0x0a, 0x10, 0x0a, 0x0a, 0x09, 0x09, 0x0a, 0x14, 0x0e, 0x0f, 0x0c, 0x10, 0x17, 0x14, 0x18, 0x18, 0x17, 0x14, 0x16, 0x16, 0x1a, 0x1d, 0x25, 0x1f, 0x1a, 0x1b, 0x23, 0x1c, 0x16, 0x16, 0x20, 0x2c, 0x20, 0x23, 0x26, 0x27, 0x29, 0x2a, 0x29, 0x19, 0x1f, 0x2d, 0x30, 0x2d, 0x28, 0x30, 0x25, 0x28, 0x29, 0x28, 0xff, 0xc0, 0x00, 0x0b, 0x08, 0x00, 0xc8, 0x03, 0x52, 0x01, 0x01, 0x11, 0x00, 0xff, 0xc4, 0x00, 0x1b, 0x00, 0x00, 0x03, 0x01, 0x01, 0x01, 0x01, 0x01, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x01, 0x02, 0x03, 0x04, 0x05, 0x06, 0x07, 0xff, 0xc4, 0x00, 0x43, 0x10, 0x00, 0x01, 0x03, 0x03, 0x02, 0x03, 0x06, 0x04, 0x04, 0x05, 0x03, 0x03, 0x03, 0x03, 0x05, 0x00, 0x01, 0x00, 0x02, 0x11, 0x03, 0x21, 0x31, 0x04, 0x12, 0x41, 0x51, 0x61, 0x05, 0x13, 0x22, 0x71, 0x81, 0x91, 0x06, 0x32, 0xa1, 0xb1, 0x14, 0xc1, 0xd1, 0xf0, 0x15, 0x23, 0x42, 0x52, 0xe1, 0x33, 0x62, 0xf1, 0x24, 0x35, 0x72, 0x25, 0x92, 0xb2, 0x16, 0x34, 0x73, 0x43, 0x53, 0x82, 0xa2, 0xc2, 0xff, 0xda, 0x00, 0x08, 0x01, 0x01, 0x00, 0x00, 0x3f, 0x00, 0xfd, 0xcb, 0xe2, 0x1b, 0x76, 0x9d, 0x43, 0x7f, 0x94, 0x4d, 0xf1, 0x73, 0xfa, 0x2f, 0x1c, 0x1b, 0x98, 0x33, 0x06, 0x13, 0x27, 0x22, 0x73, 0xd1, 0x26, 0x34, 0x4d, 0xc0, 0x83, 0xc2, 0x30, 0xa8, 0x73, 0x31, 0xe4, 0xa4, 0x92, 0xe2, 0x60, 0x88, 0xe1, 0xd5, 0x45, 0xdb, 0xe3, 0x91, 0x73, 0x05, 0x1b, 0xa0, 0xcf, 0x35, 0x65, 0xd2, 0xeb, 0x90, 0xbe, 0x6b, 0xe3, 0x07, 0x78, 0xf4, 0xb1, 0x16, 0xdd, 0xff, 0x00, 0xf9, 0x5f, 0x46, 0xc7, 0x78, 0x01, 0x24, 0xcc, 0x2a, 0xdd, 0x78, 0x24, 0xca, 0x6e, 0x37, 0xb9, 0x32, 0x51, 0x16, 0x04, 0x65, 0x10, 0x76, 0xc9, 0x89, 0xf3, 0x41, 0x8c, 0x02, 0xa4, 0x4c, 0x41, 0x94, 0x18, 0x22, 0x04, 0x21, 0xa2, 0xc7, 0x01, 0x0e, 0x99, 0xb9, 0x1d, 0x3f, 0x7c, 0x93, 0xda, 0x0d, 0x8b, 0x44, 0x70, 0x8e, 0x1e, 0x49, 0x0c, 0x89, 0x17, 0x18, 0x49, 0xe0, 0x6e, 0xb5, 0x8f, 0xbd, 0x8c, 0x20, 0xdf, 0x71, 0xe6, 0xa4, 0x08, 0xb9, 0x9b, 0x99, 0x89, 0x99, 0x41, 0x69, 0xdc, 0x26, 0x6d, 0xf7, 0x59, 0x3a, 0x83, 0x0e, 0xa1, 0xb5, 0x9c, 0x1d, 0xde, 0x35, 0xbb, 0x01, 0x07, 0x81, 0xe7, 0xed, 0x0a, 0xf6, 0x8b, 0x92, 0x40, 0x9c, 0xe5, 0x32, 0x31, 0x3f, 0x2f, 0x9d, 0xd4, 0xb0, 0x07, 0x1f, 0x17, 0x03, 0xca, 0x11, 0xa8, 0xd3, 0xb6, 0xb5, 0x13, 0x4d, 0xee, 0x3b, 0x4f, 0xf6, 0xbb, 0x69, 0x9f, 0x3f, 0x75, 0x54, 0x29, 0xb2, 0x93, 0x5a, 0xc6, 0x34, 0xec, 0x6c, 0x86, 0x89, 0x55, 0x1c, 0x22, 0x30, 0x15, 0x6d, 0x2d, 0x6e, 0x4f, 0x2b, 0x79, 0x84, 0x80, 0x22, 0x08, 0xc8, 0xe9, 0x13, 0x64, 0x07, 0x45, 0xdc, 0x4e, 0x20, 0xf1, 0x48, 0x34, 0x4c, 0x81, 0x00, 0xf5, 0xfd, 0xf1, 0x43, 0x81, 0x93, 0x24, 0x49, 0xca, 0x62, 0x79, 0x9b, 0x61, 0x29, 0x05, 0xd1, 0x73, 0x1f, 0x64, 0xe2, 0x41, 0x04, 0x47, 0x2e, 0x30, 0x86, 0xb5, 0xc7, 0x74, 0x3a, 0x33, 0xf5, 0x48, 0x8b, 0xe6, 0xd3, 0x3f, 0xbe, 0x89, 0x91, 0xe2, 0x06, 0xe9, 0x00, 0x00, 0xc8, 0x4a, 0x01, 0x24, 0xaa, 0x3d, 0x7f, 0xe1, 0x43, 0x4d, 0xcc, 0x10, 0x47, 0x5f, 0xc9, 0x50, 0x8c, 0x89, 0xb2, 0x1c, 0x40, 0x18, 0x37, 0x30, 0x8b, 0x46, 0x3e, 0xa9, 0x1b, 0x83, 0xb6, 0x44, 0x74, 0x54, 0xdf, 0x94, 0xee, 0x8e, 0xa8, 0x71, 0xb0, 0x8c, 0x94, 0xb9, 0x93, 0x36, 0xf5, 0x44, 0x80, 0x66, 0x04, 0x94, 0xdb, 0x13, 0x62, 0x3d, 0x91, 0xe1, 0xcd, 0xe5, 0x32, 0x46, 0x06, 0x51, 0x26, 0xe6, 0x07, 0xba, 0x98, 0x81, 0x78, 0x92, 0x90, 0xbc, 0xc0, 0x36, 0x4c, 0x01, 0x36, 0x07, 0xf4, 0x4f, 0xc8, 0xf9, 0x08, 0x53, 0x6b, 0xdf, 0xdd, 0x53, 0x9c, 0x22, 0xc0, 0x0e, 0x76, 0x53, 0x03, 0x02, 0x22, 0x16, 0x3a, 0xfd, 0x1d, 0x2d, 0x6e, 0x92, 0xbe, 0x97, 0x50, 0xd2, 0xfa, 0x35, 0xd8, 0x69, 0xd4, 0x68, 0x27, 0x04, 0x11, 0xe8, 0x6f, 0x94, 0x68, 0xf4, 0xc2, 0x86, 0x9a, 0x95, 0x12, 0xf7, 0x54, 0xee, 0xd8, 0x18, 0x0d, 0x4c, 0xba, 0x07, 0x1b, 0x2d, 0x80, 0x20, 0xd8, 0x88, 0xe8, 0x38, 0xfa, 0xff, 0x00, 0x85, 0x47, 0x36, 0x91, 0xef, 0xf9, 0xa4, 0xe8, 0x31, 0x04, 0x4f, 0x14, 0x9a, 0x1c, 0x24, 0x82, 0x09, 0xf3, 0x40, 0x3b, 0xa6, 0xe0, 0x14, 0x06, 0xed, 0x75, 0x89, 0xfa, 0x99, 0xb2, 0x60, 0x71, 0x83, 0x1e, 0x88, 0x24, 0xd8, 0x01, 0x1c, 0xd5, 0x87, 0x48, 0x8e, 0x33, 0xe4, 0x87, 0x02, 0xe2, 0x08, 0x22, 0xdd, 0x63, 0xec, 0xa1, 0xd7, 0x30, 0x0f, 0x88, 0xf5, 0x27, 0xee, 0x9c, 0x91, 0x77, 0x09, 0x00, 0x4f, 0x3f, 0xba, 0x98, 0x82, 0x40, 0x01, 0x30, 0xd3, 0xc6, 0x14, 0xc0, 0x2e, 0xf3, 0x4f, 0x6c, 0xc7, 0x34, 0xdc, 0xd1, 0x9d, 0xa3, 0x30, 0x90, 0x17, 0x38, 0x11, 0xd7, 0x2a, 0x08, 0x98, 0x88, 0xcf, 0x34, 0xae, 0x0c, 0x18, 0x22, 0x55, 0x06, 0x80, 0x32, 0x7f, 0x7d, 0x53, 0x2d, 0x91, 0x38, 0x23, 0x17, 0x40, 0x91, 0x82, 0x23, 0x91, 0x28, 0x6c, 0x8e, 0x22, 0x3d, 0xd5, 0x44, 0x59, 0xb7, 0x94, 0x0d, 0xc0, 0xc1, 0x6f, 0xf9, 0x43, 0xc0, 0xb1, 0x0b, 0x3a, 0xd1, 0xb1, 0xd0, 0x7f, 0xa7, 0xf4, 0x5e, 0x17, 0xc2, 0x54, 0xc6, 0xcd, 0x48, 0xb1, 0x24, 0x8f, 0xcd, 0x7b, 0xc6, 0x49, 0x82, 0xd8, 0x54, 0x1b, 0x09, 0x3a, 0x2e, 0x6f, 0x0a, 0x9a, 0x07, 0x00, 0x79, 0x65, 0x54, 0x4c, 0x02, 0x70, 0x3d, 0xd2, 0xd8, 0x66, 0xd8, 0x4d, 0xc0, 0xc1, 0xdc, 0x2f, 0x10, 0x15, 0x0b, 0x0b, 0xa2, 0x07, 0xf7, 0x15, 0xeb, 0xfc, 0x45, 0x1f, 0xc4, 0x6a, 0xdf, 0x20, 0x7e, 0x6b, 0xc9, 0x27, 0x20, 0x44, 0x65, 0x4c, 0x49, 0x31, 0x7f, 0x54, 0xc8, 0x77, 0x04, 0xa7, 0x04, 0x1f, 0x3b, 0x28, 0x2e, 0x05, 0xd6, 0xb0, 0xc8, 0x31, 0xc7, 0x92, 0x62, 0x08, 0x89, 0xc6, 0x53, 0x33, 0x70, 0x40, 0x9f, 0x64, 0x9a, 0x44, 0x99, 0x95, 0xf3, 0x5f, 0x16, 0xdd, 0xfa, 0x30, 0x08, 0x8f, 0x19, 0xfa, 0x85, 0xf4, 0xb4, 0xdd, 0x88, 0x11, 0x19, 0x4d, 0xc6, 0x78, 0x18, 0x94, 0x84, 0xc9, 0x20, 0xdf, 0x8f, 0x15, 0x5c, 0x73, 0x94, 0x89, 0xb8, 0x90, 0x52, 0x39, 0xc0, 0x17, 0xe6, 0xaa, 0xd0, 0x6f, 0x2a, 0x43, 0x4d, 0xaf, 0x64, 0x3f, 0xc5, 0x66, 0xb8, 0x80, 0x13, 0x04, 0x82, 0x2f, 0x20, 0xda, 0x38, 0xa1, 0xd0, 0xd1, 0x60, 0x79, 0x65, 0x32, 0xe1, 0x17, 0x3e, 0x42, 0x78, 0xa9, 0x73, 0x5d, 0x73, 0x16, 0x17, 0x25, 0x20, 0xe3, 0x79, 0xe4, 0x81, 0x20, 0x83, 0x78, 0xe3, 0x64, 0x9d, 0x3c, 0x20, 0x8e, 0xa8, 0x71, 0x0e, 0xb4, 0x44, 0x09, 0xb5, 0x93, 0x68, 0xb4, 0xdb, 0xa7, 0x19, 0x4a, 0xa4, 0xee, 0x13, 0x03, 0xc9, 0x31, 0xb4, 0x58, 0x93, 0x27, 0x9a, 0x47, 0x83, 0x83, 0x48, 0xe1, 0x84, 0xda, 0x6f, 0x24, 0x18, 0x89, 0x28, 0x03, 0x91, 0xc8, 0x48, 0xdc, 0x98, 0x75, 0xcd, 0xf2, 0xa9, 0xae, 0x21, 0xb7, 0x27, 0x72, 0x92, 0x6d, 0x30, 0x2e, 0x6f, 0x28, 0x27, 0x10, 0x44, 0x47, 0x92, 0x1c, 0x44, 0x5f, 0xde, 0x61, 0x3e, 0x50, 0x6d, 0xe7, 0x84, 0xc9, 0xe4, 0x2c, 0x4c, 0x79, 0x24, 0x49, 0x02, 0x24, 0x7e, 0xf2, 0x98, 0x83, 0x99, 0xb6, 0x38, 0x20, 0x8d, 0xc3, 0x1f, 0xf0, 0xa5, 0xd2, 0x1a, 0x60, 0x8f, 0x59, 0xb7, 0xaa, 0x62, 0x08, 0xb8, 0xf5, 0x41, 0x05, 0xad, 0x93, 0x1d, 0x2e, 0xa6, 0x49, 0x82, 0x04, 0xf3, 0xfd, 0x13, 0x6e, 0x09, 0x6c, 0x46, 0x6e, 0x26, 0x13, 0x37, 0x10, 0x27, 0x8f, 0x03, 0xe6, 0x98, 0xb9, 0x02, 0xf8, 0x9c, 0x29, 0xdc, 0x0b, 0x87, 0x5c, 0x59, 0x05, 0xd7, 0x88, 0x3b, 0x67, 0xce, 0x13, 0x04, 0x34, 0x92, 0xd8, 0x9c, 0x65, 0x20, 0x72, 0x70, 0x02, 0x62, 0x40, 0xe3, 0x7b, 0x62, 0x7f, 0x24, 0xb7, 0x35, 0xf0, 0x46, 0x39, 0xf2, 0xff, 0x00, 0x29, 0x98, 0x6d, 0xa4, 0x49, 0xc7, 0x3e, 0x68, 0x25, 0xc0, 0x12, 0x1a, 0x4c, 0xe3, 0x08, 0x69, 0x9b, 0xc1, 0xeb, 0x0a, 0x4b, 0x84, 0x89, 0x20, 0x12, 0x60, 0x4f, 0xf5, 0x5b, 0x03, 0xae, 0x10, 0x43, 0xae, 0x08, 0xc1, 0x3d, 0x3f, 0x35, 0x43, 0x00, 0x89, 0x9e, 0x3d, 0x53, 0x04, 0x93, 0x03, 0x31, 0x26, 0x61, 0x2e, 0xf1, 0xa1, 0xa5, 0xc5, 0xcd, 0x81, 0x62, 0x67, 0x07, 0xf5, 0x52, 0xca, 0x8c, 0x7b, 0x65, 0xa6, 0x47, 0x1b, 0x82, 0x01, 0x55, 0xc0, 0x58, 0xfa, 0xa3, 0x8d, 0xad, 0x69, 0x53, 0x56, 0xab, 0x69, 0x16, 0x87, 0x87, 0x4b, 0x8d, 0xa1, 0xbf, 0xe5, 0x66, 0x2b, 0xee, 0x22, 0x29, 0xd6, 0x83, 0x7f, 0x90, 0xfe, 0x4a, 0xe8, 0xd4, 0x65, 0x4a, 0xbb, 0x4b, 0x5c, 0x1c, 0x05, 0xf7, 0x02, 0x33, 0xe6, 0xad, 0xad, 0x6f, 0x0e, 0x53, 0x94, 0x18, 0x91, 0x99, 0xf3, 0x40, 0xb0, 0x31, 0x25, 0xde, 0x59, 0x58, 0x9d, 0x48, 0x0f, 0x2d, 0x0c, 0x7b, 0xb6, 0x98, 0x30, 0x13, 0xfc, 0x40, 0x82, 0x05, 0x2a, 0x9e, 0xa1, 0x5d, 0x37, 0x8a, 0x94, 0xda, 0xe1, 0x23, 0x70, 0x19, 0x0a, 0xef, 0xb4, 0x90, 0x04, 0xaa, 0x2f, 0x86, 0xcb, 0x88, 0xca, 0xce, 0xad, 0x51, 0x4d, 0xa5, 0xc4, 0x4c, 0x09, 0x31, 0x7f, 0x45, 0xc7, 0x43, 0xb5, 0x68, 0x56, 0xd7, 0x6a, 0x34, 0xd4, 0x99, 0x50, 0xd7, 0xd3, 0x86, 0x3a, 0xa3, 0x76, 0x8f, 0x08, 0x7c, 0xed, 0x89, 0xce, 0x0a, 0xe1, 0xed, 0xfe, 0xdc, 0x3a, 0x1a, 0x9a, 0x7d, 0x1e, 0x9a, 0x89, 0x7f, 0x69, 0x6b, 0x1f, 0xb2, 0x85, 0x37, 0x00, 0x60, 0x71, 0xa8, 0xe1, 0x36, 0x0d, 0xc9, 0xf6, 0xb6, 0x47, 0xb8, 0xc1, 0x61, 0x20, 0xd8, 0x5f, 0xaa, 0x63, 0x98, 0x4e, 0x24, 0x88, 0x01, 0x73, 0xd5, 0xa8, 0x69, 0xd4, 0x6b, 0x40, 0x73, 0x9d, 0x92, 0x04, 0x5a, 0x3c, 0xfc, 0xd4, 0xbf, 0x50, 0xfe, 0x14, 0x6a, 0x47, 0x9b, 0x7f, 0x54, 0x52, 0x7f, 0x78, 0x5c, 0x0b, 0x5c, 0xc7, 0x08, 0xb1, 0x83, 0x9f, 0xf8, 0x5b, 0x01, 0xca, 0x39, 0xe1, 0x0e, 0x82, 0xe3, 0x68, 0x1e, 0x48, 0x01, 0xa4, 0xd8, 0x89, 0x3c, 0xc2, 0xc8, 0x56, 0x2e, 0x26, 0x28, 0xd5, 0x2d, 0x9e, 0x6d, 0x18, 0x31, 0x89, 0x9e, 0x08, 0x75, 0x47, 0x36, 0x66, 0x85, 0x50, 0x07, 0x56, 0x9f, 0xcd, 0x69, 0x49, 0xc1, 0xcd, 0x0f, 0x13, 0xb4, 0x80, 0x78, 0x5a, 0x56, 0xa4, 0x12, 0x20, 0x10, 0xa6, 0xf3, 0x00, 0x10, 0xe1, 0xc5, 0x54, 0x00, 0x41, 0x24, 0x75, 0x51, 0x56, 0x03, 0x1d, 0x13, 0x04, 0x1f, 0xba, 0xf9, 0xff, 0x00, 0x85, 0x1a, 0x1b, 0x4f, 0x55, 0x04, 0xce, 0xe6, 0xfa, 0x67, 0xf4, 0x5f, 0x40, 0x1a, 0x78, 0x10, 0x55, 0x09, 0x88, 0x10, 0x96, 0xcd, 0xd3, 0x23, 0xfc, 0x26, 0xc0, 0x01, 0xb6, 0x13, 0x31, 0x93, 0x29, 0x36, 0x09, 0x90, 0x4c, 0x2a, 0x8d, 0xb1, 0x3c, 0x7d, 0x65, 0x30, 0xd2, 0x0f, 0x54, 0xf6, 0xf9, 0x2f, 0x4f, 0xe2, 0x2f, 0xfb, 0x9d, 0x4c, 0xcc, 0x0f, 0xb1, 0x5e, 0x51, 0x90, 0x64, 0x45, 0xd2, 0x82, 0x1d, 0x23, 0x09, 0x10, 0x0b, 0x84, 0x93, 0xee, 0x8c, 0x19, 0x12, 0x87, 0x03, 0x83, 0x01, 0x2d, 0xb9, 0x20, 0xe5, 0x33, 0x3b, 0x66, 0x25, 0x00, 0x09, 0x5f, 0x3b, 0xf1, 0x6b, 0x46, 0xfd, 0x2b, 0x8c, 0x03, 0xe2, 0x8f, 0xa2, 0xfa, 0x10, 0x06, 0xd1, 0x70, 0x6c, 0x38, 0xaa, 0xb9, 0x11, 0x04, 0x10, 0x64, 0xa5, 0x81, 0xc2, 0xfd, 0x54, 0xc7, 0x99, 0x94, 0xe0, 0x58, 0x00, 0x4a, 0x0b, 0x48, 0x92, 0x5a, 0x3d, 0xd0, 0x2c, 0x20, 0xc0, 0x9c, 0x71, 0x55, 0x78, 0xe1, 0x28, 0x00, 0x5c, 0x9f, 0x55, 0xe4, 0xea, 0xf5, 0x95, 0xaa, 0x69, 0xb5, 0x2f, 0xd3, 0xd1, 0x1d, 0xcb, 0x37, 0xb7, 0x76, 0xf8, 0x71, 0x22, 0x6e, 0xd1, 0x18, 0xf5, 0x5d, 0xda, 0x57, 0xff, 0x00, 0xd1, 0xd1, 0x74, 0xb9, 0xc7, 0x6b, 0x49, 0x3c, 0xff, 0x00, 0xca, 0xcb, 0xb4, 0xb4, 0xec, 0xd4, 0x52, 0x7b, 0xaa, 0x17, 0x87, 0xb5, 0xae, 0x2d, 0xda, 0xe2, 0x2f, 0xee, 0xbc, 0xce, 0xe0, 0x52, 0xec, 0x31, 0xa8, 0x67, 0x7a, 0x6b, 0x3e, 0x9b, 0x6e, 0x5e, 0x5d, 0x32, 0x47, 0x3f, 0x35, 0xda, 0x35, 0xd5, 0xa9, 0xd7, 0x0c, 0xd5, 0x51, 0x0c, 0x6b, 0xda, 0xe7, 0x82, 0xd7, 0x6e, 0xf9, 0x62, 0xde, 0x77, 0x95, 0x9d, 0x2e, 0xd6, 0x2e, 0x75, 0x27, 0x96, 0xd2, 0xee, 0xab, 0x10, 0xd0, 0x1a, 0xf9, 0x78, 0x9c, 0x13, 0xd3, 0xec, 0xbb, 0x35, 0x5a, 0x87, 0x69, 0xe8, 0x93, 0x4e, 0x9b, 0x6a, 0x54, 0x24, 0x0b, 0xb8, 0x5b, 0xa9, 0x38, 0x01, 0x70, 0xd3, 0xed, 0x27, 0x01, 0xaa, 0x35, 0x45, 0x27, 0xba, 0x83, 0x43, 0xbf, 0x96, 0xfd, 0xc1, 0xc0, 0xcd, 0xbc, 0xd6, 0xad, 0xd6, 0xea, 0x29, 0xd5, 0xa2, 0xdd, 0x4d, 0x26, 0xd3, 0xa7, 0x58, 0xed, 0x69, 0x6b, 0xe4, 0xb4, 0xc4, 0xde, 0xde, 0x8b, 0x06, 0x76, 0x8e, 0xa0, 0xe9, 0x9f, 0xa9, 0x75, 0x06, 0x36, 0x85, 0x32, 0x77, 0x78, 0xbc, 0x46, 0x0c, 0x4a, 0xda, 0xb7, 0x68, 0xb8, 0xd7, 0xa8, 0xca, 0x1d, 0xce, 0xca, 0x60, 0x17, 0x1a, 0x8f, 0x89, 0x9e, 0x56, 0xcc, 0x24, 0xee, 0xd0, 0x75, 0x5a, 0x54, 0x5f, 0x49, 0xb4, 0xe2, 0xa3, 0x43, 0xcb, 0xaa, 0x3a, 0x00, 0xbc, 0x47, 0xf9, 0x85, 0x2d, 0xed, 0x4a, 0x95, 0x28, 0xe9, 0xcd, 0x2a, 0x2d, 0x7b, 0xeb, 0x38, 0xd3, 0x80, 0xfb, 0x08, 0x27, 0x07, 0x88, 0xb2, 0x35, 0x5a, 0xfa, 0xd4, 0x77, 0x6e, 0xa7, 0x45, 0xa2, 0x98, 0xdc, 0x7b, 0xca, 0x97, 0x3e, 0x19, 0xb0, 0xe3, 0xc9, 0x33, 0xae, 0xaf, 0x56, 0xb5, 0x3a, 0x3a, 0x7a, 0x2d, 0x73, 0xdd, 0x48, 0x54, 0x97, 0x18, 0x0d, 0x9e, 0xa8, 0x6f, 0x68, 0x3e, 0xa5, 0x1a, 0x42, 0x9d, 0x10, 0x6b, 0xbd, 0xee, 0x60, 0x69, 0x30, 0xd1, 0xb7, 0x24, 0x9e, 0x5e, 0x8a, 0x9d, 0xda, 0x15, 0x69, 0xd2, 0x2d, 0xaf, 0xa7, 0x6b, 0x6a, 0x6f, 0x0c, 0x6c, 0x3b, 0xc2, 0xe2, 0x7f, 0xdd, 0xef, 0xc1, 0x69, 0xa5, 0xd6, 0x9a, 0x95, 0xdf, 0x42, 0xa0, 0xa6, 0x2a, 0x35, 0xa1, 0xe0, 0xb1, 0xdb, 0x81, 0x13, 0xe5, 0x62, 0x8d, 0x76, 0xaa, 0xb5, 0x3a, 0x9b, 0x69, 0xb2, 0x90, 0x69, 0x1b, 0xb7, 0xd4, 0x78, 0x03, 0xd3, 0xad, 0x96, 0x2d, 0xed, 0x1a, 0xaf, 0xa7, 0xa4, 0xee, 0x74, 0xed, 0x2e, 0xd4, 0x07, 0x58, 0xbf, 0x05, 0xbd, 0x53, 0x1a, 0xea, 0xa1, 0x95, 0x5b, 0x52, 0x9b, 0x45, 0x76, 0x55, 0x14, 0x83, 0x5a, 0xeb, 0x12, 0x45, 0xb8, 0x74, 0x85, 0x34, 0xaa, 0x6a, 0x0f, 0x69, 0xd2, 0x6e, 0xa7, 0x6b, 0x4f, 0x74, 0xf8, 0xd8, 0xe9, 0x12, 0x4f, 0xf9, 0x5d, 0x3a, 0xbd, 0x4d, 0x5a, 0x7a, 0x8a, 0x34, 0xa8, 0x31, 0xae, 0x7d, 0x5d, 0xc4, 0x6f, 0x31, 0x11, 0x04, 0x9f, 0x2b, 0xac, 0x2b, 0x76, 0x8d, 0x6a, 0x2c, 0xae, 0x2a, 0x51, 0x6f, 0x7f, 0x49, 0xcc, 0x00, 0x34, 0xd9, 0xc1, 0xc6, 0x01, 0x4e, 0xbe, 0xbe, 0xad, 0x27, 0xb6, 0x9b, 0x8e, 0x9d, 0x95, 0x9c, 0xd2, 0xe7, 0x17, 0x9f, 0x0b, 0x44, 0xf1, 0xe0, 0xb3, 0x7f, 0x6c, 0x03, 0x4a, 0x99, 0x6f, 0x74, 0xd3, 0xde, 0x3a, 0x9b, 0xaa, 0x13, 0x2c, 0x69, 0x1d, 0x55, 0xbf, 0xb4, 0x1c, 0xcd, 0x35, 0x32, 0xe6, 0xd1, 0xef, 0x2a, 0x55, 0xee, 0xd8, 0xed, 0xdf, 0xcb, 0x20, 0x0c, 0xcf, 0x01, 0xcf, 0xaa, 0xcf, 0xf8, 0xab, 0x85, 0x3a, 0xe4, 0x36, 0x95, 0x5a, 0x94, 0xf6, 0x81, 0xdd, 0x9f, 0x0b, 0x83, 0x88, 0xfa, 0xdf, 0x37, 0x56, 0xed, 0x4e, 0xa5, 0xaf, 0x34, 0xaa, 0x8a, 0x40, 0xd4, 0xa4, 0xe7, 0x31, 0xcd, 0x27, 0xc3, 0x11, 0x63, 0xcc, 0xde, 0x65, 0x65, 0x43, 0x59, 0x5d, 0x9d, 0x9d, 0xa5, 0x73, 0x9d, 0x41, 0xae, 0x7b, 0x64, 0xd4, 0xa8, 0xeb, 0x0b, 0x4c, 0x1e, 0x33, 0xd2, 0x39, 0x29, 0xab, 0xac, 0xad, 0xa8, 0xd3, 0xd1, 0x75, 0x3d, 0x8d, 0x2d, 0xd4, 0x06, 0x4b, 0x26, 0x1c, 0x6c, 0x01, 0xe8, 0x2f, 0xe8, 0xb5, 0x1a, 0x9e, 0xed, 0xfa, 0xc6, 0xb1, 0x8d, 0xef, 0x9f, 0x55, 0x94, 0xc4, 0x13, 0x04, 0x96, 0x83, 0x27, 0x95, 0xa1, 0x6a, 0xed, 0x65, 0x7d, 0x3b, 0x9c, 0xcd, 0x40, 0xa6, 0xe7, 0x16, 0x17, 0xb1, 0xcc, 0x16, 0xf0, 0xf0, 0x3c, 0x65, 0x65, 0x4b, 0x55, 0xa8, 0xdd, 0xa6, 0xa9, 0x51, 0xb4, 0x85, 0x2d, 0x41, 0x68, 0x00, 0x4e, 0xe0, 0x48, 0x24, 0x4f, 0xb2, 0xea, 0xd6, 0x6a, 0x1f, 0x48, 0x51, 0xa7, 0x4b, 0x6b, 0xab, 0x55, 0x7e, 0xd6, 0xee, 0xe0, 0x22, 0x64, 0xf4, 0xb4, 0xae, 0x2d, 0x65, 0x7d, 0x55, 0x36, 0xea, 0x68, 0x55, 0x14, 0x7b, 0xd1, 0x44, 0xbc, 0x39, 0x98, 0x73, 0x71, 0xe8, 0x57, 0x56, 0x8a, 0x9b, 0xe9, 0x76, 0x5d, 0x3a, 0x74, 0xf6, 0x35, 0xfb, 0x26, 0xd3, 0x12, 0x6f, 0xee, 0xbc, 0xfa, 0x15, 0x6b, 0xba, 0x97, 0x67, 0x38, 0x3d, 0xae, 0xa8, 0xe2, 0xe2, 0xd2, 0xee, 0x50, 0x4c, 0x9e, 0x6b, 0xa5, 0xfd, 0xa1, 0x56, 0x95, 0x2d, 0x43, 0x6a, 0xb6, 0x91, 0xab, 0x49, 0xec, 0x60, 0x22, 0xcd, 0x7e, 0xee, 0x24, 0x65, 0x69, 0xa2, 0xd7, 0x1a, 0xda, 0xb3, 0x41, 0xd5, 0xa8, 0xd6, 0x05, 0x85, 0xcd, 0x75, 0x31, 0xb6, 0x23, 0x84, 0x1b, 0xca, 0xcb, 0x5f, 0x3f, 0xc5, 0xa8, 0x6e, 0x14, 0xcd, 0x26, 0xd3, 0x73, 0x80, 0x20, 0xcc, 0x08, 0xe1, 0xce, 0xe6, 0xe9, 0x9d, 0x5e, 0xaf, 0xb8, 0x6e, 0xa9, 0xc2, 0x97, 0x70, 0xe2, 0x0f, 0x76, 0x03, 0xa7, 0x69, 0x39, 0x26, 0x7f, 0x25, 0xa1, 0xd4, 0xea, 0xaa, 0xf7, 0xc7, 0x4a, 0xea, 0x42, 0x9d, 0x37, 0x96, 0x80, 0xf6, 0x97, 0x17, 0x11, 0xff, 0x00, 0x3d, 0x54, 0x33, 0x5b, 0x5f, 0x59, 0xdc, 0xb7, 0x4a, 0x18, 0xc0, 0x69, 0x8a, 0x8e, 0x7b, 0xe5, 0xc1, 0xa4, 0x9b, 0x00, 0x01, 0x1c, 0x8a, 0xc7, 0x4b, 0x48, 0x56, 0x1a, 0x87, 0x6a, 0xde, 0x5b, 0xdd, 0xea, 0x9c, 0xf7, 0x06, 0x9b, 0x38, 0x06, 0x8b, 0x73, 0xeb, 0x17, 0x5d, 0x5d, 0x95, 0x4c, 0x7f, 0x3a, 0xb8, 0x63, 0x59, 0x46, 0xa9, 0x05, 0x8c, 0xb8, 0x11, 0x89, 0xe9, 0x85, 0xde, 0x22, 0xe0, 0x83, 0x1c, 0x11, 0x04, 0x01, 0xca, 0x79, 0xa9, 0x79, 0x8d, 0x4d, 0x28, 0x8b, 0xee, 0xeb, 0x80, 0xaa, 0x25, 0xc2, 0x40, 0x30, 0xb2, 0x04, 0xfe, 0x31, 0xed, 0x92, 0x06, 0xc6, 0x9b, 0x79, 0x95, 0xbe, 0xe1, 0x31, 0xc7, 0x08, 0x69, 0xe6, 0x6e, 0x87, 0x08, 0x36, 0x2b, 0x1d, 0x30, 0x1f, 0xcc, 0x82, 0x67, 0x7c, 0xad, 0x8b, 0x77, 0x6e, 0x20, 0x9b, 0xfe, 0xff, 0x00, 0x35, 0x86, 0x8f, 0xff, 0x00, 0xb7, 0x64, 0xce, 0x16, 0xdf, 0xd5, 0x93, 0x1c, 0x50, 0x41, 0x19, 0x71, 0xf6, 0x95, 0x96, 0xa1, 0xd1, 0x45, 0xdb, 0x66, 0x78, 0xfb, 0xaf, 0x9a, 0xf8, 0x9f, 0x57, 0x4f, 0xb0, 0x3b, 0x63, 0x47, 0xdb, 0xb5, 0xb7, 0x7e, 0x16, 0xa3, 0x4e, 0x8f, 0x55, 0x0d, 0xbe, 0xdc, 0xb5, 0xd1, 0xfd, 0x44, 0x10, 0x47, 0x93, 0xa2, 0xc9, 0xfc, 0x3f, 0xa0, 0xad, 0xa8, 0xd4, 0x8e, 0xdd, 0xed, 0x3a, 0x60, 0x6b, 0x75, 0x4e, 0x0d, 0xa1, 0x4c, 0xc1, 0xfc, 0x3d, 0x08, 0x25, 0xad, 0xb7, 0xf5, 0x11, 0x77, 0x75, 0x31, 0xc2, 0x57, 0xd6, 0x80, 0x40, 0xb3, 0x81, 0xe0, 0x8d, 0xb3, 0xe1, 0x24, 0x4f, 0x04, 0x00, 0x38, 0x03, 0x2b, 0x12, 0x08, 0xd5, 0xb0, 0x12, 0x7e, 0x43, 0x37, 0xea, 0x16, 0x84, 0x71, 0x00, 0xc7, 0x59, 0x58, 0x30, 0x8f, 0xc4, 0x56, 0x30, 0x30, 0x3f, 0x3f, 0xd1, 0x6d, 0xc0, 0x4c, 0x8f, 0x45, 0x45, 0xc6, 0x48, 0x02, 0x79, 0x20, 0x07, 0x48, 0x91, 0x6e, 0x59, 0x59, 0xe9, 0xa4, 0xd0, 0xea, 0x5c, 0xef, 0xfe, 0x4a, 0xea, 0x03, 0xb5, 0xc2, 0x60, 0x44, 0x0b, 0x9e, 0x7e, 0x7d, 0x51, 0xa7, 0x1f, 0xc8, 0xa6, 0x20, 0x4e, 0xc0, 0x55, 0x01, 0xc4, 0xe0, 0xe1, 0x03, 0xe6, 0x16, 0x77, 0xaa, 0x7b, 0x3c, 0x94, 0x55, 0x8e, 0xed, 0xc0, 0x8b, 0xed, 0x2b, 0xc1, 0xf8, 0x4c, 0x0e, 0xef, 0x52, 0x44, 0x78, 0x88, 0xe1, 0x3c, 0x0a, 0xfa, 0x08, 0x02, 0x60, 0x89, 0xe3, 0xc1, 0x51, 0x6c, 0x09, 0x0a, 0x46, 0x24, 0x64, 0xf5, 0x43, 0x41, 0x0e, 0xc2, 0x66, 0xc7, 0x06, 0xe9, 0x0c, 0xcc, 0x42, 0xd0, 0xf1, 0x4c, 0x5a, 0xe4, 0x0f, 0x74, 0x7a, 0x85, 0xe8, 0xfc, 0x45, 0xff, 0x00, 0x70, 0xa9, 0x00, 0xcc, 0x0b, 0xc7, 0x9a, 0xf2, 0x8c, 0x67, 0x9a, 0x92, 0x6d, 0x3c, 0x3c, 0xff, 0x00, 0x24, 0x02, 0x36, 0xd8, 0x18, 0x41, 0x83, 0xf2, 0xc7, 0xaa, 0x6d, 0xb8, 0x3e, 0x21, 0x6c, 0x09, 0x52, 0x4c, 0x5c, 0x9f, 0xf0, 0x9f, 0xf5, 0x0b, 0x98, 0xf2, 0x4a, 0x09, 0x24, 0x58, 0x2f, 0x9b, 0xf8, 0xb8, 0x82, 0xfd, 0x31, 0xcf, 0xcc, 0x3f, 0xf8, 0xaf, 0xa2, 0x6f, 0xca, 0x00, 0xc4, 0x7b, 0x22, 0x4e, 0xdb, 0xfa, 0x59, 0x06, 0xc0, 0x4c, 0x41, 0xe8, 0x9c, 0x82, 0x04, 0x12, 0x13, 0x22, 0x48, 0xb8, 0x8e, 0x69, 0x92, 0x30, 0x08, 0xf4, 0x2a, 0x5e, 0x46, 0xe0, 0x0c, 0xa5, 0x1e, 0x29, 0x06, 0xde, 0x6a, 0xc4, 0xc4, 0x10, 0x60, 0xaf, 0x2e, 0xa6, 0x8f, 0x52, 0xdd, 0x3e, 0xa3, 0x4f, 0x41, 0xd4, 0x85, 0x3a, 0xbb, 0x8c, 0xbb, 0x20, 0x38, 0x92, 0x6d, 0xe6, 0x4d, 0xec, 0xbb, 0x28, 0x35, 0xf4, 0xfb, 0xa6, 0x12, 0xd3, 0x49, 0xb4, 0xc0, 0x02, 0x7f, 0xa8, 0x58, 0x2d, 0x2b, 0x02, 0xfa, 0x2e, 0x6b, 0x62, 0x4b, 0x48, 0xf5, 0x2b, 0x85, 0xfa, 0x57, 0x9e, 0xcc, 0x6e, 0x90, 0xbd, 0xa1, 0xcd, 0x63, 0x46, 0xee, 0x70, 0x41, 0xfc, 0x93, 0xd4, 0xe9, 0x8d, 0x6a, 0xb4, 0x5e, 0x08, 0x0d, 0x63, 0x5c, 0xd7, 0x81, 0xfe, 0xe1, 0xc1, 0x72, 0x51, 0xec, 0xfa, 0xf4, 0xfb, 0x9a, 0x73, 0xa7, 0x6d, 0x3a, 0x64, 0x1d, 0xe1, 0x83, 0x7b, 0x80, 0xfe, 0x93, 0xfb, 0x2b, 0xa7, 0xb4, 0x74, 0xd5, 0x6b, 0xd0, 0x60, 0xa6, 0x5b, 0xbd, 0xaf, 0xdf, 0xb5, 0xc0, 0xed, 0x78, 0x8c, 0x18, 0xe0, 0xbc, 0xed, 0x6e, 0x9a, 0xb5, 0x0a, 0x1a, 0x9a, 0x95, 0x3b, 0x8d, 0x8f, 0xa4, 0x03, 0x99, 0x4d, 0xa4, 0x41, 0x07, 0x80, 0xe3, 0x95, 0xd6, 0x34, 0xda, 0x9a, 0xaf, 0xa0, 0x75, 0x15, 0x29, 0x77, 0x74, 0xc8, 0x78, 0x0d, 0x6c, 0x6f, 0x3c, 0xcf, 0x19, 0x8e, 0x0b, 0x0d, 0x36, 0x9f, 0x55, 0xa8, 0xd1, 0x3a, 0x8e, 0xfa, 0x42, 0x8d, 0x47, 0xbe, 0x49, 0x10, 0xe0, 0x0b, 0xb1, 0xd7, 0x0b, 0x7a, 0x9a, 0x1a, 0xad, 0xad, 0x51, 0xf4, 0x1b, 0x41, 0xc2, 0xa4, 0x4f, 0x78, 0x2e, 0xd2, 0x2d, 0x3f, 0xe1, 0x49, 0xec, 0xfa, 0x8d, 0xa9, 0x45, 0xed, 0x75, 0x1a, 0x9b, 0x69, 0x8a, 0x6e, 0x15, 0x47, 0xca, 0x66, 0x77, 0x01, 0x8f, 0x45, 0x7a, 0x5d, 0x0d, 0x4a, 0x4f, 0xd3, 0xef, 0x7b, 0x08, 0xa3, 0x55, 0xee, 0x24, 0x08, 0xcd, 0xe2, 0x39, 0x5d, 0x45, 0x6d, 0x05, 0x6a, 0xb5, 0xb5, 0x05, 0x9d, 0xc4, 0x57, 0x13, 0xbd, 0xe2, 0x5c, 0xcb, 0x60, 0x2d, 0xf4, 0x5a, 0x4a, 0x94, 0xea, 0x36, 0xa3, 0xdc, 0xd3, 0x14, 0x45, 0x38, 0x6f, 0x30, 0x4d, 0xfe, 0xca, 0x0e, 0x86, 0xa5, 0x37, 0x35, 0xf4, 0x9f, 0x4f, 0xbe, 0x65, 0x57, 0x3d, 0xb3, 0x82, 0x1c, 0x4d, 0xbc, 0xa1, 0x2a, 0xfa, 0x2a, 0xfa, 0x8a, 0x4e, 0x75, 0x7a, 0xac, 0xef, 0x03, 0xc3, 0xd8, 0xdf, 0xe9, 0x69, 0x1c, 0x00, 0xe2, 0xb5, 0xd1, 0x50, 0xa9, 0x45, 0xef, 0xa9, 0x55, 0xb4, 0x5a, 0x08, 0x0d, 0x0c, 0xa6, 0xd8, 0x02, 0xfc, 0xe6, 0xea, 0x75, 0x1a, 0x5a, 0xb5, 0x35, 0xce, 0xaa, 0xd1, 0x45, 0xe1, 0xcd, 0x00, 0x0a, 0xa2, 0x76, 0x41, 0x37, 0x03, 0x12, 0x8d, 0x26, 0x86, 0xad, 0x13, 0xa7, 0x0f, 0x7b, 0x1d, 0xdc, 0xee, 0x00, 0xb4, 0x44, 0x87, 0x1f, 0xa2, 0x55, 0xf4, 0x0f, 0x7b, 0xeb, 0xb9, 0xb5, 0x00, 0xa8, 0xea, 0x82, 0xa5, 0x32, 0xe0, 0x4c, 0x16, 0x8e, 0x3c, 0xd6, 0x9a, 0x7d, 0x3d, 0x67, 0x6b, 0x5b, 0xa8, 0xaf, 0x55, 0x96, 0x61, 0x68, 0x63, 0x1a, 0x44, 0x49, 0x06, 0x47, 0xb2, 0xcf, 0xb4, 0x1b, 0x50, 0xf6, 0x86, 0x8f, 0xb9, 0x70, 0x6b, 0xda, 0xca, 0x84, 0x6e, 0x12, 0x0d, 0x86, 0x63, 0x82, 0x1f, 0xa1, 0xa9, 0x51, 0xb5, 0x5d, 0x5a, 0xa3, 0x4d, 0x6a, 0x8e, 0x61, 0x96, 0x88, 0x00, 0x34, 0x82, 0x00, 0xe8, 0xaf, 0x59, 0xa5, 0x7b, 0xf5, 0x2d, 0xab, 0x41, 0xd4, 0xf7, 0x86, 0x96, 0x96, 0xbd, 0xbb, 0x9a, 0xe0, 0x4c, 0xf1, 0xe2, 0xa4, 0xe9, 0x75, 0x0d, 0xa4, 0xd1, 0x4e, 0xbb, 0x0b, 0xc3, 0x8b, 0xdc, 0xd7, 0xb3, 0xc0, 0xe9, 0xe8, 0x2c, 0x16, 0x6c, 0xec, 0xd7, 0x77, 0x41, 0xed, 0xa9, 0x4f, 0xbf, 0x15, 0x0b, 0xc1, 0x0d, 0x81, 0x7e, 0x17, 0xb9, 0x0b, 0x43, 0xa3, 0xac, 0xfa, 0x4f, 0x6d, 0x5a, 0x8c, 0xde, 0xe2, 0xd2, 0x36, 0x32, 0xcd, 0x0d, 0xe1, 0xd4, 0xfd, 0x96, 0xba, 0x8d, 0x31, 0xa9, 0xaa, 0xa7, 0x5d, 0xce, 0x00, 0x31, 0xa5, 0xa0, 0x45, 0xc4, 0xfe, 0xf9, 0x2e, 0x4a, 0x5d, 0x9d, 0x5a, 0x8b, 0x74, 0xfb, 0x2a, 0xd2, 0x35, 0x29, 0x02, 0xd1, 0x2c, 0x91, 0xb4, 0xc7, 0x09, 0x89, 0x81, 0x95, 0x43, 0xb3, 0x6b, 0x35, 0xb5, 0x1b, 0xf8, 0x90, 0xe7, 0x9a, 0xbd, 0xeb, 0x5f, 0xb0, 0x9f, 0x16, 0x60, 0x89, 0xc4, 0xc2, 0xd1, 0xdd, 0x9c, 0x5c, 0x2a, 0xbc, 0xd4, 0x21, 0xef, 0x7b, 0x6a, 0x02, 0xd1, 0x66, 0x90, 0x00, 0xe7, 0x24, 0x59, 0x1f, 0x83, 0xab, 0x55, 0xef, 0x7e, 0xaa, 0xb3, 0x1c, 0xf1, 0x4d, 0xd4, 0xd8, 0x1a, 0xd2, 0x03, 0x43, 0xb8, 0xdc, 0xdc, 0xad, 0x5d, 0xa5, 0x15, 0x28, 0xe9, 0x69, 0x36, 0xa8, 0x9a, 0x25, 0xae, 0x9e, 0x65, 0xa0, 0x85, 0x7a, 0xad, 0x2f, 0x7e, 0x1a, 0xea, 0x6e, 0x2c, 0xa9, 0x4d, 0xdb, 0xd8, 0xe8, 0x90, 0x08, 0x04, 0x10, 0x7a, 0x41, 0x58, 0x0d, 0x15, 0x5a, 0x9d, 0xfb, 0xf5, 0x15, 0x83, 0xea, 0x55, 0x61, 0xa4, 0xd2, 0xd6, 0xf8, 0x40, 0x37, 0x36, 0xe6, 0xbb, 0xa9, 0xd2, 0x34, 0xe8, 0x32, 0x9d, 0xc9, 0x68, 0x02, 0x79, 0x59, 0x70, 0xe9, 0xfb, 0x39, 0xf4, 0x06, 0x9f, 0x75, 0x60, 0xf6, 0xd0, 0xdc, 0x1b, 0xe1, 0x8b, 0x19, 0xea, 0x8d, 0x46, 0x84, 0x56, 0x7e, 0xa5, 0xce, 0xa9, 0x06, 0xa1, 0x63, 0xc5, 0xbe, 0x57, 0x37, 0x8f, 0x55, 0xb6, 0x9e, 0x8d, 0x56, 0xd4, 0xef, 0x2b, 0xea, 0x0d, 0x42, 0x19, 0xb5, 0xad, 0x0d, 0x2d, 0x03, 0x8c, 0xe6, 0xe5, 0x55, 0x5d, 0x30, 0xa9, 0xab, 0x6d, 0x67, 0x38, 0xf8, 0x58, 0xe6, 0x44, 0x70, 0x31, 0xfa, 0x2e, 0x66, 0xf6, 0x7d, 0x53, 0x49, 0x94, 0x6a, 0x6a, 0x09, 0xd3, 0x53, 0x20, 0x8a, 0x7b, 0x2f, 0x6e, 0x66, 0x7d, 0x50, 0xed, 0x0d, 0x46, 0xba, 0xbf, 0xe1, 0xf5, 0x06, 0x8b, 0x2a, 0x19, 0x73, 0x4b, 0x66, 0x09, 0x37, 0x83, 0xc3, 0x82, 0xaf, 0xe1, 0xfb, 0x1d, 0x49, 0xda, 0x4a, 0xbd, 0xdb, 0x98, 0xce, 0xec, 0xc8, 0xdc, 0x0b, 0x47, 0x31, 0xcf, 0x37, 0xea, 0xaf, 0x4b, 0xa4, 0x75, 0x1a, 0x35, 0x98, 0x2a, 0x97, 0x3e, 0xa1, 0x2f, 0xde, 0x46, 0x24, 0x01, 0x8f, 0x20, 0xba, 0xa9, 0x34, 0xb2, 0x93, 0x58, 0x48, 0x2e, 0x68, 0x02, 0x63, 0xa7, 0x25, 0x59, 0x22, 0x48, 0xb2, 0x1d, 0x7b, 0x08, 0x23, 0x82, 0xc6, 0xab, 0x5c, 0xda, 0x94, 0xdc, 0xc6, 0x97, 0xec, 0x99, 0xf5, 0x08, 0xef, 0x2b, 0xc8, 0xfe, 0x4d, 0xff, 0x00, 0xf2, 0x09, 0xd2, 0xef, 0x1f, 0xa8, 0x73, 0xde, 0xc0, 0xc1, 0xb4, 0x34, 0x5e, 0x66, 0x09, 0x2b, 0x71, 0x11, 0x7b, 0x94, 0x06, 0x83, 0x30, 0x9c, 0x08, 0x11, 0x33, 0x8e, 0x8b, 0x9d, 0x9d, 0xe3, 0x1c, 0xf0, 0x18, 0xd2, 0x1c, 0xe2, 0x67, 0x7c, 0x7d, 0x21, 0x58, 0x75, 0x7b, 0xed, 0xa6, 0xc3, 0x19, 0xf1, 0xff, 0x00, 0x84, 0x50, 0x6b, 0x99, 0x49, 0x81, 0xc0, 0x48, 0x10, 0x60, 0xad, 0x49, 0x9c, 0x8b, 0x14, 0x9d, 0x18, 0xbf, 0x4e, 0x0b, 0x1d, 0x43, 0x5c, 0xea, 0x27, 0x6e, 0x79, 0x99, 0xe9, 0xf9, 0x2f, 0x86, 0xed, 0x2d, 0x16, 0xa3, 0xe3, 0x97, 0xea, 0x9f, 0x56, 0x29, 0x76, 0x46, 0x9e, 0x69, 0xe9, 0x21, 0xe4, 0x0a, 0xb5, 0x84, 0xb4, 0xd5, 0x91, 0x72, 0xc0, 0x70, 0x2c, 0x0e, 0x57, 0xb7, 0xf0, 0xd7, 0x6a, 0xd5, 0xd7, 0x52, 0x1a, 0x2d, 0x6b, 0x19, 0xa7, 0xed, 0x3d, 0x16, 0xdf, 0xc4, 0xd3, 0x7b, 0xe1, 0xc4, 0x09, 0x1b, 0xda, 0x30, 0x58, 0x78, 0x1e, 0x76, 0x37, 0x95, 0xf4, 0xd3, 0x13, 0xb8, 0x00, 0x45, 0xbf, 0x63, 0x9a, 0x38, 0xe2, 0xc5, 0x1b, 0x81, 0x8c, 0x98, 0x30, 0xb2, 0xac, 0xda, 0x82, 0xa8, 0xab, 0x4c, 0x35, 0xd0, 0xd8, 0x32, 0xe2, 0x23, 0x1d, 0x3a, 0x27, 0xbe, 0xbb, 0x99, 0x66, 0x52, 0x9f, 0xfc, 0xcf, 0xe8, 0xb3, 0xa4, 0xd7, 0x82, 0xf7, 0x54, 0x0d, 0x97, 0x5a, 0xc6, 0x71, 0x3d, 0x3a, 0xad, 0xd8, 0xc3, 0x04, 0x8e, 0x3d, 0x55, 0x35, 0xbb, 0x49, 0x92, 0x24, 0xf3, 0x4c, 0x64, 0x41, 0x11, 0xd1, 0x72, 0xd2, 0x15, 0xe9, 0x82, 0x1a, 0xca, 0x79, 0x26, 0xf5, 0x0d, 0xe6, 0x4f, 0x24, 0xc9, 0xaf, 0xb2, 0x3b, 0xba, 0x64, 0xcf, 0xff, 0x00, 0xb8, 0x4f, 0x1f, 0x25, 0xad, 0x26, 0x16, 0xd3, 0x6b, 0x73, 0x0d, 0x01, 0x58, 0x18, 0x99, 0x00, 0x61, 0x37, 0x82, 0x48, 0x3b, 0x8c, 0x79, 0xa9, 0x10, 0x20, 0x4a, 0x2b, 0x37, 0xc0, 0xe9, 0x23, 0x05, 0x7c, 0xff, 0x00, 0xc2, 0x03, 0xf9, 0x7a, 0xab, 0xda, 0x5a, 0x0f, 0x4b, 0x15, 0xf4, 0x24, 0xc1, 0x20, 0xc1, 0x9e, 0x30, 0x9f, 0x09, 0x06, 0xc9, 0x6e, 0x37, 0x4d, 0xce, 0x38, 0x2e, 0x25, 0x13, 0x04, 0x41, 0x10, 0x90, 0xf9, 0x8c, 0x10, 0x9d, 0xe2, 0x01, 0xb2, 0xa6, 0xe6, 0x45, 0xff, 0x00, 0x2f, 0x45, 0x5b, 0xaa, 0x73, 0x1f, 0xfb, 0x57, 0xa3, 0xf1, 0x01, 0xff, 0x00, 0xd4, 0x6a, 0x0b, 0xc4, 0x7e, 0xab, 0xc8, 0x3c, 0xe4, 0x5c, 0x4a, 0x40, 0x66, 0x22, 0x55, 0x09, 0x82, 0x0f, 0xaa, 0x46, 0x0b, 0x41, 0x68, 0xf4, 0x84, 0xdb, 0x13, 0x1b, 0x43, 0x4f, 0x92, 0x66, 0x48, 0x30, 0x4d, 0xae, 0x52, 0x6c, 0x11, 0x85, 0x2f, 0x70, 0xb9, 0xe7, 0x6c, 0x65, 0x7c, 0xdf, 0xc5, 0xc3, 0xc7, 0xa6, 0x82, 0x00, 0xf1, 0x75, 0xfe, 0xd5, 0xf4, 0x4c, 0xf9, 0x44, 0xc5, 0xba, 0x42, 0xa3, 0x89, 0x3f, 0xaa, 0x66, 0x00, 0xc8, 0x3f, 0x44, 0x35, 0xa2, 0x04, 0x5c, 0xf2, 0x4a, 0x40, 0x68, 0x11, 0x06, 0x67, 0xa0, 0x48, 0xc9, 0xc4, 0x4f, 0x92, 0x45, 0xb3, 0x17, 0x10, 0xac, 0x40, 0x00, 0x5a, 0x54, 0xf2, 0x22, 0xe7, 0xce, 0xc9, 0xb7, 0x24, 0x9c, 0xaa, 0xda, 0x27, 0x71, 0x27, 0xee, 0xb3, 0x78, 0xb9, 0x82, 0x47, 0x9f, 0x15, 0x9d, 0x52, 0x62, 0x04, 0x7a, 0x85, 0x23, 0x04, 0x5c, 0x0f, 0x2c, 0x27, 0x7b, 0x10, 0x46, 0x38, 0xa9, 0xb9, 0xb0, 0x03, 0xdc, 0xaa, 0xb4, 0x41, 0x93, 0x06, 0x51, 0x36, 0xbe, 0x6d, 0x3c, 0xe5, 0x0d, 0x27, 0x60, 0x1b, 0x41, 0xba, 0xbb, 0x9b, 0x3a, 0x00, 0xe4, 0x88, 0xbd, 0xe3, 0xa7, 0x14, 0x9c, 0xd3, 0x04, 0x8b, 0xd9, 0x1b, 0x47, 0x13, 0xf5, 0x41, 0x30, 0x6e, 0x0d, 0xba, 0xa6, 0x47, 0x2c, 0x0e, 0x12, 0x94, 0x0c, 0xed, 0xe9, 0x99, 0x44, 0xe6, 0x64, 0x8e, 0x45, 0x37, 0x91, 0xb4, 0x70, 0x16, 0xc2, 0x01, 0xbc, 0x8e, 0x7c, 0xd0, 0x7e, 0x69, 0x37, 0x9e, 0xa5, 0x39, 0xb5, 0xa6, 0x07, 0x34, 0xa0, 0x12, 0xd7, 0x40, 0x2e, 0x1f, 0x4f, 0x64, 0xc6, 0x6f, 0x31, 0xc1, 0x49, 0x68, 0x04, 0x9b, 0xfe, 0xf9, 0x23, 0xa8, 0x04, 0xde, 0xf1, 0xf9, 0xa1, 0xce, 0x26, 0xd7, 0x91, 0xcd, 0x3b, 0x5a, 0x3f, 0x7d, 0x7c, 0xd0, 0x32, 0x98, 0x68, 0x19, 0x3e, 0x50, 0x91, 0xe8, 0x6d, 0xe4, 0x95, 0xae, 0x48, 0x06, 0xf6, 0x8b, 0x4f, 0x9a, 0x67, 0x12, 0x4c, 0x1e, 0x16, 0x48, 0x34, 0x03, 0x26, 0x0a, 0xac, 0x9b, 0x81, 0x1e, 0xdf, 0x44, 0xdb, 0x01, 0xe2, 0x00, 0xb4, 0xe7, 0xd9, 0x37, 0x1f, 0x08, 0x82, 0x2c, 0x78, 0x24, 0x76, 0xc6, 0x4a, 0x99, 0xb8, 0x24, 0x98, 0xe0, 0x8b, 0x60, 0x93, 0x27, 0xa2, 0x7c, 0x2f, 0x1b, 0x7c, 0x92, 0x31, 0x02, 0x0c, 0x9f, 0x34, 0x0e, 0x62, 0x23, 0x92, 0x01, 0x83, 0x63, 0x63, 0xf4, 0x45, 0xb0, 0x2d, 0x08, 0x32, 0x70, 0x94, 0xf9, 0x84, 0xe5, 0xa1, 0xc2, 0x66, 0xe8, 0x92, 0x24, 0x8b, 0x9f, 0x24, 0xa2, 0xe0, 0x9c, 0x91, 0x38, 0x94, 0xc1, 0x3c, 0x30, 0x7a, 0x61, 0x36, 0xc1, 0x88, 0x82, 0xac, 0x58, 0x7d, 0xc2, 0x90, 0xe3, 0xb8, 0xe0, 0xb6, 0x2f, 0x28, 0x07, 0x3c, 0x07, 0x04, 0xe7, 0xc3, 0x17, 0xb1, 0xfd, 0xca, 0xa3, 0x1c, 0x66, 0x2f, 0xc3, 0x1d, 0x14, 0xe0, 0x82, 0x0c, 0x82, 0x15, 0x17, 0x1b, 0x40, 0x10, 0xa2, 0xce, 0x04, 0x11, 0x9c, 0xd8, 0x29, 0xd2, 0xd0, 0xa5, 0xa5, 0xa3, 0x4e, 0x8e, 0x9e, 0x9b, 0x29, 0xd1, 0xa6, 0xd0, 0xd6, 0x35, 0x80, 0x34, 0x35, 0xa2, 0xc0, 0x00, 0x38, 0x27, 0xb4, 0x6e, 0x90, 0xd1, 0xb8, 0x88, 0x26, 0x0f, 0xbf, 0x9f, 0x55, 0x4d, 0x02, 0x20, 0x01, 0x6b, 0x72, 0x4f, 0x70, 0x82, 0x0e, 0x53, 0xdc, 0x60, 0x00, 0xd3, 0x33, 0x3e, 0x69, 0x07, 0x5f, 0x88, 0x9c, 0xa6, 0xe9, 0x93, 0x27, 0x77, 0x2b, 0xa0, 0x43, 0x72, 0x0d, 0xf3, 0x72, 0xa6, 0x44, 0x5a, 0x67, 0xa9, 0x40, 0x71, 0x02, 0xe4, 0x42, 0x62, 0xa5, 0xe0, 0x13, 0x18, 0x37, 0x84, 0xc9, 0x71, 0x16, 0xc0, 0xf3, 0x44, 0x8b, 0x1d, 0xd8, 0x31, 0x95, 0x40, 0xc1, 0x96, 0xc4, 0x20, 0x38, 0x49, 0x99, 0x9f, 0xb2, 0x6e, 0x33, 0x20, 0x0f, 0x58, 0x53, 0x63, 0xca, 0x56, 0x75, 0x4f, 0x80, 0x82, 0x2d, 0xb4, 0xf1, 0x5e, 0x0f, 0xc2, 0x2e, 0x02, 0x9e, 0xa8, 0x36, 0xe2, 0x5b, 0xf9, 0xaf, 0xa1, 0x73, 0xa2, 0xc5, 0x56, 0xe9, 0x02, 0xc2, 0x14, 0xb8, 0xc0, 0x30, 0x91, 0xbd, 0xd1, 0x25, 0xb0, 0x4c, 0x20, 0x1e, 0x40, 0x42, 0xb0, 0x6d, 0x16, 0x3f, 0x45, 0x20, 0xe6, 0x00, 0xf3, 0x55, 0xbb, 0xa0, 0xf7, 0x5e, 0xaf, 0xc4, 0x26, 0x7b, 0x52, 0xa0, 0x13, 0x81, 0xf9, 0xaf, 0x21, 0xc0, 0x00, 0xdc, 0x4c, 0x09, 0x40, 0xc1, 0xc2, 0x1c, 0xd8, 0x8c, 0xa6, 0xe0, 0x49, 0x1d, 0x6e, 0x11, 0x68, 0x9e, 0x49, 0x1e, 0xb2, 0x04, 0x42, 0x62, 0x62, 0xc6, 0xca, 0x41, 0xb9, 0xc5, 0xb3, 0xd5, 0x7c, 0xdf, 0xc5, 0xff, 0x00, 0xea, 0x69, 0x60, 0x88, 0x97, 0x4f, 0xff, 0x00, 0xd5, 0x7d, 0x1e, 0xd3, 0x0d, 0xcc, 0x01, 0xee, 0x9c, 0x1b, 0x81, 0xf5, 0x40, 0xc5, 0xa1, 0x1b, 0x44, 0x83, 0x62, 0x7d, 0x92, 0x20, 0x13, 0x00, 0x01, 0xe6, 0x9f, 0xca, 0x0e, 0x09, 0x3c, 0xae, 0x95, 0xa2, 0xd9, 0xe2, 0x83, 0xd6, 0x65, 0x21, 0xb6, 0x0b, 0x5c, 0x4e, 0xdf, 0x64, 0x37, 0xfa, 0xa1, 0xc6, 0x02, 0x1a, 0x48, 0xbd, 0xa3, 0x25, 0x72, 0xeb, 0x35, 0x9a, 0x7d, 0x3e, 0xd1, 0x5a, 0xa3, 0x29, 0x97, 0x49, 0x1b, 0x96, 0x6c, 0xed, 0x1d, 0x23, 0xb7, 0x6d, 0xac, 0xc7, 0x06, 0xb6, 0x49, 0xbc, 0x5c, 0x81, 0xe4, 0xba, 0x01, 0x1b, 0x88, 0xb9, 0x1d, 0x0e, 0x13, 0x0e, 0xf0, 0x40, 0x91, 0x78, 0x33, 0x16, 0x54, 0x5a, 0x4e, 0x40, 0xb0, 0x93, 0xf6, 0xfb, 0xa9, 0x73, 0x8b, 0x6e, 0x4c, 0x26, 0xc1, 0x30, 0x48, 0x3b, 0xb2, 0x71, 0x65, 0x0e, 0xa8, 0xc6, 0xd5, 0x6b, 0x0b, 0x80, 0x7b, 0xc1, 0xda, 0xd9, 0xb9, 0x8e, 0x3e, 0x4a, 0xc1, 0xc4, 0x91, 0xd2, 0x78, 0x9e, 0x49, 0x31, 0xed, 0x79, 0x24, 0x10, 0x40, 0x3b, 0x4c, 0x1c, 0x18, 0x54, 0xec, 0x12, 0x26, 0x31, 0x9c, 0x9e, 0x48, 0xb4, 0x12, 0x23, 0x04, 0xfd, 0x96, 0x5a, 0x8a, 0xf4, 0xa8, 0xde, 0xab, 0xc5, 0xcc, 0x36, 0x78, 0x95, 0xa5, 0x6a, 0xd4, 0xe8, 0xb0, 0xba, 0xab, 0xc3, 0x5a, 0x0c, 0x4c, 0x26, 0xca, 0x81, 0xcd, 0x96, 0x3a, 0x41, 0x12, 0x2d, 0x08, 0x04, 0xc4, 0x1c, 0xfa, 0x14, 0x3a, 0x72, 0x6e, 0x0d, 0x87, 0x42, 0xa0, 0x39, 0x9d, 0xe0, 0xa6, 0x5c, 0x05, 0x43, 0xe2, 0x8e, 0x8b, 0x49, 0xb1, 0x86, 0x93, 0x1c, 0x22, 0xf9, 0x59, 0x3a, 0xa5, 0x36, 0xd6, 0x6d, 0x3d, 0xc4, 0x17, 0xce, 0xd1, 0x19, 0x01, 0x6a, 0x1c, 0x04, 0x60, 0x13, 0x6b, 0x82, 0x93, 0xce, 0xd0, 0x5e, 0xe3, 0xe1, 0x02, 0x49, 0x8c, 0x79, 0xa9, 0xa6, 0xe1, 0x56, 0x90, 0x78, 0x74, 0x82, 0xd9, 0x31, 0x7b, 0x15, 0x6d, 0xb5, 0xae, 0x5d, 0x31, 0x1d, 0x52, 0x27, 0xc4, 0x08, 0xc7, 0xda, 0x79, 0xa9, 0x93, 0x04, 0x08, 0x06, 0x55, 0x34, 0xf8, 0xac, 0x21, 0xd8, 0x29, 0xce, 0x24, 0x91, 0x91, 0x7e, 0x88, 0x33, 0xc8, 0x4c, 0x1e, 0x1f, 0x9a, 0xca, 0xa5, 0x66, 0xb2, 0xab, 0x58, 0xe2, 0x64, 0xb4, 0xbb, 0x13, 0x00, 0x71, 0x9f, 0xc9, 0x3a, 0x15, 0x9b, 0xa8, 0xa6, 0xd7, 0xd3, 0x25, 0xcd, 0x78, 0x05, 0xa6, 0x0d, 0xff, 0x00, 0x3f, 0x70, 0x8a, 0xb5, 0x99, 0x4e, 0xab, 0x18, 0xe2, 0x65, 0xe4, 0xb5, 0xb0, 0x24, 0xc8, 0x13, 0xf9, 0x27, 0xa8, 0xaa, 0xca, 0x0c, 0x35, 0x2a, 0x38, 0x86, 0x08, 0x1b, 0xa2, 0x6e, 0x4a, 0xa0, 0x4e, 0x60, 0x9f, 0x43, 0xe6, 0xb1, 0xaf, 0xad, 0xa3, 0x41, 0xdb, 0x1e, 0x1e, 0xe7, 0xed, 0x0e, 0x2d, 0xa6, 0xd2, 0xe8, 0x1c, 0xca, 0xd6, 0x95, 0x46, 0xd6, 0xa6, 0xca, 0x94, 0x8c, 0xb1, 0xd7, 0x1c, 0x15, 0xb8, 0x09, 0xbf, 0x04, 0x8e, 0x46, 0xd8, 0xeb, 0x25, 0x13, 0x68, 0x00, 0xfa, 0xa9, 0x71, 0x30, 0x0c, 0x1b, 0x72, 0xe2, 0x9b, 0x64, 0xb4, 0x10, 0x6f, 0xc6, 0xe9, 0x82, 0x41, 0x93, 0x94, 0x03, 0x9c, 0x21, 0xb1, 0xcf, 0x29, 0x16, 0x99, 0xca, 0x67, 0x86, 0x27, 0xec, 0xb1, 0xac, 0xfa, 0x81, 0xec, 0x65, 0x3d, 0xad, 0x73, 0xe7, 0xe6, 0x13, 0x80, 0x15, 0x6d, 0xae, 0x22, 0x1f, 0x4a, 0xf8, 0xfe, 0x59, 0x3f, 0x9a, 0x9a, 0x2f, 0xad, 0xdf, 0xb9, 0x95, 0x4d, 0x37, 0x00, 0x03, 0x84, 0x02, 0xd9, 0xca, 0xde, 0x46, 0xd0, 0x45, 0xac, 0x87, 0x3a, 0x4c, 0x34, 0xdc, 0xa6, 0x1c, 0x44, 0xee, 0x23, 0x18, 0x5f, 0x2b, 0xaa, 0xed, 0xed, 0x47, 0x66, 0xfc, 0x43, 0xf8, 0x5e, 0xd3, 0x75, 0x0a, 0x5d, 0x9d, 0xaa, 0x3b, 0x74, 0xba, 0x9e, 0xec, 0xc3, 0x6a, 0x00, 0x25, 0x8e, 0xbe, 0x72, 0x47, 0x3c, 0x65, 0x2f, 0x88, 0x7b, 0x57, 0x5d, 0x57, 0xb4, 0xa8, 0xf6, 0x1f, 0x63, 0x55, 0x61, 0xed, 0x0a, 0xed, 0x0f, 0xab, 0x55, 0xb4, 0xe4, 0x69, 0xe9, 0x4d, 0xdf, 0xd5, 0xc7, 0x0d, 0x0b, 0xd0, 0xf8, 0x4f, 0x43, 0x57, 0xb3, 0x3b, 0x1a, 0x96, 0x9a, 0xbe, 0xa5, 0xda, 0x97, 0x6f, 0x73, 0x85, 0x47, 0xb8, 0xb8, 0x96, 0xb9, 0xe4, 0x82, 0x4f, 0x13, 0x04, 0x4f, 0x55, 0xec, 0xb7, 0xc5, 0x82, 0x0c, 0x14, 0xc9, 0x80, 0x4d, 0x81, 0xe4, 0xb3, 0xd4, 0x54, 0x2c, 0xa4, 0xe7, 0x32, 0x0b, 0x85, 0xc1, 0x8c, 0x7a, 0x29, 0x0d, 0xae, 0x4c, 0xf7, 0xac, 0xc4, 0x1f, 0x04, 0x7e, 0x69, 0x3f, 0xbd, 0x63, 0xa9, 0xff, 0x00, 0x31, 0xa4, 0x17, 0x80, 0x6c, 0x47, 0xe6, 0xba, 0x58, 0x6f, 0x20, 0x8b, 0xaa, 0x31, 0xfd, 0x40, 0x29, 0x06, 0x45, 0x87, 0xf8, 0x58, 0x54, 0x35, 0x3b, 0xd6, 0xd3, 0x61, 0x6c, 0x6d, 0x24, 0xdb, 0xcb, 0xf5, 0x4e, 0x2b, 0x03, 0x7a, 0xad, 0x13, 0xfe, 0xcf, 0xf2, 0x8a, 0x55, 0x5e, 0x1f, 0x52, 0x9d, 0x47, 0x07, 0x06, 0xc1, 0x98, 0x8c, 0xca, 0xd1, 0xef, 0x0e, 0xb3, 0xb8, 0x58, 0x70, 0x4b, 0x75, 0xc0, 0x04, 0xa6, 0x1d, 0x17, 0x8b, 0x83, 0x2b, 0x0a, 0x2e, 0xac, 0xe6, 0xf7, 0x9d, 0xf1, 0x12, 0x48, 0x8d, 0xbc, 0x89, 0x1f, 0x92, 0x1c, 0xda, 0xdb, 0x1c, 0x4d, 0x68, 0x1f, 0xf8, 0xad, 0xe8, 0x3d, 0xcf, 0xa0, 0xc7, 0x13, 0xf3, 0x34, 0x5e, 0x15, 0x5e, 0x62, 0xc5, 0x04, 0xb6, 0xe3, 0x69, 0xf5, 0x4d, 0xa2, 0x30, 0x06, 0x61, 0x45, 0x52, 0xe0, 0xc7, 0x91, 0xc9, 0x7c, 0xff, 0x00, 0xc1, 0xf2, 0x59, 0xaa, 0x36, 0x9d, 0xc3, 0xf3, 0x0b, 0xe8, 0x4b, 0xaf, 0xe9, 0x29, 0x93, 0x22, 0xe6, 0x12, 0x32, 0x46, 0x15, 0x80, 0x08, 0xbc, 0xa9, 0x74, 0x0b, 0x08, 0x8e, 0xa8, 0x6b, 0xa7, 0x95, 0xb9, 0x2b, 0x06, 0x5c, 0x6c, 0x91, 0xcc, 0x10, 0x51, 0xb5, 0xbd, 0x57, 0xb1, 0xdb, 0xf1, 0xfc, 0x49, 0xe0, 0xcc, 0xc0, 0x3f, 0x55, 0xe3, 0xc8, 0xca, 0x91, 0x33, 0x7c, 0x27, 0x1c, 0x2f, 0xd1, 0x54, 0x10, 0x2d, 0x33, 0xc3, 0xa2, 0x57, 0x03, 0x10, 0x52, 0xa8, 0xe2, 0x40, 0x88, 0xea, 0x9b, 0x71, 0x07, 0x28, 0xc4, 0x91, 0x10, 0xbe, 0x6b, 0xe2, 0xfd, 0xa5, 0xfa, 0x40, 0xec, 0x19, 0x9b, 0x79, 0x2f, 0xa1, 0x69, 0x68, 0x68, 0x9d, 0xb1, 0xc2, 0xea, 0x80, 0x39, 0x69, 0x04, 0x27, 0x24, 0x08, 0x23, 0xe8, 0x99, 0x22, 0x2f, 0xcd, 0x27, 0xc1, 0xe1, 0x71, 0xcd, 0x32, 0xe2, 0x5b, 0x80, 0x08, 0xe5, 0x64, 0x70, 0xb2, 0x93, 0x6c, 0xf1, 0xe8, 0x91, 0x1c, 0xc4, 0x91, 0x75, 0xf3, 0xee, 0xd5, 0xea, 0xaa, 0x36, 0xb5, 0x4a, 0x6e, 0xd4, 0x87, 0xb1, 0xee, 0x0d, 0x6d, 0x36, 0x0d, 0xa6, 0x2d, 0x72, 0x57, 0xbb, 0x4c, 0xb8, 0xb1, 0xa4, 0xb7, 0x69, 0x23, 0xc5, 0xd0, 0xac, 0x75, 0x40, 0x1d, 0x3d, 0x49, 0x11, 0x0d, 0x75, 0xf9, 0x58, 0xaf, 0x26, 0xb0, 0x77, 0xff, 0x00, 0x4d, 0xd3, 0x70, 0xdb, 0xb8, 0xd3, 0x67, 0x09, 0xbc, 0x8b, 0xfd, 0x17, 0x43, 0xdd, 0x57, 0x49, 0xa9, 0xa5, 0x35, 0x9f, 0x59, 0xb5, 0x29, 0xbd, 0xc7, 0xbc, 0x03, 0xe6, 0x6d, 0xed, 0xd1, 0x72, 0xd0, 0xaf, 0xaa, 0x23, 0x4d, 0x5d, 0xa6, 0xb9, 0x35, 0x5c, 0x3b, 0xc0, 0xf6, 0x8d, 0xa5, 0xa7, 0x97, 0x2f, 0xaf, 0xa2, 0xf5, 0x3b, 0x42, 0xa3, 0xe8, 0xb6, 0x95, 0x7a, 0x67, 0xc2, 0xc7, 0x82, 0xfb, 0x7f, 0x49, 0xfd, 0x82, 0xb8, 0x6a, 0xea, 0x2a, 0x54, 0x6d, 0x6a, 0xb4, 0xf5, 0x0e, 0x6b, 0x1d, 0x50, 0x52, 0xa6, 0x18, 0xdd, 0xce, 0x74, 0x66, 0x07, 0x39, 0x9e, 0x2b, 0x03, 0xaa, 0xd4, 0xd2, 0xa7, 0xda, 0x0d, 0x15, 0x2b, 0x0e, 0xee, 0x98, 0x7b, 0x7b, 0xe0, 0x25, 0xa4, 0x92, 0x21, 0x74, 0xd7, 0x7d, 0x7d, 0x35, 0x5a, 0x0d, 0xa9, 0x55, 0xd5, 0x4b, 0x99, 0x51, 0xce, 0x0e, 0x8f, 0x11, 0x0d, 0x91, 0x16, 0xc2, 0xcb, 0x4d, 0x57, 0x56, 0x46, 0x9a, 0xb0, 0x7e, 0xa3, 0x75, 0x53, 0xe3, 0xde, 0x06, 0xc8, 0x3c, 0xb9, 0x15, 0x1a, 0x5e, 0xf7, 0x4d, 0xa5, 0xab, 0x5d, 0x95, 0x6a, 0xb9, 0xac, 0xd4, 0x1d, 0xcd, 0xff, 0x00, 0x6c, 0x8b, 0x79, 0xc1, 0x5e, 0x9e, 0x8a, 0xa3, 0xf5, 0x1a, 0xbd, 0x4b, 0xc1, 0x9a, 0x6c, 0x21, 0x8c, 0x1f, 0xee, 0x17, 0x27, 0xf2, 0x50, 0x4d, 0x5d, 0x4e, 0xb7, 0x51, 0x44, 0x56, 0x7d, 0x06, 0x52, 0x6b, 0x6c, 0xc8, 0xf1, 0x48, 0xbe, 0x78, 0x2e, 0x30, 0xe7, 0xea, 0x9f, 0xa3, 0x0e, 0xac, 0xf2, 0x5b, 0x59, 0xf4, 0xa4, 0x00, 0x37, 0x16, 0x83, 0x73, 0xec, 0xbb, 0x3b, 0x66, 0x99, 0x7d, 0x0a, 0x27, 0x7b, 0xc0, 0xef, 0x5a, 0xdb, 0x45, 0xe4, 0x81, 0x3f, 0x55, 0x9d, 0x31, 0x5b, 0x52, 0x2b, 0xb8, 0x6a, 0x2a, 0xd2, 0x14, 0x5c, 0x69, 0xb7, 0x11, 0x60, 0x0c, 0xba, 0xdd, 0x56, 0x7a, 0x7a, 0xf5, 0xf5, 0xce, 0xa3, 0x48, 0x55, 0x7d, 0x10, 0x69, 0x6f, 0x76, 0xc6, 0x89, 0x71, 0x92, 0x2d, 0xc8, 0x59, 0x41, 0xd4, 0xd7, 0x2e, 0xfc, 0x31, 0xa8, 0x77, 0x8a, 0xfd, 0xd9, 0xab, 0x17, 0x8d, 0xb3, 0x1c, 0xa6, 0xeb, 0x7d, 0x2d, 0x27, 0xd2, 0xed, 0x5a, 0x8d, 0xa9, 0x56, 0xa5, 0x46, 0xf7, 0x36, 0xdf, 0x12, 0x08, 0x77, 0x15, 0xae, 0xa1, 0xf5, 0x2b, 0x76, 0x80, 0xd3, 0xb6, 0xa3, 0xd8, 0xc1, 0x4f, 0x79, 0xd8, 0x2e, 0xe2, 0x7e, 0xcb, 0x92, 0xb5, 0x3a, 0xaf, 0xd5, 0xe8, 0xa9, 0x9d, 0x49, 0x7b, 0x83, 0xaa, 0x0e, 0xf1, 0xa4, 0x4c, 0x06, 0xe3, 0xcd, 0x4b, 0xaa, 0xd6, 0xa5, 0xdf, 0xd0, 0x6d, 0x6a, 0x8e, 0x22, 0xb3, 0x18, 0x1e, 0xf3, 0x25, 0x8d, 0x70, 0x9f, 0xcd, 0x6b, 0x5b, 0xbc, 0xd1, 0xd7, 0x6d, 0x26, 0xd5, 0xa8, 0xf1, 0x52, 0x93, 0x9d, 0xe3, 0xbe, 0xc2, 0x27, 0xe8, 0xb3, 0xd3, 0xb9, 0xfa, 0xc7, 0xd0, 0xa2, 0x6a, 0xd5, 0x63, 0x69, 0xd0, 0x6b, 0xe1, 0xb6, 0x2e, 0x26, 0xd2, 0x4f, 0x25, 0x35, 0x5f, 0x51, 0xcf, 0xa5, 0x42, 0x9d, 0x6a, 0x95, 0x84, 0x38, 0x97, 0x52, 0x70, 0x6b, 0x8c, 0x10, 0x00, 0x24, 0xda, 0xc3, 0x2a, 0x77, 0x6a, 0x6a, 0x52, 0x75, 0x10, 0x5e, 0x03, 0x6a, 0xd9, 0x82, 0xa3, 0x05, 0x47, 0x33, 0x39, 0x06, 0xe6, 0xeb, 0xbf, 0xb3, 0x2a, 0x87, 0x32, 0xab, 0x4b, 0xea, 0xbf, 0xbb, 0x75, 0xd9, 0x54, 0x43, 0x98, 0x08, 0x06, 0x0f, 0x02, 0xb8, 0xf5, 0xaf, 0x79, 0x7e, 0xa5, 0xf4, 0x8e, 0xa5, 0xe6, 0x90, 0x3b, 0x4b, 0x5f, 0xb1, 0x8c, 0xe3, 0x19, 0xb9, 0xe9, 0x65, 0x5f, 0x8c, 0xa9, 0x40, 0xb9, 0xd5, 0x5c, 0xe3, 0xdf, 0x50, 0x6b, 0x98, 0xd2, 0xe3, 0x77, 0xc4, 0x10, 0x0f, 0x3c, 0x29, 0xa8, 0xd7, 0x97, 0x0a, 0x2e, 0x76, 0xa6, 0xb3, 0xa9, 0xd2, 0x6e, 0xf0, 0xc7, 0x86, 0xed, 0x26, 0x4c, 0x93, 0x24, 0xa7, 0xa7, 0xd4, 0xd5, 0xaa, 0xcd, 0x1e, 0xf7, 0x93, 0xba, 0x95, 0x40, 0xeb, 0xe6, 0x21, 0x45, 0x37, 0x77, 0x9a, 0x7d, 0x25, 0x16, 0x9a, 0xee, 0x22, 0x88, 0x96, 0x53, 0x70, 0x64, 0x75, 0x2e, 0x27, 0x9a, 0xce, 0x97, 0x7b, 0x5e, 0x97, 0x67, 0x8a, 0xb5, 0x5c, 0x1d, 0xdf, 0x54, 0x69, 0x78, 0x26, 0x48, 0x13, 0x62, 0x79, 0xf0, 0x95, 0x5a, 0xbd, 0xd4, 0xa9, 0x6a, 0xf4, 0xed, 0xa8, 0xea, 0x94, 0xe9, 0xf7, 0x4e, 0x1b, 0x8e, 0xe2, 0xd9, 0x38, 0x9c, 0x2d, 0x2b, 0x3a, 0xb5, 0x6d, 0x46, 0xad, 0xdb, 0x6a, 0x9e, 0xe9, 0xd0, 0xd2, 0xca, 0x81, 0xa2, 0x98, 0xb5, 0xc8, 0x37, 0x2b, 0xa4, 0x1a, 0xa7, 0x43, 0x4a, 0xb5, 0x16, 0x0f, 0xc4, 0xd6, 0x0d, 0x6b, 0xaa, 0x08, 0x30, 0x39, 0x9e, 0x97, 0x83, 0x75, 0xdd, 0xa5, 0xa4, 0xda, 0x1a, 0x66, 0x52, 0xa7, 0x1b, 0x00, 0x03, 0x94, 0xf1, 0xb2, 0xd4, 0xb8, 0x44, 0x9c, 0xa8, 0x75, 0xc8, 0x31, 0xe6, 0x15, 0x19, 0x8b, 0xc4, 0x25, 0xe1, 0x02, 0xc3, 0xd3, 0x09, 0xcc, 0x13, 0x02, 0x50, 0xe8, 0x30, 0x01, 0xbf, 0x1b, 0x22, 0xe3, 0x00, 0x46, 0x11, 0x79, 0x16, 0x2a, 0xad, 0x8b, 0x13, 0xe4, 0x96, 0xdd, 0xd1, 0x0b, 0x1a, 0x8c, 0x9a, 0xf4, 0x41, 0x06, 0x7c, 0x47, 0xec, 0xb6, 0x39, 0x80, 0x7e, 0x8b, 0x16, 0xcf, 0xe2, 0xf2, 0xd8, 0x0d, 0x19, 0xf3, 0x2b, 0x40, 0x46, 0x04, 0xfa, 0xf0, 0x46, 0xdf, 0x15, 0x8d, 0xc2, 0x66, 0x64, 0x62, 0x4d, 0xa3, 0x2b, 0xe6, 0xbe, 0x2a, 0xaf, 0xa1, 0xa5, 0xf0, 0xe7, 0x69, 0x3b, 0xb5, 0x68, 0x8d, 0x4e, 0x9c, 0xc8, 0xee, 0x80, 0x1b, 0x9e, 0xe3, 0x01, 0xa1, 0xbd, 0x77, 0x1c, 0x8b, 0x8c, 0xde, 0x61, 0x7c, 0xd7, 0xc0, 0x8c, 0xaf, 0xf0, 0xdf, 0x69, 0x0d, 0x07, 0x6e, 0x34, 0x0d, 0x57, 0x6a, 0x35, 0xb5, 0x28, 0xea, 0xf7, 0x17, 0x17, 0x96, 0xb6, 0x3b, 0x97, 0x1b, 0x9d, 0xc2, 0x2d, 0xc2, 0x64, 0x63, 0x3f, 0xa1, 0x69, 0x20, 0x69, 0x98, 0x38, 0xdf, 0x17, 0x8b, 0xfd, 0x70, 0xb6, 0x6b, 0x88, 0x11, 0x06, 0x3c, 0xd5, 0x18, 0xe0, 0x00, 0x3c, 0x57, 0x3e, 0xa8, 0x1e, 0xe1, 0xc4, 0x1b, 0x47, 0xe6, 0x16, 0xf3, 0x60, 0x0e, 0x4a, 0xca, 0xbc, 0x6e, 0xa3, 0x20, 0x0f, 0x18, 0x1e, 0x76, 0x2b, 0x59, 0x00, 0x09, 0xfb, 0xa6, 0x1c, 0x26, 0xff, 0x00, 0x74, 0xda, 0xef, 0x11, 0x80, 0x56, 0x4e, 0x23, 0xf1, 0x8c, 0x8c, 0x96, 0x1e, 0x1d, 0x42, 0xdb, 0x6c, 0xf0, 0x27, 0xe9, 0x0b, 0x06, 0xc7, 0xe2, 0x6b, 0x6e, 0x07, 0x0d, 0xe3, 0xfb, 0xe6, 0xb6, 0x20, 0x64, 0x8b, 0x66, 0xea, 0x23, 0xc5, 0x20, 0xa6, 0x0d, 0x8f, 0x2b, 0x7a, 0xdd, 0x63, 0xa5, 0xb5, 0x1b, 0x91, 0x97, 0x5a, 0x63, 0x89, 0x5a, 0x54, 0x23, 0xbb, 0x31, 0xea, 0x60, 0x9e, 0x0b, 0x3a, 0x06, 0x74, 0xd4, 0xa7, 0x3b, 0x42, 0xd9, 0xae, 0x10, 0x05, 0xa7, 0xa2, 0x6e, 0x81, 0x02, 0x6f, 0xc9, 0x01, 0xc4, 0x5a, 0xd3, 0x32, 0xa6, 0xa9, 0x02, 0x9b, 0xf9, 0xed, 0x95, 0xe0, 0x7c, 0x22, 0x3c, 0x1a, 0xa3, 0x99, 0x73, 0x78, 0xaf, 0xa2, 0x61, 0xda, 0x30, 0x6e, 0x12, 0x04, 0x97, 0x59, 0x51, 0x9b, 0x4c, 0x5b, 0x96, 0x42, 0x60, 0x9e, 0x24, 0xfd, 0x90, 0x5b, 0x69, 0x2e, 0x07, 0xea, 0x8c, 0x09, 0x02, 0xde, 0x4a, 0x99, 0x33, 0x10, 0x53, 0x71, 0x12, 0x26, 0x67, 0xcd, 0x12, 0x3a, 0xfb, 0xaf, 0x5b, 0xe2, 0x27, 0x16, 0xf6, 0xab, 0xe2, 0x63, 0x68, 0x26, 0xf9, 0xba, 0xf1, 0xcc, 0x08, 0x03, 0x8a, 0x20, 0xcc, 0x4f, 0xaa, 0x04, 0x4c, 0x9c, 0x7d, 0xd3, 0xef, 0x0c, 0x78, 0x64, 0x8e, 0x89, 0x17, 0x78, 0xf1, 0x3c, 0xd2, 0x90, 0xec, 0x03, 0xd5, 0x39, 0x9c, 0x4c, 0xf0, 0xb2, 0x38, 0x19, 0xe0, 0xbe, 0x6f, 0xe2, 0xe7, 0x00, 0xfd, 0x1b, 0x84, 0x4c, 0xbb, 0xf2, 0x5f, 0x44, 0xc0, 0x20, 0x44, 0x61, 0x50, 0x0d, 0x8b, 0x02, 0x11, 0x62, 0x22, 0x0c, 0xf9, 0xa7, 0xc0, 0x0e, 0x12, 0xa6, 0xa4, 0x07, 0x18, 0x6c, 0xa2, 0xdb, 0x6d, 0x3e, 0x5c, 0x91, 0x7d, 0xa7, 0xa2, 0x92, 0x4c, 0x0f, 0x2e, 0x25, 0x55, 0xe0, 0x62, 0x0f, 0xaa, 0xe2, 0xa9, 0xd9, 0x94, 0x9e, 0xf7, 0x90, 0xea, 0xa2, 0x9b, 0x9c, 0x1c, 0x69, 0xb5, 0xd0, 0xd2, 0x79, 0xc2, 0xda, 0x9d, 0x10, 0xda, 0x8f, 0xa8, 0x37, 0xcb, 0x9a, 0x1b, 0x13, 0x61, 0x1c, 0x40, 0xf2, 0x0a, 0xab, 0x53, 0xef, 0x29, 0xb9, 0xa6, 0xc0, 0x82, 0x0d, 0xf8, 0x15, 0xcf, 0xf8, 0x4a, 0x47, 0x46, 0x34, 0xd0, 0x7b, 0xb1, 0x8b, 0xf2, 0xc2, 0xd1, 0xda, 0x6a, 0x6f, 0xad, 0x4d, 0xef, 0x04, 0xb9, 0x92, 0x1b, 0xd4, 0x11, 0x1f, 0x60, 0xb1, 0xa7, 0xd9, 0xba, 0x76, 0x3d, 0xa4, 0x07, 0xb9, 0x8c, 0x20, 0xb6, 0x99, 0x71, 0x2d, 0x04, 0x74, 0x5d, 0x15, 0xa9, 0xb6, 0xad, 0x27, 0xd3, 0x78, 0x90, 0xf1, 0xb4, 0x8c, 0x48, 0x2b, 0x1f, 0xe1, 0xb4, 0x7f, 0x0e, 0xca, 0x04, 0x39, 0xad, 0xa7, 0x25, 0xa4, 0x18, 0x2d, 0x26, 0xf2, 0x0f, 0x3b, 0xa8, 0x1d, 0x93, 0xa7, 0x77, 0x78, 0x49, 0xaa, 0x4d, 0x46, 0x6c, 0x79, 0x73, 0xc9, 0xdc, 0x07, 0x3e, 0xab, 0xa4, 0xe9, 0xe9, 0xbe, 0xb3, 0x1e, 0x58, 0x25, 0x82, 0x07, 0x0b, 0x11, 0x10, 0x4f, 0x25, 0x8d, 0x3e, 0xcd, 0xa3, 0x4d, 0xed, 0x70, 0xef, 0x61, 0x97, 0x6b, 0x4b, 0xa5, 0xa0, 0xf3, 0x53, 0x53, 0x49, 0xdc, 0xd0, 0xaf, 0xf8, 0x7a, 0x6e, 0xa8, 0x6b, 0x4c, 0xd3, 0xdd, 0x0d, 0x93, 0x69, 0xf3, 0xbf, 0xd1, 0x6d, 0xa0, 0xd2, 0x9d, 0x36, 0x96, 0x9d, 0x38, 0xf1, 0x64, 0xc1, 0xcc, 0xe7, 0xd7, 0x2a, 0xb5, 0x1a, 0x2a, 0x75, 0x9f, 0xde, 0x6f, 0x7d, 0x37, 0x96, 0xed, 0x25, 0x8f, 0x22, 0x7c, 0xf9, 0xa4, 0xdd, 0x0d, 0x1a, 0x7d, 0xc8, 0x63, 0x48, 0x14, 0x9c, 0x5c, 0xdb, 0xcd, 0xcd, 0xbf, 0x35, 0xb5, 0x7a, 0x2c, 0xd4, 0x6d, 0x65, 0x49, 0xf0, 0xb8, 0x3a, 0x26, 0x2e, 0x20, 0xae, 0x7a, 0xfd, 0x9d, 0x46, 0xa3, 0xde, 0xfd, 0xf5, 0x58, 0x5c, 0x00, 0x76, 0xc7, 0x59, 0xfd, 0x4f, 0xa0, 0x01, 0x55, 0x5d, 0x05, 0x27, 0x32, 0x9b, 0x59, 0xba, 0x9e, 0xc1, 0xb5, 0xa5, 0x86, 0x08, 0x1c, 0xa7, 0x8a, 0x83, 0xd9, 0xf4, 0x3b, 0x81, 0x48, 0x07, 0x46, 0xed, 0xdb, 0xa6, 0xf3, 0x6b, 0xf9, 0xaa, 0xd3, 0xe8, 0x69, 0xd1, 0xaa, 0xea, 0x81, 0xcf, 0x75, 0x52, 0xd0, 0xd2, 0xe7, 0xba, 0x65, 0x3d, 0x56, 0x81, 0x9a, 0x82, 0xd7, 0x3b, 0x73, 0x1c, 0xdb, 0x07, 0x31, 0xc4, 0x18, 0x99, 0x4a, 0x9f, 0x67, 0x51, 0xa4, 0x69, 0x96, 0x34, 0x6e, 0xa6, 0x09, 0x69, 0x93, 0xf3, 0x3b, 0x89, 0xea, 0x8a, 0x9a, 0x4a, 0x2e, 0x35, 0x49, 0x6c, 0xf7, 0xc7, 0xc5, 0x73, 0x90, 0x22, 0x7c, 0xd2, 0xa3, 0xd9, 0xf4, 0x29, 0x92, 0x61, 0xcf, 0x24, 0x16, 0x9e, 0xf0, 0x92, 0x43, 0x4f, 0x01, 0xfa, 0xa2, 0xb7, 0x67, 0xe9, 0xdc, 0xd6, 0xb7, 0x69, 0x68, 0x6b, 0x43, 0x41, 0x6b, 0xa0, 0xed, 0x1c, 0xc8, 0xf3, 0x52, 0x7b, 0x3b, 0x4d, 0xdc, 0xb2, 0x98, 0xa6, 0x1a, 0x19, 0x76, 0x10, 0x48, 0x20, 0x93, 0x7b, 0x8b, 0xfa, 0x4a, 0x4e, 0xec, 0xea, 0x02, 0x8b, 0x58, 0x5b, 0x2d, 0x06, 0x41, 0x2e, 0x25, 0xdb, 0xb9, 0xce, 0x65, 0x6f, 0xa3, 0xd1, 0xd3, 0xd3, 0xcb, 0x69, 0x07, 0x12, 0xeb, 0x97, 0x1b, 0xcd, 0x85, 0xc9, 0xe3, 0x85, 0x95, 0x4e, 0xcd, 0xd3, 0x54, 0xa8, 0xf7, 0xb8, 0x3a, 0x5c, 0x65, 0xcd, 0x0e, 0x20, 0x1e, 0xa4, 0x60, 0x15, 0x47, 0x41, 0x45, 0xcc, 0xa4, 0xc3, 0x4e, 0x5b, 0x4c, 0x92, 0xc2, 0x49, 0x30, 0x7c, 0xf8, 0xc4, 0x04, 0xeb, 0xe8, 0x68, 0xd6, 0xaf, 0xde, 0x54, 0x63, 0xb7, 0x91, 0x07, 0x6b, 0x88, 0x9f, 0x64, 0x33, 0x45, 0x41, 0x90, 0xda, 0x74, 0xc8, 0x00, 0x39, 0xad, 0x1b, 0x89, 0xf0, 0x9f, 0x5e, 0x6a, 0x1d, 0xd9, 0xf4, 0x1c, 0xd6, 0x43, 0x1c, 0x36, 0x0d, 0xa3, 0x6b, 0x9c, 0x0c, 0x66, 0xf1, 0x9b, 0xf9, 0xa9, 0xfe, 0x1b, 0xa6, 0xee, 0xf6, 0x0a, 0x43, 0x68, 0x71, 0x70, 0xf1, 0x11, 0x73, 0xc4, 0x2a, 0x66, 0x83, 0x4c, 0x29, 0x1a, 0x3b, 0x06, 0xd3, 0x05, 0xde, 0x29, 0x2e, 0x20, 0x82, 0x0c, 0xfa, 0x61, 0x15, 0xb4, 0x3a, 0x7a, 0xf5, 0x1c, 0xea, 0xb4, 0xc1, 0x74, 0x5e, 0x09, 0x00, 0x9e, 0x6b, 0x6a, 0x94, 0x29, 0xbc, 0x30, 0x38, 0x02, 0x29, 0xb8, 0x39, 0xa2, 0x7e, 0x58, 0x85, 0x61, 0xad, 0xdb, 0x60, 0x6f, 0xce, 0xfe, 0xc9, 0x96, 0xda, 0xd0, 0x07, 0xba, 0x47, 0x68, 0x13, 0x92, 0xa5, 0xa4, 0x67, 0xee, 0x9c, 0x5d, 0x28, 0x20, 0x80, 0x30, 0x99, 0x9c, 0x80, 0x63, 0xc9, 0x31, 0x07, 0x9a, 0x64, 0x88, 0x04, 0x18, 0x1f, 0x54, 0x8c, 0x09, 0x0d, 0x25, 0x0d, 0x22, 0x02, 0x9a, 0xb4, 0x45, 0x40, 0xd8, 0x73, 0x9a, 0xe6, 0x4c, 0x11, 0x1c, 0x7c, 0xc2, 0xcd, 0xd4, 0xaa, 0x4c, 0x1d, 0x45, 0x5f, 0x66, 0xfe, 0x89, 0xb2, 0x9f, 0x76, 0xf7, 0x38, 0xb9, 0xef, 0x26, 0x07, 0x8a, 0x3c, 0xf8, 0x79, 0xad, 0x1b, 0x6f, 0x25, 0x26, 0xe3, 0x84, 0xa4, 0x20, 0x19, 0x39, 0x8f, 0x65, 0xf2, 0x7d, 0xa9, 0xa6, 0x1d, 0xa7, 0xf1, 0xa6, 0x8b, 0x43, 0x51, 0xce, 0xfc, 0x26, 0x8e, 0x8f, 0xe3, 0xdc, 0xc3, 0x87, 0x54, 0x71, 0xd8, 0xc3, 0x19, 0xb4, 0x38, 0xf9, 0xc2, 0xf4, 0xfb, 0x7f, 0xb1, 0x5b, 0xda, 0xfd, 0x9d, 0x53, 0x4d, 0x53, 0x53, 0x52, 0x9d, 0x50, 0xe1, 0x56, 0x8d, 0x5b, 0x7f, 0x2e, 0xa0, 0x32, 0x1f, 0xc0, 0x9b, 0xfa, 0x10, 0xbd, 0x4d, 0x15, 0x13, 0x43, 0x4d, 0x4a, 0x9b, 0xdd, 0xb9, 0xcc, 0x68, 0x69, 0x74, 0x66, 0x06, 0x56, 0xe6, 0x32, 0x0d, 0xd0, 0x48, 0xb1, 0x3c, 0x54, 0x55, 0x6b, 0x6a, 0x53, 0x73, 0x09, 0x21, 0xa4, 0x44, 0x8b, 0x2c, 0xfb, 0xa7, 0x36, 0xed, 0xab, 0x5a, 0xf8, 0xb8, 0xb2, 0x5d, 0xc9, 0x0f, 0x61, 0x75, 0x57, 0xba, 0x1c, 0x1d, 0x72, 0x17, 0x40, 0x8f, 0x96, 0x49, 0x85, 0x42, 0x24, 0x9b, 0x74, 0x4a, 0xee, 0x12, 0x08, 0x51, 0x56, 0x88, 0xa8, 0xe0, 0xf2, 0xe7, 0x07, 0x00, 0x6e, 0x0f, 0x97, 0xe8, 0xa0, 0xd0, 0x01, 0xc0, 0x8a, 0xb5, 0x63, 0xcd, 0x55, 0x3a, 0x2d, 0xa6, 0xe7, 0x10, 0x5c, 0xe2, 0xe8, 0xb9, 0x3c, 0x95, 0x80, 0x00, 0x13, 0xf7, 0x4e, 0x20, 0x91, 0x11, 0x03, 0x9c, 0xca, 0x97, 0x47, 0x84, 0xf0, 0xe2, 0x3f, 0xca, 0xe6, 0x6e, 0x99, 0xad, 0x98, 0x35, 0x36, 0x89, 0x9f, 0x19, 0xe3, 0x3c, 0xbc, 0xd5, 0x3a, 0x8b, 0x26, 0xee, 0xa9, 0x78, 0x91, 0xbc, 0xc1, 0x5a, 0x86, 0x31, 0xac, 0x0d, 0x13, 0x00, 0x45, 0xcc, 0xa3, 0x80, 0xe4, 0x02, 0x65, 0xdd, 0x2d, 0xc1, 0x4b, 0x4c, 0xcd, 0x8c, 0xf3, 0x53, 0x52, 0x7b, 0xb7, 0x98, 0x3f, 0x29, 0x5e, 0x1f, 0xc2, 0x57, 0x6e, 0xa4, 0x41, 0x9f, 0x09, 0xfb, 0xaf, 0xa2, 0x6b, 0x81, 0x80, 0x66, 0x53, 0x02, 0xf6, 0x31, 0x0a, 0xb8, 0x5b, 0x3d, 0x4a, 0x59, 0x37, 0xfd, 0x53, 0x3e, 0x9e, 0xd0, 0x9b, 0x4b, 0x6c, 0x49, 0x31, 0xc0, 0x2b, 0x1e, 0x28, 0x83, 0x84, 0xf6, 0xf2, 0x04, 0x95, 0x3d, 0xd3, 0xfa, 0xaf, 0x5b, 0xe2, 0x58, 0x1d, 0xa9, 0x50, 0xd8, 0xf8, 0x47, 0xdc, 0xaf, 0x18, 0x93, 0x20, 0xc4, 0x84, 0x07, 0x48, 0xf1, 0x0f, 0x24, 0x9c, 0x6f, 0xc5, 0x50, 0xb6, 0x3e, 0x86, 0x10, 0x31, 0x61, 0x94, 0x34, 0x40, 0x26, 0x0a, 0x09, 0x77, 0x18, 0x8e, 0x16, 0x40, 0xc1, 0x93, 0x2b, 0xe6, 0xbe, 0x2e, 0x82, 0xed, 0x28, 0x3f, 0x28, 0xdd, 0x78, 0xf2, 0x5f, 0x48, 0xd1, 0x00, 0x44, 0xf0, 0x4c, 0x18, 0xb4, 0x5c, 0x75, 0x54, 0xd8, 0x22, 0x40, 0xfa, 0xa6, 0x01, 0x04, 0x48, 0x39, 0x95, 0x2f, 0xbb, 0xe2, 0x7c, 0x93, 0x20, 0x81, 0x72, 0x2f, 0xc7, 0x09, 0x78, 0x45, 0xa6, 0x47, 0x9a, 0x46, 0x99, 0x38, 0x3c, 0x65, 0x0d, 0x04, 0x37, 0x01, 0x21, 0x37, 0x98, 0xbd, 0xbc, 0x90, 0x7a, 0x10, 0x22, 0x3d, 0x52, 0x77, 0xcb, 0x06, 0x24, 0xe1, 0x39, 0x38, 0x1c, 0x02, 0x3c, 0x5c, 0x62, 0xf8, 0x28, 0x00, 0x8c, 0x10, 0x3d, 0x11, 0x70, 0xe9, 0x36, 0x11, 0xe7, 0x29, 0xda, 0x37, 0x12, 0x4f, 0x24, 0xe0, 0xc5, 0xef, 0xf4, 0x55, 0x0d, 0xb8, 0xe8, 0x93, 0x1a, 0x40, 0x23, 0x87, 0x0f, 0x3e, 0x49, 0xde, 0x3d, 0x60, 0xa9, 0x68, 0xb9, 0x00, 0x5c, 0x9b, 0x2b, 0x17, 0xb1, 0x68, 0x99, 0xe5, 0x95, 0x2e, 0x6f, 0x12, 0x0c, 0x74, 0xe0, 0x9b, 0x5b, 0x22, 0x40, 0xc6, 0x65, 0x50, 0x68, 0x82, 0x41, 0x48, 0x8e, 0x78, 0xcc, 0x4a, 0x66, 0x2d, 0x00, 0xc9, 0xcd, 0xd2, 0x6c, 0x5e, 0x64, 0x0f, 0x34, 0xcd, 0x84, 0x00, 0xa6, 0x6e, 0x20, 0x94, 0xda, 0xc9, 0xb9, 0x8f, 0xd5, 0x4e, 0xd3, 0x31, 0x90, 0x13, 0x00, 0x5e, 0x09, 0x8f, 0xb2, 0x46, 0x7c, 0xc9, 0x52, 0xf8, 0x19, 0x89, 0xf7, 0x47, 0x78, 0x4c, 0x16, 0x91, 0x7e, 0x8a, 0x06, 0xe0, 0x4e, 0x55, 0x0a, 0x95, 0x00, 0x80, 0x6d, 0xc2, 0x42, 0x3b, 0xd7, 0x03, 0x71, 0xe2, 0x4f, 0xbc, 0x9b, 0xb8, 0x41, 0x9e, 0x05, 0x05, 0xf1, 0x36, 0x31, 0xcd, 0x20, 0xeb, 0xed, 0x1f, 0x54, 0xdc, 0x41, 0x3c, 0x6d, 0xf5, 0x09, 0x0b, 0x03, 0x04, 0xc6, 0x45, 0xd2, 0x0e, 0x27, 0x22, 0x3d, 0x10, 0x0d, 0xe0, 0x59, 0x3d, 0xc1, 0xd3, 0x99, 0x8e, 0x6a, 0x0b, 0x81, 0x33, 0x11, 0x29, 0xc8, 0x24, 0x4c, 0x20, 0x12, 0x2f, 0x01, 0x12, 0x2f, 0x20, 0xc9, 0x54, 0x4d, 0xef, 0xc5, 0x1b, 0x80, 0x24, 0x0c, 0x74, 0x12, 0x94, 0x02, 0x4d, 0x8c, 0x7b, 0x20, 0x40, 0xe7, 0xf7, 0x4d, 0xa7, 0x20, 0x44, 0xf9, 0xa1, 0xa4, 0x98, 0x04, 0x9e, 0x33, 0x64, 0x8e, 0xdd, 0xc4, 0xde, 0x12, 0x92, 0x45, 0xaf, 0x74, 0xc7, 0x8b, 0x19, 0x4a, 0x36, 0x9c, 0x02, 0x14, 0x90, 0x33, 0x17, 0x36, 0xc6, 0x16, 0x46, 0x93, 0x3b, 0xd1, 0x54, 0xb5, 0xbd, 0xe0, 0x01, 0xa2, 0xa6, 0xdf, 0x10, 0x07, 0x87, 0x38, 0x91, 0x8e, 0x6b, 0x42, 0x47, 0x01, 0x06, 0x2f, 0x26, 0x6c, 0x78, 0x7e, 0xf8, 0x59, 0x1c, 0x40, 0xbd, 0xf0, 0x98, 0x10, 0x60, 0xc7, 0xba, 0x67, 0xa4, 0x5f, 0xe8, 0xa4, 0xe6, 0x46, 0x05, 0x8f, 0x08, 0x58, 0xe8, 0xb5, 0x94, 0x35, 0xd4, 0x7b, 0xdd, 0x25, 0x66, 0x57, 0xa6, 0x1c, 0x59, 0xbd, 0x86, 0x41, 0x70, 0x71, 0x04, 0x4c, 0x70, 0x20, 0x2e, 0x81, 0xfd, 0x20, 0x80, 0x4b, 0x8c, 0x0f, 0xba, 0x66, 0xd1, 0x03, 0xe8, 0xa4, 0x8b, 0x12, 0x21, 0x36, 0x9e, 0x24, 0x05, 0x41, 0xd0, 0xd8, 0x23, 0x27, 0xae, 0x13, 0x3e, 0x1c, 0x91, 0x1c, 0x14, 0x39, 0xdd, 0x2d, 0x22, 0xf3, 0xcd, 0x53, 0x66, 0x26, 0xd7, 0xea, 0x93, 0xc4, 0x09, 0xb4, 0xa9, 0x24, 0x58, 0x38, 0x49, 0xf3, 0x52, 0x5c, 0x00, 0x02, 0x47, 0xb8, 0x46, 0x66, 0xc3, 0xd4, 0x84, 0xf7, 0x6d, 0x91, 0x17, 0x59, 0xc8, 0x93, 0x20, 0x0f, 0x35, 0x76, 0x89, 0xb5, 0x94, 0x66, 0x70, 0x48, 0xca, 0x2a, 0x47, 0x74, 0xef, 0x0d, 0xe0, 0xf0, 0xf2, 0x5e, 0x17, 0xc2, 0x41, 0xc5, 0xba, 0x87, 0x01, 0x00, 0xed, 0xe3, 0xd5, 0x7d, 0x20, 0xf1, 0x60, 0x0b, 0x0b, 0xa0, 0x34, 0xc8, 0x00, 0x2a, 0x83, 0x06, 0x7e, 0xc9, 0x86, 0x88, 0xc5, 0xd3, 0x22, 0x60, 0x16, 0xe3, 0x17, 0x46, 0xd9, 0x80, 0x5b, 0x9e, 0x2a, 0xc3, 0x49, 0x10, 0x78, 0x71, 0x48, 0x6f, 0x90, 0x00, 0x16, 0x57, 0xb8, 0x72, 0xfa, 0x2f, 0x4f, 0xe2, 0x60, 0x3f, 0x8a, 0xd4, 0x06, 0x7e, 0x40, 0x3e, 0xa5, 0x78, 0xe6, 0x00, 0x98, 0x36, 0xea, 0xa0, 0xed, 0xe0, 0xa8, 0x81, 0x13, 0x19, 0x48, 0x81, 0x12, 0x0d, 0xca, 0x7b, 0x63, 0xfb, 0x90, 0x30, 0x41, 0x54, 0xd8, 0x74, 0x03, 0x60, 0x10, 0x1a, 0x20, 0x96, 0x90, 0x4f, 0x15, 0xf3, 0x3f, 0x17, 0x83, 0xbb, 0x4b, 0xb8, 0xf8, 0x4e, 0xe0, 0x6f, 0x8c, 0x2f, 0xa3, 0x68, 0x1b, 0x44, 0x9e, 0x18, 0x94, 0xe0, 0x11, 0x68, 0xf7, 0x40, 0x69, 0x02, 0xd6, 0x3e, 0xea, 0xc4, 0x4c, 0xbe, 0x24, 0xd9, 0x04, 0x00, 0x01, 0x20, 0x6d, 0x06, 0x10, 0xe8, 0xc4, 0x58, 0xa1, 0xbb, 0x64, 0xf8, 0x6e, 0x12, 0x6e, 0x70, 0x3d, 0xd0, 0x58, 0x44, 0xb8, 0x91, 0x1e, 0x6b, 0x8f, 0x4b, 0xaa, 0x1a, 0x8a, 0xb5, 0x83, 0x43, 0x76, 0x30, 0xc1, 0x70, 0x7f, 0xe5, 0x65, 0xd3, 0xb6, 0xf3, 0x18, 0xc7, 0x55, 0xcb, 0xaa, 0xa9, 0x5a, 0x8b, 0x77, 0x36, 0x81, 0xa8, 0xd0, 0x24, 0x9d, 0xc0, 0x47, 0x90, 0x5c, 0xed, 0xed, 0x0a, 0x83, 0x4e, 0x75, 0x0f, 0xd2, 0x3d, 0xb4, 0xf6, 0x82, 0x1d, 0xbc, 0x5e, 0x4c, 0x2e, 0xf6, 0x3e, 0x9d, 0x4a, 0x9b, 0x59, 0x51, 0x85, 0xe3, 0x80, 0x33, 0x1e, 0x8a, 0xd9, 0x51, 0x85, 0xe1, 0x9d, 0xeb, 0x0b, 0xf8, 0xb6, 0x44, 0xfb, 0x71, 0x59, 0x6a, 0xf5, 0x03, 0x4e, 0xc6, 0x39, 0xc0, 0x43, 0x9e, 0x19, 0x98, 0x82, 0x6c, 0xb5, 0x65, 0x6a, 0x4f, 0x69, 0xee, 0xde, 0xd3, 0x19, 0x83, 0x36, 0xe7, 0xe4, 0x93, 0x6b, 0x52, 0x73, 0x8b, 0x69, 0x54, 0x63, 0x9c, 0x04, 0x90, 0x1d, 0x3f, 0x45, 0x9e, 0x9b, 0x58, 0xca, 0xda, 0x5a, 0x75, 0x9c, 0x45, 0x22, 0xe0, 0x5d, 0x77, 0x60, 0x02, 0x8d, 0x56, 0xb9, 0xb4, 0x74, 0xa6, 0xb3, 0x5c, 0xd7, 0xb4, 0x90, 0x1b, 0xe2, 0x02, 0x49, 0x31, 0x95, 0xad, 0x0a, 0xc2, 0xa5, 0x36, 0xb8, 0x96, 0x87, 0x18, 0x24, 0x03, 0x31, 0x37, 0xba, 0xc7, 0xf1, 0x4d, 0x3a, 0xba, 0x74, 0x80, 0x90, 0xe6, 0x17, 0xef, 0x06, 0xc4, 0x08, 0x1f, 0x9a, 0xd4, 0x57, 0xa6, 0xe7, 0x86, 0x0a, 0x8d, 0x73, 0xc8, 0x90, 0xd0, 0x72, 0x13, 0x3a, 0x8a, 0x41, 0xe2, 0x9b, 0xaa, 0x34, 0x3f, 0x21, 0x9b, 0x86, 0x0a, 0x6f, 0xae, 0xc6, 0x3c, 0x31, 0xce, 0x6b, 0x4f, 0x06, 0x92, 0x24, 0xdf, 0x82, 0x1f, 0x56, 0x93, 0x1e, 0x1a, 0x6a, 0x34, 0x3b, 0x31, 0x21, 0x56, 0xe0, 0x6e, 0x0d, 0x8d, 0xb1, 0xfb, 0xb2, 0x96, 0x57, 0xa6, 0xf7, 0x16, 0xd3, 0xa8, 0xc7, 0x39, 0xa3, 0xc4, 0x1a, 0xe1, 0x65, 0x98, 0xd4, 0x53, 0x73, 0xc4, 0x54, 0x66, 0xe3, 0x70, 0x37, 0x5e, 0xfd, 0x13, 0xa9, 0x5d, 0x94, 0x9d, 0xb6, 0xa5, 0x56, 0x31, 0xce, 0x06, 0x06, 0xe0, 0x0b, 0x87, 0x92, 0x9d, 0x1e, 0xa5, 0x95, 0x34, 0xb4, 0xeb, 0x99, 0x68, 0x73, 0x77, 0x19, 0x38, 0x1e, 0x6b, 0x0d, 0x2f, 0x68, 0x32, 0xb3, 0x1e, 0xf7, 0x16, 0xb1, 0x81, 0xc7, 0x6f, 0x8e, 0x66, 0x26, 0xff, 0x00, 0x4c, 0x2e, 0x8a, 0x75, 0xc9, 0x75, 0x52, 0x76, 0x77, 0x6c, 0x32, 0x1c, 0x1e, 0x0d, 0x88, 0x9b, 0xfe, 0xca, 0x6c, 0xd5, 0x51, 0xaa, 0x1e, 0xea, 0x75, 0x58, 0x43, 0x72, 0x43, 0x81, 0x81, 0xcc, 0xa9, 0xa7, 0xaa, 0xa4, 0xfa, 0xbd, 0xdd, 0x3a, 0xac, 0x73, 0x8f, 0xf4, 0x83, 0xd3, 0xd9, 0x63, 0xab, 0xed, 0x2a, 0x14, 0x29, 0x54, 0x22, 0xa5, 0x37, 0x3d, 0x83, 0x76, 0xc2, 0xf0, 0x27, 0xdf, 0x8a, 0x1d, 0xad, 0x3b, 0xf5, 0x0d, 0x0d, 0x68, 0xee, 0xc3, 0x4c, 0xb9, 0xc0, 0x48, 0x72, 0xb7, 0x6a, 0xf4, 0xec, 0x96, 0xbe, 0xb5, 0x16, 0xbc, 0x7f, 0x73, 0x85, 0xac, 0x9d, 0x5d, 0x45, 0x1a, 0x4d, 0x0f, 0xab, 0x55, 0x8c, 0x69, 0xb8, 0x25, 0xdc, 0x39, 0x84, 0x54, 0xd4, 0x50, 0x6b, 0x05, 0x47, 0xd5, 0x60, 0x61, 0xb8, 0x3b, 0x81, 0x9f, 0x2e, 0x6a, 0x6a, 0x6a, 0x68, 0x36, 0x98, 0xa8, 0xea, 0xad, 0xee, 0xce, 0x1f, 0x39, 0x23, 0xeb, 0x85, 0xa5, 0x1a, 0xcc, 0xaa, 0xcd, 0xf4, 0x88, 0xa9, 0x4e, 0x60, 0x38, 0x3a, 0xcb, 0x1a, 0xda, 0xaa, 0x14, 0x5e, 0x19, 0x56, 0xb3, 0x1a, 0xf3, 0x3e, 0x12, 0xe8, 0x36, 0xbf, 0xef, 0x0b, 0x27, 0x6b, 0x87, 0xf1, 0x06, 0x69, 0xa9, 0x1a, 0x46, 0x04, 0xb8, 0x97, 0x0b, 0x74, 0x8e, 0x7e, 0xab, 0xa6, 0xad, 0x7a, 0x5a, 0x76, 0x4d, 0x57, 0xb5, 0x80, 0xc8, 0x1b, 0x9c, 0x04, 0x9e, 0x5d, 0x62, 0x54, 0xb7, 0x51, 0x49, 0xcc, 0x65, 0x46, 0x55, 0x61, 0x61, 0x3b, 0x58, 0xe9, 0xb1, 0x74, 0xe0, 0xf2, 0x55, 0x56, 0xab, 0x18, 0x48, 0x2e, 0x01, 0xc1, 0xa5, 0xe6, 0x4f, 0x01, 0xc7, 0xc9, 0x4d, 0x1a, 0xd4, 0xf5, 0x01, 0xee, 0xa2, 0xf0, 0xf6, 0xb2, 0xe4, 0xb5, 0x72, 0xe9, 0xfb, 0x41, 0xb5, 0x6a, 0xd7, 0x2f, 0x7d, 0x2e, 0xea, 0x91, 0xcc, 0xc1, 0x8b, 0x0b, 0xfb, 0xae, 0xad, 0x3e, 0xab, 0x4f, 0xa8, 0xdc, 0x69, 0x54, 0x0f, 0xda, 0x24, 0xf1, 0x81, 0xcc, 0xc7, 0x04, 0xb4, 0xfa, 0xbd, 0x35, 0x67, 0x96, 0xb2, 0xab, 0x5c, 0xe3, 0x60, 0x26, 0x2f, 0x1c, 0x16, 0x7a, 0xbe, 0xd1, 0xa1, 0x41, 0x95, 0x03, 0x6a, 0xb7, 0xbd, 0x0c, 0x90, 0xc2, 0x47, 0x29, 0x8f, 0xc9, 0x76, 0x51, 0xa9, 0xba, 0x93, 0x1c, 0xec, 0xb9, 0xa0, 0xe6, 0x50, 0x4e, 0xd2, 0x41, 0xc1, 0xc5, 0x90, 0x01, 0x81, 0x32, 0x50, 0x77, 0x00, 0x0c, 0x5a, 0x61, 0x2c, 0xf2, 0x9e, 0x6a, 0x2a, 0x86, 0xbe, 0xa5, 0x26, 0x12, 0x76, 0x9d, 0xc4, 0xdf, 0x31, 0x7e, 0x09, 0x77, 0x14, 0xc5, 0xbc, 0x51, 0xd1, 0xce, 0x1f, 0x9a, 0x86, 0x37, 0xbb, 0xd4, 0xb9, 0xad, 0x24, 0xb7, 0x60, 0xb1, 0x33, 0x17, 0x37, 0xbd, 0xd6, 0xf3, 0x72, 0x4e, 0x67, 0x9a, 0x04, 0x18, 0x8c, 0x1e, 0xaa, 0x48, 0xb4, 0xcc, 0x10, 0x7d, 0xd7, 0x2d, 0x1a, 0x0d, 0x7b, 0xaa, 0x17, 0x12, 0x49, 0x71, 0x1f, 0x31, 0xb6, 0x15, 0xbb, 0x4d, 0x47, 0x74, 0x16, 0x98, 0xb9, 0xca, 0x34, 0xb6, 0xa2, 0xc2, 0xde, 0xbd, 0x56, 0xe1, 0xce, 0xb0, 0x13, 0x28, 0x25, 0xc3, 0x97, 0xea, 0xb9, 0xf5, 0x84, 0xfe, 0x1a, 0xa0, 0x24, 0x81, 0x10, 0x6d, 0x8e, 0xbe, 0x77, 0x17, 0x5f, 0x12, 0x34, 0x1a, 0x7f, 0x83, 0xbb, 0x73, 0x42, 0xda, 0x00, 0x8e, 0xc7, 0xd7, 0x86, 0xe9, 0xaa, 0x07, 0xbb, 0xfd, 0x3a, 0xa0, 0x43, 0x5f, 0x3c, 0x37, 0x0b, 0x73, 0x9b, 0xdf, 0x0b, 0xd1, 0xed, 0x8e, 0xdf, 0xa7, 0x4f, 0xb4, 0x69, 0x76, 0x6f, 0x61, 0xd3, 0x6e, 0xa7, 0xb5, 0x8b, 0xc6, 0xf0, 0x3f, 0xd3, 0xd3, 0xb7, 0x24, 0xd4, 0x22, 0xc0, 0xc6, 0x04, 0x4a, 0xfa, 0xba, 0x6e, 0x3b, 0x06, 0xf8, 0xdd, 0x17, 0xdb, 0x89, 0xe9, 0x3c, 0x39, 0x2a, 0x04, 0x16, 0x99, 0x8e, 0x97, 0xca, 0x62, 0x22, 0x38, 0x85, 0xcd, 0x51, 0xad, 0x7e, 0xad, 0x82, 0xa0, 0x6b, 0x80, 0x69, 0x81, 0x1e, 0x4a, 0xdb, 0xa7, 0xa0, 0x7f, 0xfd, 0x36, 0x11, 0xe4, 0xa6, 0x8b, 0x18, 0xca, 0xd5, 0x58, 0xd0, 0x22, 0x01, 0x23, 0xdc, 0xfe, 0x4b, 0xa0, 0x19, 0x16, 0x22, 0x00, 0xcc, 0xa9, 0x2e, 0x24, 0xc5, 0xac, 0x8b, 0x83, 0x24, 0x7a, 0xae, 0x5d, 0x2d, 0x0a, 0x2e, 0xa4, 0x5c, 0xea, 0x6d, 0x7b, 0x8b, 0x9d, 0x24, 0xb6, 0x66, 0xea, 0xaa, 0x69, 0xa8, 0x1a, 0x72, 0xda, 0x4c, 0x06, 0x0c, 0x78, 0x31, 0xfb, 0x85, 0xb6, 0x98, 0x7f, 0xd3, 0x53, 0x03, 0x83, 0x47, 0x00, 0x99, 0x64, 0x89, 0x31, 0xec, 0x8d, 0xa2, 0x63, 0x9a, 0x05, 0x33, 0xbb, 0x80, 0x01, 0x4b, 0xda, 0x76, 0x3a, 0x4c, 0x98, 0x3e, 0x98, 0x5e, 0x17, 0xc2, 0x4d, 0x22, 0x96, 0xa6, 0xfc, 0x5b, 0xfb, 0xfa, 0x2f, 0xa5, 0x00, 0x58, 0x47, 0x08, 0x94, 0xda, 0x2d, 0x00, 0x15, 0x56, 0x8e, 0x29, 0x86, 0xce, 0x0d, 0xd3, 0x82, 0x32, 0x47, 0x44, 0xc0, 0x71, 0x36, 0x9b, 0x09, 0xe8, 0x55, 0xb6, 0x48, 0x02, 0xf1, 0x9c, 0x22, 0x40, 0x22, 0x64, 0x01, 0x85, 0x52, 0x3a, 0x2f, 0x43, 0xe2, 0x86, 0x1f, 0xe2, 0x6f, 0x70, 0x9f, 0x90, 0x1f, 0xa9, 0x5e, 0x21, 0x99, 0xbc, 0x82, 0x7d, 0x53, 0x03, 0xfb, 0x81, 0x8f, 0xaa, 0x08, 0x13, 0x00, 0x12, 0x0e, 0x13, 0x00, 0x00, 0x64, 0x79, 0x27, 0x79, 0x91, 0x10, 0x45, 0xf8, 0xa4, 0x1b, 0xb9, 0xa4, 0x36, 0x40, 0xf2, 0x40, 0x16, 0x30, 0x3c, 0x3c, 0xf9, 0x2a, 0x16, 0xc4, 0x73, 0x2b, 0xe6, 0xfe, 0x2d, 0x87, 0x1d, 0x36, 0xe0, 0x2e, 0x5d, 0xf9, 0x2f, 0xa1, 0x60, 0x04, 0x08, 0x8b, 0x04, 0xe0, 0x1c, 0x11, 0x64, 0xc4, 0x11, 0x72, 0x2c, 0xa8, 0xed, 0x11, 0x00, 0x13, 0x29, 0x3a, 0xe6, 0xe2, 0xc4, 0xdd, 0x33, 0x25, 0xc7, 0x30, 0x05, 0x90, 0x1a, 0x45, 0xe3, 0xea, 0xa4, 0x8c, 0xda, 0x50, 0x04, 0x81, 0x31, 0x7b, 0x1f, 0x25, 0xe5, 0xf6, 0x7b, 0x68, 0xe9, 0xc6, 0xa5, 0xee, 0xda, 0xc2, 0xed, 0x46, 0xd0, 0x76, 0xe4, 0xaf, 0x4a, 0x4f, 0x30, 0x54, 0xea, 0x5b, 0xfc, 0x9a, 0x86, 0xc4, 0xed, 0x3c, 0x27, 0x82, 0xf2, 0x6a, 0x00, 0xef, 0x86, 0xd9, 0xb9, 0xa6, 0x4d, 0x36, 0xda, 0x07, 0x3c, 0x73, 0x5a, 0x6a, 0x68, 0xb6, 0x9f, 0x68, 0x69, 0xff, 0x00, 0x0e, 0xc0, 0xd7, 0xba, 0x9d, 0x41, 0xfc, 0xb9, 0xf1, 0x40, 0xb4, 0xae, 0x0d, 0x30, 0x0f, 0xa5, 0xa6, 0x68, 0xa9, 0x41, 0xb5, 0x1a, 0xf1, 0x66, 0x53, 0x26, 0xa0, 0x70, 0x37, 0x0e, 0x33, 0x31, 0xc1, 0x7a, 0x7d, 0xb8, 0xd1, 0x52, 0x9d, 0x26, 0x16, 0xd8, 0xd7, 0x61, 0x70, 0x8e, 0x66, 0x7f, 0x2c, 0xae, 0x6d, 0x75, 0x13, 0x4b, 0x51, 0xa9, 0x6e, 0x95, 0x82, 0x99, 0x3a, 0x42, 0x3f, 0x96, 0x33, 0x7f, 0xaa, 0xcb, 0x4a, 0x59, 0x53, 0x51, 0xa4, 0x14, 0xea, 0xd0, 0xdc, 0x0c, 0x96, 0xd2, 0x65, 0xf0, 0x6c, 0xe2, 0x78, 0xd9, 0x46, 0x99, 0xf4, 0x1a, 0x3b, 0x2c, 0xea, 0x0b, 0x43, 0x1a, 0xda, 0x91, 0xb8, 0x12, 0x0d, 0xf8, 0xa5, 0x51, 0xb4, 0xea, 0x52, 0xd6, 0xba, 0x8b, 0x01, 0xd3, 0xf7, 0x94, 0xc3, 0x2d, 0x69, 0x04, 0x49, 0x16, 0xc2, 0xec, 0x65, 0x6a, 0x3a, 0x5d, 0x5e, 0xb5, 0xaf, 0x73, 0x59, 0xf2, 0x16, 0x8c, 0x6e, 0x01, 0xb1, 0x65, 0xc9, 0xa7, 0x1f, 0xca, 0xd3, 0x41, 0x11, 0xf8, 0x57, 0x5e, 0x0e, 0x49, 0x1f, 0x5e, 0x8b, 0x66, 0xd1, 0x63, 0x34, 0xbd, 0x98, 0xfa, 0x6c, 0x68, 0x79, 0xa9, 0x4c, 0x97, 0x45, 0xee, 0x0d, 0x89, 0x5c, 0xbb, 0x7f, 0x95, 0x5d, 0x95, 0x2a, 0x50, 0x6d, 0x53, 0x50, 0xe6, 0x99, 0xef, 0x33, 0x81, 0xe8, 0x07, 0x9a, 0xd3, 0x5a, 0xfa, 0x74, 0xdf, 0xa8, 0x25, 0xf4, 0x5c, 0xf2, 0x1a, 0x5d, 0x4e, 0xb3, 0x61, 0xce, 0x20, 0x0f, 0x94, 0x8b, 0xa7, 0xa9, 0xa9, 0x4c, 0x1a, 0xee, 0x1d, 0xd1, 0x25, 0x82, 0x69, 0x56, 0x6c, 0x1c, 0x0b, 0x30, 0xcc, 0xaf, 0x51, 0xf5, 0x9a, 0x3b, 0x31, 0xd5, 0x0d, 0x27, 0x6c, 0x14, 0xa7, 0x66, 0xe8, 0x91, 0xca, 0x78, 0x95, 0xe6, 0x50, 0xa9, 0x4c, 0x6b, 0x74, 0x2e, 0xef, 0x34, 0xc0, 0x3a, 0x5a, 0x45, 0x31, 0x80, 0x5a, 0x4c, 0x38, 0xce, 0x7f, 0x34, 0xd9, 0x46, 0x90, 0xec, 0x7a, 0x75, 0x1d, 0x4c, 0x0a, 0xa1, 0xed, 0x76, 0xec, 0x99, 0xde, 0x46, 0x79, 0x47, 0xd9, 0x6c, 0x1f, 0x42, 0x9d, 0x5d, 0x70, 0xd5, 0xb5, 0x82, 0xa9, 0x7c, 0xf8, 0x85, 0xcb, 0x78, 0x47, 0xd3, 0x92, 0xea, 0xec, 0xaf, 0xfb, 0x4e, 0x98, 0x11, 0xe1, 0x75, 0x38, 0x2d, 0xe8, 0xbc, 0xfd, 0x2d, 0x36, 0xbc, 0x68, 0x18, 0xea, 0x43, 0x69, 0xad, 0x53, 0x74, 0xb7, 0x80, 0xdd, 0xfe, 0x15, 0x6b, 0x1a, 0x41, 0xd7, 0x16, 0xb7, 0xc3, 0xde, 0x52, 0x24, 0x64, 0x06, 0x88, 0xe1, 0xf9, 0x2c, 0xea, 0x00, 0xf1, 0xa8, 0x75, 0x3a, 0xcc, 0xaa, 0x1b, 0xa7, 0x73, 0x49, 0x65, 0x2d, 0xa0, 0x8b, 0x67, 0x99, 0x5d, 0x2e, 0xa7, 0xb0, 0xf6, 0x77, 0x74, 0xd6, 0x8f, 0x10, 0xe1, 0xfe, 0xd3, 0xfa, 0xae, 0x47, 0xba, 0x8b, 0x7b, 0x1e, 0xad, 0x17, 0x34, 0xfe, 0x23, 0xc5, 0xb9, 0xa5, 0xa4, 0xb8, 0x71, 0x9f, 0x2b, 0xad, 0x35, 0xbb, 0x8f, 0xe3, 0x4c, 0x1f, 0x10, 0xa2, 0x45, 0xcf, 0x30, 0x57, 0x43, 0x18, 0xd7, 0x56, 0xed, 0x22, 0xe6, 0x07, 0x17, 0x59, 0xa4, 0x83, 0x71, 0xb4, 0x59, 0x70, 0xd2, 0xdc, 0xc3, 0xa5, 0xab, 0x52, 0xa8, 0xa2, 0xde, 0xe0, 0x31, 0xae, 0x7d, 0x3d, 0xd0, 0x47, 0x0f, 0x35, 0x4d, 0x63, 0x69, 0xd0, 0xa0, 0xf7, 0x3e, 0xb5, 0x2f, 0x13, 0xdc, 0xca, 0xae, 0xa4, 0x21, 0xb3, 0xc3, 0x6f, 0x2c, 0x9f, 0xd1, 0x05, 0xcd, 0x34, 0x69, 0x3d, 0xfb, 0xa8, 0xb9, 0x95, 0x5f, 0xb2, 0xb5, 0x3a, 0x44, 0x82, 0x6d, 0x72, 0xd3, 0xc3, 0xa2, 0xf4, 0x7b, 0x18, 0x93, 0x42, 0xa4, 0xb1, 0x9f, 0xea, 0x11, 0xb9, 0xad, 0xda, 0x1e, 0x23, 0x31, 0xe8, 0x56, 0x14, 0xaa, 0x51, 0xd3, 0x8d, 0x63, 0x75, 0x6d, 0x77, 0x7a, 0xfa, 0x8e, 0x23, 0xc2, 0x4e, 0xe6, 0x9c, 0x41, 0x1e, 0xd6, 0xc2, 0xd3, 0x49, 0x4e, 0xa3, 0x75, 0x74, 0xbb, 0xc6, 0x19, 0x1a, 0x60, 0x1c, 0x4f, 0x07, 0x4f, 0xdd, 0x56, 0xb1, 0xcd, 0xa7, 0xda, 0x34, 0x6b, 0x57, 0xdd, 0xdd, 0x06, 0xb9, 0xa1, 0xff, 0x00, 0x30, 0x63, 0x8f, 0xef, 0x92, 0xe3, 0x77, 0x89, 0x95, 0xeb, 0x52, 0x63, 0x9b, 0x43, 0xf1, 0x0c, 0x7b, 0x7c, 0x07, 0xfa, 0x72, 0x7c, 0xba, 0xaa, 0xd4, 0x3d, 0xba, 0x9d, 0x46, 0xa1, 0xf4, 0xa9, 0xb8, 0xb7, 0xf0, 0x8e, 0x66, 0xed, 0x84, 0x6e, 0xbf, 0x0f, 0xd5, 0x7a, 0x9a, 0x3a, 0x4d, 0xa7, 0xa5, 0xa0, 0xd2, 0x03, 0x61, 0xa2, 0x44, 0x45, 0xe3, 0x8a, 0xf2, 0xaa, 0x51, 0xa8, 0x29, 0x39, 0xe6, 0x99, 0x73, 0x19, 0xaa, 0xde, 0xe0, 0x3f, 0xb7, 0x6f, 0x2f, 0x65, 0x7a, 0xa6, 0x9d, 0x75, 0x6a, 0xce, 0xd3, 0x31, 0xc4, 0x36, 0x83, 0xda, 0x5d, 0xb4, 0x89, 0x26, 0x2c, 0x0c, 0x67, 0x37, 0x4a, 0xa5, 0x46, 0x57, 0x66, 0x8e, 0x8d, 0x06, 0xbd, 0xb5, 0x69, 0xbd, 0xa4, 0xcb, 0x08, 0xdb, 0x1c, 0xcf, 0x1c, 0xa9, 0xdc, 0xca, 0x7d, 0x9d, 0xaa, 0xd3, 0x55, 0xa2, 0xf3, 0x59, 0xc5, 0xd6, 0x6b, 0x0f, 0x8a, 0x49, 0x33, 0x3c, 0x2d, 0x0b, 0xd7, 0xd3, 0x80, 0xdd, 0x3d, 0x1b, 0x10, 0x40, 0x16, 0x33, 0x6e, 0x8b, 0x66, 0xcc, 0x62, 0xc5, 0x0d, 0x31, 0x02, 0x49, 0x54, 0xe1, 0x38, 0x31, 0x17, 0x4a, 0x25, 0xd6, 0x1e, 0x22, 0x16, 0x15, 0x7c, 0x35, 0xa8, 0x97, 0x12, 0x2e, 0xe1, 0x6e, 0x12, 0x23, 0xf2, 0x56, 0x2a, 0x53, 0x98, 0x2e, 0x1f, 0xfb, 0x82, 0x86, 0x16, 0xbb, 0x56, 0xf2, 0x1d, 0x3e, 0x01, 0x8e, 0x10, 0x4a, 0xdb, 0x88, 0x88, 0x23, 0x09, 0x41, 0x88, 0x13, 0xe8, 0x91, 0x6d, 0x88, 0x71, 0xbc, 0x71, 0x0b, 0x97, 0x4e, 0xe6, 0x34, 0xbd, 0xae, 0x73, 0x58, 0x77, 0x93, 0x73, 0xcc, 0x05, 0x66, 0xb5, 0x29, 0x3f, 0xcd, 0xa6, 0x63, 0xaa, 0x8d, 0x1f, 0xfa, 0x0d, 0x90, 0x48, 0xe7, 0xcd, 0x6c, 0x49, 0x0d, 0x26, 0xf3, 0xc1, 0x3d, 0xe6, 0xd2, 0x2d, 0xe6, 0xb9, 0xb5, 0x91, 0xdc, 0x3c, 0xee, 0x36, 0x1b, 0x88, 0xc4, 0x81, 0xff, 0x00, 0x10, 0xbe, 0x13, 0xe2, 0x3a, 0xd5, 0xbe, 0x32, 0x66, 0xab, 0xb3, 0x3b, 0x26, 0xa5, 0x1a, 0x5d, 0x9f, 0x45, 0xdf, 0xcc, 0xd5, 0xd4, 0x87, 0x0a, 0xd5, 0x9a, 0x24, 0x31, 0x82, 0x41, 0x2d, 0x1c, 0x5d, 0x6f, 0x55, 0xe8, 0x7c, 0x04, 0xed, 0x09, 0xf8, 0x67, 0xb3, 0xff, 0x00, 0x09, 0x4d, 0x94, 0x6b, 0xb9, 0xc1, 0x95, 0xda, 0x1d, 0xe3, 0x35, 0x1b, 0x21, 0xc5, 0xc4, 0xdc, 0x99, 0x13, 0xea, 0xbe, 0xc4, 0x13, 0x1b, 0x8b, 0x8c, 0x9b, 0x9f, 0xd8, 0x4f, 0x70, 0x31, 0x85, 0x6d, 0x80, 0x4c, 0x8c, 0xae, 0x5a, 0xb5, 0x19, 0x4f, 0x54, 0xd2, 0xf7, 0x06, 0x78, 0x1c, 0x04, 0x91, 0xcc, 0x7e, 0xa9, 0x8d, 0x45, 0x1e, 0x35, 0xa9, 0xcf, 0x3d, 0xd9, 0x4a, 0x8b, 0x98, 0xfd, 0x4d, 0x53, 0x4d, 0xe1, 0xc0, 0xb5, 0xb7, 0x06, 0x7f, 0x79, 0x5d, 0x2c, 0x22, 0x20, 0xe0, 0x84, 0xf6, 0x00, 0x6f, 0x25, 0x32, 0x20, 0x58, 0x09, 0xe1, 0x7e, 0xab, 0x93, 0x4b, 0x56, 0x93, 0x29, 0x90, 0xea, 0x8c, 0x04, 0x39, 0xc4, 0xb4, 0x90, 0x22, 0xe5, 0x37, 0xea, 0x28, 0xed, 0x31, 0x59, 0x84, 0x10, 0x63, 0xc5, 0xd1, 0x6b, 0xa5, 0x77, 0xfd, 0x3b, 0x22, 0x6c, 0xd1, 0xeb, 0x60, 0xb6, 0xb5, 0x89, 0x9b, 0xa0, 0x8b, 0x02, 0x2e, 0x3d, 0x90, 0xd6, 0xb6, 0x77, 0x1f, 0x4b, 0xa4, 0xea, 0x63, 0x63, 0x9c, 0x00, 0x88, 0x33, 0xee, 0xbc, 0x4f, 0x84, 0x40, 0x73, 0x35, 0x30, 0x2d, 0x2d, 0xe3, 0xe6, 0x3f, 0x35, 0xf4, 0x2c, 0x6e, 0x60, 0x7f, 0x85, 0xa0, 0x69, 0x10, 0x44, 0x42, 0x36, 0xee, 0x74, 0x91, 0x65, 0x61, 0xad, 0x69, 0xb1, 0x8f, 0x44, 0xae, 0x45, 0xe2, 0x30, 0xaa, 0x2d, 0x79, 0x0a, 0x83, 0x4d, 0xa0, 0x99, 0x3f, 0x54, 0xf6, 0x80, 0x64, 0x03, 0x27, 0x33, 0xc1, 0x16, 0xe4, 0x17, 0xa7, 0xf1, 0x24, 0x7f, 0x12, 0x79, 0x3f, 0xda, 0x23, 0xeb, 0xfa, 0x2f, 0x16, 0x33, 0x93, 0xe8, 0xb2, 0x32, 0x08, 0x17, 0xbe, 0x78, 0xa7, 0x30, 0x6d, 0x3c, 0xb9, 0x23, 0x33, 0x29, 0x62, 0x40, 0x20, 0x7a, 0x26, 0x6e, 0x6d, 0x91, 0x9b, 0xa9, 0x83, 0xbb, 0xd6, 0x72, 0xae, 0x36, 0x83, 0x8b, 0x95, 0xf3, 0xdf, 0x16, 0xce, 0xed, 0x2e, 0x23, 0xc5, 0xf9, 0x2f, 0xa2, 0xa6, 0x06, 0xd6, 0x91, 0x1e, 0xc9, 0x9d, 0xa6, 0x7e, 0x96, 0x51, 0x16, 0x37, 0x1e, 0xc9, 0xdb, 0x69, 0xc4, 0xca, 0x90, 0x08, 0x8d, 0xc2, 0xf3, 0x39, 0x4e, 0xe4, 0x0b, 0x71, 0xe6, 0xae, 0x7c, 0xbc, 0xb9, 0x21, 0xdb, 0x79, 0xca, 0x4d, 0x88, 0x30, 0x2d, 0x0a, 0x03, 0x29, 0xc9, 0x96, 0x8c, 0x92, 0x04, 0x73, 0x5a, 0x0d, 0xc0, 0x09, 0x16, 0x02, 0x3c, 0xd4, 0x90, 0x6e, 0x09, 0x3e, 0x4b, 0x37, 0x35, 0xa6, 0x24, 0x0d, 0xa2, 0x04, 0x74, 0x4c, 0xb2, 0x0e, 0xe0, 0x26, 0xd6, 0x9e, 0x07, 0x9a, 0x41, 0x8d, 0x6d, 0x42, 0xf0, 0x06, 0xe3, 0x32, 0x63, 0x33, 0xc3, 0xc9, 0x0f, 0x60, 0xb0, 0x30, 0x2f, 0x22, 0x42, 0x6e, 0x1b, 0x8b, 0x81, 0x68, 0x24, 0x88, 0xbe, 0x7f, 0xe1, 0x64, 0xe6, 0x31, 0xae, 0x90, 0x36, 0x92, 0x6f, 0x16, 0xfb, 0x2c, 0xab, 0x69, 0xd9, 0x57, 0x55, 0x4a, 0xa1, 0x70, 0x8a, 0x6d, 0x73, 0x76, 0xed, 0xb5, 0xff, 0x00, 0xe1, 0x6e, 0xd6, 0xb7, 0x65, 0x98, 0x00, 0x11, 0x1e, 0x19, 0x1e, 0xc9, 0xb9, 0x8d, 0x71, 0x06, 0x37, 0x11, 0x76, 0x9e, 0x48, 0xdb, 0x2d, 0x04, 0x8e, 0x98, 0x16, 0x53, 0xb0, 0x01, 0x10, 0x73, 0x60, 0x38, 0x5e, 0x50, 0x58, 0xc2, 0xe9, 0x00, 0x83, 0x39, 0x20, 0x4c, 0xf4, 0x28, 0x7d, 0x36, 0xb9, 0xc0, 0x96, 0xb6, 0x40, 0xcc, 0x5c, 0x4f, 0x2e, 0x49, 0x3a, 0x9b, 0x4b, 0xc3, 0x8b, 0x77, 0x1c, 0x6e, 0x74, 0xd9, 0x54, 0xc4, 0x41, 0x33, 0xd1, 0x4b, 0x69, 0xb0, 0x7f, 0x48, 0x37, 0x9c, 0x71, 0x3c, 0x4a, 0xa8, 0x18, 0x80, 0xd6, 0x91, 0x31, 0x07, 0xc5, 0xfb, 0xca, 0x1c, 0xd6, 0xee, 0x06, 0x06, 0xe0, 0x4c, 0x1e, 0x45, 0x13, 0x06, 0x20, 0x81, 0x1c, 0x38, 0x20, 0xb5, 0xb0, 0xdd, 0xbc, 0x2e, 0x2d, 0x8c, 0x7e, 0x89, 0x12, 0x03, 0x60, 0x93, 0xd7, 0xaf, 0x9a, 0x4d, 0x03, 0x88, 0x8f, 0x2f, 0xde, 0x15, 0x18, 0xdb, 0x00, 0xc5, 0xa2, 0xc1, 0x40, 0x10, 0xef, 0x94, 0x00, 0x7a, 0x09, 0x08, 0x23, 0xc5, 0x00, 0x1e, 0x66, 0xdf, 0xbe, 0x2a, 0x86, 0x24, 0xce, 0x67, 0x1c, 0x50, 0x4c, 0x00, 0x01, 0x03, 0xff, 0x00, 0xe2, 0x80, 0xd9, 0x36, 0x02, 0x06, 0x30, 0x50, 0x18, 0x00, 0x20, 0x83, 0x06, 0xf9, 0xc9, 0x55, 0xb6, 0xd1, 0x36, 0xbf, 0xd4, 0x04, 0xa0, 0xd8, 0xda, 0x41, 0xb5, 0xf0, 0xaa, 0xc0, 0x44, 0x01, 0xc3, 0xd3, 0x92, 0x90, 0x03, 0x85, 0xe3, 0xda, 0x50, 0xd1, 0x12, 0x0c, 0xde, 0xde, 0x87, 0x9f, 0x48, 0x85, 0x41, 0xb6, 0xf0, 0x9b, 0x01, 0x03, 0x8a, 0x26, 0x72, 0x2e, 0x32, 0x90, 0x83, 0x63, 0x30, 0x0d, 0xfd, 0x7e, 0xc8, 0x8b, 0x60, 0x93, 0x9c, 0x01, 0x70, 0xa4, 0x48, 0x6d, 0xc0, 0xbe, 0x46, 0x24, 0x26, 0xe8, 0x02, 0xe4, 0xdb, 0x17, 0xc0, 0xe4, 0x9e, 0xeb, 0x00, 0x45, 0xf2, 0x99, 0x00, 0xdf, 0x82, 0x6d, 0xb1, 0x10, 0x02, 0x09, 0xbe, 0x3d, 0xd0, 0x48, 0xc9, 0xc7, 0x08, 0x2a, 0x5e, 0xd6, 0x90, 0x24, 0x02, 0x73, 0x70, 0xa4, 0x50, 0x68, 0x22, 0x58, 0xdb, 0x74, 0x4c, 0x53, 0x0d, 0x24, 0xb4, 0x00, 0x62, 0x0c, 0x0f, 0x55, 0x40, 0x5f, 0x74, 0x0c, 0xca, 0x6f, 0x6f, 0x8a, 0xd2, 0x9f, 0x23, 0xc9, 0x48, 0x63, 0x5c, 0xe9, 0x73, 0x46, 0x49, 0x98, 0x52, 0xea, 0x60, 0x83, 0xb5, 0xad, 0x24, 0x73, 0x60, 0x50, 0xdd, 0xa0, 0xdc, 0x5f, 0x94, 0x2b, 0x11, 0x93, 0xec, 0xa5, 0xcd, 0x9c, 0x88, 0x11, 0x23, 0x92, 0xe6, 0xd5, 0xe9, 0x59, 0xad, 0xd1, 0xd7, 0xd3, 0x57, 0x73, 0xbb, 0x9a, 0xac, 0x2c, 0x76, 0xc7, 0x10, 0x40, 0x70, 0x83, 0x07, 0x81, 0x51, 0xa3, 0xd0, 0xe9, 0xb4, 0x1a, 0x5a, 0x3a, 0x5d, 0x2d, 0x26, 0x32, 0x85, 0x36, 0x06, 0x31, 0x8d, 0x6e, 0x1a, 0x38, 0x4e, 0x63, 0xeb, 0xe6, 0xbc, 0x1f, 0x86, 0x29, 0xfe, 0x1f, 0xe2, 0x2f, 0x89, 0x34, 0x8c, 0x24, 0xd3, 0xef, 0xe9, 0xea, 0x1a, 0x45, 0xe1, 0xf5, 0x19, 0xe2, 0x13, 0xce, 0x41, 0x3e, 0x67, 0x82, 0xfa, 0x7b, 0xc1, 0x36, 0xbd, 0xfc, 0xd5, 0x00, 0x03, 0x81, 0x81, 0x8e, 0x68, 0x2d, 0x12, 0x09, 0x06, 0xea, 0x76, 0x83, 0x78, 0x98, 0xe8, 0x98, 0x6d, 0xf3, 0x8e, 0x81, 0x30, 0x0d, 0xe2, 0x78, 0x60, 0x46, 0x25, 0x38, 0x91, 0x3e, 0x86, 0xd8, 0x54, 0x5a, 0x6c, 0x67, 0x1d, 0x53, 0x0c, 0x21, 0xa4, 0x92, 0x6f, 0x8e, 0x97, 0x4b, 0x6d, 0xe4, 0x36, 0xc4, 0x72, 0x0a, 0x38, 0x11, 0x83, 0x8b, 0x20, 0xe4, 0x40, 0x1c, 0x95, 0x89, 0x0d, 0x24, 0x8b, 0x8f, 0xaa, 0x01, 0x2e, 0x04, 0x92, 0x21, 0x5b, 0x21, 0xa0, 0x5a, 0x65, 0x2a, 0x8e, 0x96, 0x38, 0x74, 0xfd, 0x17, 0x8d, 0xf0, 0x93, 0x46, 0xcd, 0x41, 0x02, 0x3c, 0x4d, 0xe3, 0x33, 0x72, 0xbe, 0x88, 0x43, 0x45, 0x81, 0x4f, 0xe6, 0x06, 0x04, 0x04, 0xee, 0x33, 0x6f, 0x24, 0x85, 0xcf, 0xcc, 0x36, 0xf0, 0x46, 0xd1, 0x16, 0x93, 0x79, 0x54, 0x2f, 0x9c, 0xad, 0x6e, 0x45, 0xb2, 0x30, 0x50, 0x77, 0x08, 0x12, 0x7d, 0xf2, 0xa2, 0x5d, 0xc8, 0xfb, 0xff, 0x00, 0x85, 0xe9, 0xfc, 0x4a, 0x7f, 0xf5, 0x12, 0x2f, 0xf2, 0x8f, 0xcd, 0x78, 0xae, 0x8b, 0xd9, 0x44, 0x92, 0xee, 0x00, 0x73, 0x84, 0x5e, 0x04, 0xf3, 0x41, 0xe9, 0x75, 0x25, 0xa6, 0x66, 0xc9, 0x19, 0x3c, 0x00, 0xf2, 0x48, 0x5b, 0x24, 0xab, 0x13, 0x7e, 0x4b, 0xe7, 0x3e, 0x30, 0x37, 0xd2, 0x0d, 0xc0, 0x19, 0x77, 0x0c, 0xe1, 0x7d, 0x1b, 0x0b, 0x85, 0x31, 0x61, 0x84, 0xcc, 0x44, 0x29, 0x26, 0xde, 0x48, 0x75, 0xc0, 0x81, 0x74, 0xe4, 0xb6, 0x03, 0x88, 0xf7, 0x48, 0x12, 0x4f, 0xaa, 0xa0, 0x0b, 0x66, 0xe7, 0xc9, 0x28, 0xbd, 0xe5, 0x50, 0x07, 0x69, 0x68, 0x26, 0xf8, 0x48, 0x02, 0xd2, 0x04, 0x99, 0xe2, 0x93, 0xec, 0xd1, 0x92, 0x38, 0xae, 0x6d, 0x6e, 0xa9, 0xba, 0x7e, 0xec, 0x06, 0xb9, 0xee, 0xa8, 0xed, 0xad, 0x0d, 0x89, 0x27, 0x3c, 0x4e, 0x61, 0x65, 0xf8, 0xf6, 0x77, 0x22, 0xa1, 0xa7, 0x59, 0xae, 0x2e, 0xd8, 0x29, 0x16, 0x8d, 0xc0, 0xfd, 0xba, 0xca, 0x47, 0xb4, 0x5b, 0x4e, 0x9d, 0x67, 0x55, 0xa7, 0x56, 0x93, 0xa9, 0x46, 0xf6, 0x10, 0x09, 0xbd, 0xbc, 0x95, 0xe9, 0xf5, 0x8c, 0xa9, 0x5b, 0xbb, 0x34, 0xaa, 0x31, 0xdb, 0x77, 0x8d, 0xe0, 0x09, 0x83, 0x18, 0x9f, 0xcd, 0x73, 0xb3, 0xb4, 0x19, 0x56, 0xb3, 0x1c, 0x0d, 0x66, 0xb1, 0xcd, 0x79, 0x16, 0x1b, 0x4e, 0xd8, 0x99, 0xf7, 0x55, 0x4f, 0x5f, 0xbc, 0xd3, 0x0e, 0xa1, 0x51, 0x94, 0x9e, 0x48, 0x65, 0x42, 0x2c, 0x4c, 0x4d, 0xc6, 0x42, 0x43, 0xb4, 0x5a, 0x43, 0x5c, 0x68, 0x54, 0x14, 0x0b, 0xb6, 0x77, 0xb6, 0x89, 0xb8, 0xc4, 0xcc, 0x5a, 0x16, 0xda, 0xad, 0x4b, 0x74, 0xb4, 0x0d, 0x6a, 0xad, 0x25, 0xa1, 0xc1, 0xa4, 0x30, 0x5e, 0x4c, 0x01, 0xd3, 0x2b, 0x2a, 0x7a, 0xe0, 0xea, 0xbd, 0xd5, 0x5a, 0x35, 0x28, 0x39, 0xcd, 0x2e, 0x6e, 0xf2, 0x3c, 0x51, 0x9c, 0x7a, 0x28, 0x67, 0x69, 0x35, 0xc5, 0x8e, 0x34, 0xaa, 0x32, 0x85, 0x47, 0x06, 0xb6, 0xb4, 0x40, 0x24, 0x98, 0x13, 0x37, 0x1f, 0x55, 0x43, 0xb4, 0xd8, 0x3b, 0xd9, 0xa5, 0x57, 0x65, 0x32, 0xe6, 0xb9, 0xe5, 0xb0, 0x37, 0x02, 0x04, 0x75, 0xca, 0xd6, 0x9f, 0x68, 0x00, 0xd7, 0x9a, 0xf4, 0x6a, 0xd1, 0xd8, 0xd0, 0xff, 0x00, 0x10, 0x10, 0x47, 0x29, 0xe6, 0xa6, 0x9e, 0xb9, 0xa6, 0xa5, 0x31, 0x56, 0x8d, 0x5a, 0x7d, 0xe1, 0xf0, 0x97, 0x89, 0x07, 0xa1, 0x8c, 0x15, 0x90, 0xed, 0x5a, 0x6e, 0x69, 0xa8, 0x68, 0xd7, 0xee, 0x03, 0xbb, 0xb7, 0x3c, 0x80, 0x36, 0x99, 0x8c, 0x5c, 0x91, 0x2a, 0xeb, 0x76, 0x81, 0x6d, 0x4a, 0xb4, 0xe9, 0xe9, 0xeb, 0x54, 0xee, 0xa0, 0xbb, 0x68, 0x10, 0x2d, 0x33, 0xfe, 0x15, 0x1e, 0xd1, 0x69, 0x6d, 0x0e, 0xe6, 0x9b, 0xea, 0xba, 0xa3, 0x77, 0x80, 0xd8, 0x10, 0x0f, 0x1b, 0xe1, 0x62, 0xed, 0x79, 0xa9, 0x57, 0x46, 0xea, 0x3b, 0xc4, 0xd5, 0x2c, 0xa8, 0xd3, 0xc0, 0x81, 0x3b, 0x64, 0x1c, 0x2c, 0xff, 0x00, 0xea, 0x68, 0x6a, 0x34, 0xc0, 0x6a, 0x2a, 0x3e, 0xbd, 0x47, 0xf8, 0xa9, 0xff, 0x00, 0x48, 0x67, 0x4e, 0xb8, 0xba, 0xf5, 0x4e, 0x4c, 0xce, 0xee, 0x1c, 0x65, 0x50, 0x88, 0x20, 0x91, 0xea, 0x14, 0x13, 0xfd, 0xa5, 0xb3, 0xc5, 0x1b, 0x4b, 0x81, 0x24, 0x88, 0x18, 0x52, 0x41, 0x06, 0xc6, 0xc8, 0x24, 0x9c, 0xc7, 0xa6, 0x53, 0x07, 0x10, 0x09, 0x4d, 0xb2, 0x0d, 0xe4, 0x1e, 0x28, 0x07, 0xc3, 0x60, 0x9d, 0xb6, 0xde, 0x50, 0x49, 0xf9, 0x86, 0x02, 0x57, 0x70, 0xca, 0x77, 0x17, 0x30, 0x96, 0xef, 0x10, 0xb0, 0x85, 0x52, 0x0d, 0xf9, 0x7d, 0x51, 0x69, 0xb4, 0x42, 0x45, 0xc7, 0x8e, 0x78, 0x59, 0x36, 0x9e, 0x23, 0x29, 0x92, 0x4e, 0x23, 0xaa, 0x46, 0x6d, 0x07, 0xcf, 0xaa, 0x6e, 0x27, 0x68, 0x04, 0xa9, 0x8c, 0x4e, 0x3c, 0xd1, 0xc0, 0x8c, 0x94, 0xe7, 0x10, 0x20, 0xf5, 0x4f, 0x75, 0xf3, 0x64, 0xcc, 0x12, 0x2e, 0x67, 0xd9, 0x49, 0x33, 0x3b, 0x49, 0xb7, 0xaa, 0x09, 0xbe, 0x2c, 0x15, 0x4c, 0x09, 0x19, 0x50, 0x2e, 0x6e, 0x15, 0x09, 0x93, 0x01, 0x30, 0xd3, 0x72, 0xee, 0x1d, 0x53, 0xb5, 0xec, 0x4c, 0xf1, 0x4a, 0x22, 0xc0, 0x9f, 0x69, 0x54, 0xd9, 0xb0, 0x33, 0x09, 0x44, 0x13, 0x73, 0x74, 0x16, 0x8e, 0x3e, 0x96, 0x59, 0xed, 0x20, 0xa1, 0xd1, 0x6b, 0x60, 0xa5, 0xb7, 0x39, 0xba, 0x5b, 0x5a, 0x26, 0x4e, 0x70, 0xb3, 0x65, 0x2a, 0x54, 0xcb, 0xfb, 0xba, 0x61, 0xa5, 0xe6, 0x5d, 0x02, 0xee, 0x80, 0x04, 0x93, 0xce, 0xc2, 0x16, 0xd1, 0xcc, 0x01, 0xf4, 0x0a, 0x36, 0x81, 0x22, 0x04, 0xf9, 0xaa, 0x0d, 0x92, 0x20, 0x95, 0x50, 0xdb, 0x19, 0x12, 0x10, 0xd6, 0x90, 0x4c, 0x91, 0x05, 0x22, 0xd1, 0x36, 0xe2, 0xa8, 0x0b, 0x40, 0x02, 0x06, 0x55, 0x5d, 0xd2, 0x44, 0x2a, 0x83, 0x1c, 0x11, 0xb4, 0x6d, 0xc1, 0xb2, 0x82, 0xc6, 0xed, 0x3c, 0x3d, 0x14, 0x96, 0x0c, 0x4a, 0x71, 0x00, 0x01, 0x12, 0x7f, 0x79, 0x40, 0x68, 0x93, 0xc5, 0x50, 0x1c, 0x0f, 0xb2, 0x9a, 0xad, 0x02, 0x9b, 0x89, 0x8b, 0x03, 0xfb, 0xfa, 0x2f, 0x13, 0xe1, 0x2a, 0x82, 0x35, 0x51, 0x01, 0xa0, 0xb7, 0xd5, 0x7d, 0x08, 0x78, 0x99, 0x9e, 0xa1, 0x36, 0xd4, 0xcc, 0x9b, 0xa4, 0x2a, 0x36, 0x78, 0x9f, 0x45, 0x6d, 0x76, 0x48, 0xca, 0x72, 0x49, 0xc0, 0x40, 0xb9, 0x30, 0x42, 0xd4, 0x60, 0x8e, 0x3e, 0x6a, 0x9a, 0xdb, 0x49, 0x00, 0xc2, 0x7b, 0xdf, 0xfd, 0xc3, 0xff, 0x00, 0x6a, 0xef, 0xf8, 0x97, 0xfe, 0xe2, 0xeb, 0x9f, 0x94, 0x7d, 0x8a, 0xf1, 0x5c, 0x4c, 0x88, 0xb8, 0x4c, 0x89, 0x74, 0x49, 0x16, 0x98, 0x52, 0x5a, 0xe6, 0xc0, 0x02, 0x6f, 0x95, 0x26, 0x67, 0xa2, 0x22, 0xd6, 0x41, 0x80, 0xd3, 0x3f, 0x65, 0x02, 0x70, 0x53, 0x9f, 0x2f, 0x65, 0xf3, 0x7f, 0x18, 0xb6, 0x7f, 0x0a, 0x64, 0xed, 0xf1, 0x4d, 0xfc, 0x97, 0xd0, 0xb6, 0xa5, 0xdb, 0xe9, 0xc5, 0x33, 0x24, 0xc9, 0x29, 0x88, 0x8b, 0xbb, 0xd2, 0x50, 0xd2, 0x78, 0xbb, 0xca, 0xc9, 0xff, 0x00, 0x55, 0xe2, 0xfe, 0xa9, 0x92, 0x03, 0x2d, 0xe6, 0x80, 0xe9, 0x07, 0x3e, 0x68, 0x3c, 0x08, 0x9b, 0x24, 0x00, 0xe2, 0x0c, 0xaa, 0xb8, 0x16, 0x17, 0x38, 0x53, 0x7c, 0x19, 0xea, 0xb8, 0xbb, 0x4f, 0x4e, 0xea, 0xc2, 0x90, 0x14, 0x5b, 0x5a, 0x9b, 0x5d, 0x2e, 0x61, 0xb1, 0x8c, 0x4b, 0x4f, 0x05, 0xe7, 0xfe, 0x03, 0x50, 0x74, 0xe3, 0x73, 0x5c, 0x43, 0x2a, 0xef, 0x6d, 0x17, 0x3e, 0xfb, 0x62, 0x20, 0x1e, 0x7c, 0x55, 0x7e, 0x06, 0xa5, 0x4a, 0x55, 0xcb, 0x34, 0xe2, 0x91, 0x78, 0x68, 0x68, 0x2e, 0x2e, 0x71, 0x01, 0xd3, 0x73, 0xc3, 0x9e, 0x17, 0x4f, 0x6a, 0x69, 0xaa, 0xd5, 0x14, 0xea, 0x69, 0xe0, 0x57, 0x64, 0x8c, 0x01, 0x67, 0x58, 0x8f, 0xb1, 0x53, 0x53, 0xb3, 0xc1, 0x75, 0x1a, 0x6d, 0xff, 0x00, 0x49, 0x94, 0x1f, 0x47, 0x3c, 0xe0, 0x5c, 0x73, 0xb7, 0x3b, 0xa2, 0x93, 0x75, 0x8d, 0x65, 0x1a, 0x4e, 0xa4, 0x18, 0xc6, 0x00, 0x1d, 0x52, 0xde, 0x28, 0xb5, 0xb9, 0x7d, 0x61, 0x71, 0xd0, 0xec, 0xea, 0x8d, 0x63, 0x28, 0x9d, 0x33, 0x25, 0xa6, 0x0d, 0x52, 0xeb, 0x16, 0xe6, 0x76, 0xf3, 0xea, 0xbb, 0x7b, 0x67, 0x71, 0xec, 0xe7, 0x86, 0x86, 0x97, 0x6f, 0x60, 0x13, 0x61, 0x67, 0x0e, 0x7e, 0x4b, 0x27, 0xe9, 0xf5, 0x1a, 0xbd, 0x43, 0x5d, 0x5e, 0x88, 0xa2, 0xc6, 0x35, 0xc0, 0x1d, 0xc2, 0x5c, 0xe7, 0x08, 0xcf, 0x25, 0xcd, 0xa7, 0xd0, 0x55, 0x03, 0x4f, 0x45, 0xfa, 0x66, 0x45, 0x37, 0x34, 0xba, 0xa3, 0xaa, 0x13, 0x20, 0x71, 0x03, 0x9a, 0xed, 0x66, 0x96, 0xb5, 0x3d, 0x0d, 0x7a, 0x66, 0x9b, 0x4d, 0x47, 0xbd, 0xef, 0x87, 0x5c, 0x38, 0x13, 0x37, 0x5c, 0xc3, 0x41, 0x54, 0x8a, 0xcc, 0x6d, 0x33, 0x42, 0x8b, 0xa9, 0x96, 0x35, 0x9d, 0xe6, 0xe1, 0xbe, 0x45, 0xe0, 0xe0, 0x70, 0x5b, 0xd4, 0xa5, 0xa8, 0xd4, 0xd5, 0xd3, 0xb6, 0xb5, 0x16, 0xd3, 0x65, 0x37, 0x07, 0xb8, 0xb9, 0xf2, 0x1c, 0x44, 0xe2, 0x2f, 0xc5, 0x4d, 0x4d, 0x15, 0x5f, 0xe1, 0x2e, 0xa0, 0x1a, 0xde, 0xf4, 0x92, 0x6f, 0x69, 0xf1, 0x13, 0xf6, 0x5b, 0x52, 0xa1, 0x50, 0x57, 0xd6, 0x3d, 0xd8, 0xa8, 0xe0, 0x5a, 0x0f, 0x94, 0x42, 0xe1, 0x6e, 0x86, 0xad, 0x36, 0x69, 0x5e, 0xfa, 0x06, 0xb3, 0x59, 0x49, 0xb4, 0xdc, 0xc0, 0xf2, 0xd8, 0x8b, 0xda, 0x3f, 0x45, 0xbe, 0x9f, 0x45, 0x51, 0xb5, 0x34, 0xcf, 0x14, 0xd8, 0xc2, 0x2b, 0x39, 0xee, 0x01, 0xc7, 0x05, 0xb1, 0xc7, 0x8e, 0x17, 0x65, 0x3a, 0x21, 0xba, 0xca, 0xb5, 0x5c, 0xd1, 0x76, 0x35, 0xbb, 0xb7, 0x4e, 0x0e, 0x07, 0x2b, 0xfb, 0xad, 0xdc, 0x2e, 0x66, 0xd0, 0x60, 0x1e, 0x8a, 0xed, 0x00, 0x07, 0x93, 0xcd, 0x05, 0xa2, 0x44, 0x02, 0x90, 0xbb, 0xb2, 0x63, 0xc9, 0x22, 0xd8, 0x20, 0x67, 0x3d, 0x12, 0x19, 0xe1, 0x0a, 0xa3, 0x80, 0x26, 0x07, 0x19, 0x48, 0x1d, 0xbc, 0xe6, 0x25, 0x0d, 0x39, 0x25, 0x02, 0x0e, 0x25, 0x36, 0xb6, 0x1d, 0x33, 0xf4, 0x94, 0x10, 0x0e, 0x0d, 0xd2, 0x69, 0x10, 0x41, 0xb8, 0x09, 0xbb, 0xe5, 0x86, 0xc0, 0x9e, 0x10, 0xa5, 0xc3, 0x11, 0xea, 0x94, 0xdc, 0xc8, 0x8e, 0x4a, 0x89, 0x04, 0x08, 0x05, 0x00, 0x08, 0xb2, 0x20, 0xb4, 0x5f, 0x1c, 0x10, 0x77, 0x40, 0xbc, 0xa7, 0xb4, 0x90, 0x90, 0x88, 0xb9, 0xba, 0xa1, 0x70, 0x66, 0x23, 0x92, 0x76, 0x74, 0x03, 0x10, 0x3d, 0x10, 0x20, 0x1b, 0x4d, 0x93, 0x3e, 0x29, 0x92, 0x3a, 0x28, 0x20, 0x98, 0x20, 0xf9, 0xa7, 0x18, 0x03, 0x08, 0x1c, 0x49, 0xca, 0xb0, 0x05, 0xa1, 0x28, 0x3b, 0xa2, 0x4c, 0x22, 0xe0, 0x18, 0x21, 0x5e, 0xe9, 0x03, 0xeb, 0x01, 0x3e, 0x40, 0x7d, 0x52, 0xda, 0x78, 0xc1, 0x8c, 0xa4, 0x3c, 0x80, 0x9e, 0xa9, 0x4b, 0x48, 0x19, 0xcc, 0x65, 0x27, 0xb4, 0xc7, 0xf9, 0x53, 0x16, 0xe2, 0xa8, 0x02, 0x70, 0x52, 0xbc, 0x80, 0xe0, 0x3c, 0xd0, 0x09, 0xeb, 0xe6, 0x52, 0xc0, 0xb9, 0x90, 0x12, 0xb1, 0x12, 0x60, 0x8e, 0x11, 0x68, 0x4f, 0x70, 0x04, 0x42, 0x00, 0x92, 0x41, 0x88, 0xf2, 0x4d, 0xb9, 0x81, 0xc1, 0x55, 0x86, 0x48, 0x94, 0x16, 0xc4, 0x4f, 0x0f, 0xf9, 0x4c, 0x12, 0x08, 0x13, 0x65, 0x60, 0x18, 0xb1, 0x53, 0x7b, 0xc9, 0x54, 0x1c, 0x22, 0xe3, 0xd5, 0x45, 0x48, 0xda, 0x2c, 0x65, 0x43, 0x41, 0xc1, 0x00, 0x82, 0xa8, 0xc8, 0x88, 0x02, 0xc9, 0xb5, 0xc0, 0x1b, 0x91, 0x3c, 0x3a, 0x2c, 0x75, 0x0e, 0x05, 0x8f, 0x22, 0x31, 0xfa, 0xaf, 0x9c, 0xf8, 0x56, 0x4b, 0x75, 0x24, 0x71, 0x23, 0xf3, 0xfd, 0x17, 0xba, 0x33, 0x06, 0x70, 0xac, 0xb8, 0xb4, 0x01, 0x68, 0xf3, 0x56, 0xd7, 0x88, 0xca, 0xd5, 0xae, 0x83, 0x62, 0x08, 0x56, 0x2a, 0x90, 0x73, 0x6f, 0x75, 0x5b, 0x84, 0x5c, 0x19, 0x3c, 0xd6, 0xcd, 0x9d, 0xa1, 0x58, 0x71, 0x8b, 0x61, 0x1b, 0x9b, 0xd5, 0x7a, 0x3f, 0x12, 0x47, 0xf1, 0x47, 0x4c, 0xfc, 0x83, 0xec, 0x57, 0x88, 0x49, 0x90, 0x47, 0x14, 0xc4, 0xd8, 0xe6, 0xc9, 0xe3, 0x85, 0xc7, 0x14, 0x9b, 0x8b, 0xb8, 0xfa, 0xa5, 0x61, 0x61, 0x09, 0x09, 0x82, 0x0a, 0x1d, 0x22, 0x24, 0x2c, 0xdc, 0x40, 0x24, 0x15, 0xf3, 0x3f, 0x16, 0x13, 0x3a, 0x51, 0xc3, 0xc5, 0x1d, 0x66, 0x17, 0xd1, 0xd2, 0x6c, 0xb0, 0x38, 0x88, 0x90, 0x86, 0xb6, 0xe4, 0x93, 0x6e, 0x49, 0x02, 0xd2, 0xe3, 0x3f, 0x6f, 0xcd, 0x58, 0xe8, 0x44, 0x1f, 0x54, 0xdc, 0xed, 0xbe, 0x43, 0x29, 0xfc, 0xd0, 0xe6, 0xc0, 0x1c, 0x50, 0x30, 0x62, 0x53, 0x88, 0xbc, 0x94, 0x07, 0x09, 0xbc, 0xa5, 0xc6, 0xe2, 0x4f, 0xd9, 0x33, 0x00, 0x98, 0x37, 0x8f, 0x65, 0x31, 0x71, 0x13, 0xe6, 0x83, 0x00, 0xf8, 0x84, 0x9f, 0x68, 0x43, 0x87, 0x86, 0xf2, 0x42, 0x9c, 0x61, 0xa2, 0x3c, 0xd5, 0x13, 0x31, 0xc0, 0x9e, 0x9c, 0x54, 0x96, 0xde, 0xe6, 0x67, 0xa5, 0xca, 0x78, 0x9c, 0x92, 0x7a, 0x0c, 0x72, 0x95, 0x2f, 0x6b, 0x5e, 0x00, 0x7b, 0x43, 0x9b, 0x9d, 0xae, 0x00, 0x82, 0x45, 0xd5, 0x08, 0x81, 0x22, 0x20, 0x46, 0x11, 0x07, 0xfa, 0x67, 0x29, 0x5d, 0xb0, 0x32, 0x66, 0xff, 0x00, 0x54, 0x85, 0xe7, 0x04, 0xe0, 0xc8, 0x1f, 0xb8, 0x4f, 0xc2, 0x60, 0x90, 0x24, 0xf4, 0x09, 0x35, 0xa2, 0xe0, 0xe0, 0x7d, 0x13, 0x27, 0x11, 0x26, 0x31, 0xc7, 0x82, 0x59, 0x81, 0x07, 0x9c, 0x8b, 0x23, 0x12, 0x76, 0x91, 0xc6, 0xde, 0x61, 0x31, 0x16, 0x92, 0x27, 0x8c, 0xa3, 0x74, 0x88, 0x27, 0x1d, 0x10, 0x46, 0xd0, 0x48, 0x77, 0x08, 0x4a, 0x4f, 0x86, 0x49, 0xc2, 0x6d, 0x6d, 0x8d, 0xc7, 0xba, 0x47, 0x26, 0x08, 0x28, 0x36, 0x98, 0xe0, 0xa6, 0x6c, 0x40, 0xb4, 0xd9, 0x10, 0x78, 0x19, 0xb2, 0x6d, 0x04, 0x09, 0x8c, 0xa1, 0xce, 0x9b, 0x0b, 0xf3, 0xb2, 0xa1, 0x89, 0x1f, 0x64, 0x9d, 0x31, 0x20, 0x67, 0x37, 0x44, 0x47, 0xf4, 0x8f, 0x74, 0x16, 0xdf, 0x8d, 0xfd, 0x54, 0x81, 0x2e, 0xba, 0xab, 0x6e, 0xb8, 0x4d, 0x80, 0x48, 0x93, 0xcd, 0x1b, 0x6e, 0x73, 0x08, 0x71, 0x00, 0x81, 0x79, 0xe7, 0x08, 0x92, 0x6c, 0x61, 0x17, 0x01, 0x20, 0x07, 0x12, 0x24, 0xa1, 0xa3, 0x22, 0x20, 0x8e, 0x8a, 0x89, 0x1e, 0x13, 0x13, 0xf4, 0x4c, 0x8b, 0x03, 0x08, 0x70, 0x3b, 0x4c, 0x01, 0x07, 0x2a, 0x64, 0x82, 0x00, 0x19, 0xe1, 0x84, 0xc5, 0x8e, 0x0c, 0x04, 0xee, 0x4d, 0x85, 0x90, 0xd0, 0x4d, 0xa4, 0x59, 0x31, 0x2d, 0x92, 0x41, 0x3f, 0xf2, 0x82, 0xd1, 0x71, 0x1e, 0x2f, 0x24, 0x34, 0x80, 0x78, 0xca, 0xa2, 0x49, 0x74, 0x8f, 0xb2, 0x97, 0x38, 0x8b, 0xda, 0xf2, 0x91, 0x36, 0x87, 0x47, 0x4b, 0x22, 0x45, 0xa6, 0x13, 0x31, 0x02, 0x24, 0x85, 0x45, 0xb6, 0xb4, 0xc2, 0x83, 0x32, 0x6c, 0x4c, 0x74, 0xca, 0x66, 0x01, 0xdd, 0x20, 0x88, 0x9e, 0x51, 0xef, 0xc3, 0x12, 0xb9, 0xe9, 0xeb, 0x34, 0xb5, 0x75, 0x95, 0xb4, 0xd4, 0xb5, 0x14, 0x9d, 0xa9, 0xa2, 0x1a, 0xea, 0x94, 0x43, 0xa5, 0xcc, 0xdd, 0x89, 0xe5, 0xc7, 0xc9, 0x69, 0x22, 0xd3, 0xc5, 0x29, 0x68, 0xb8, 0x1f, 0x54, 0xdb, 0xc4, 0x81, 0x25, 0x12, 0x62, 0x4d, 0xbd, 0xca, 0xb1, 0x3c, 0x24, 0xfa, 0x20, 0x72, 0x00, 0x4a, 0xa8, 0x97, 0x02, 0x06, 0x6c, 0x56, 0x8d, 0x60, 0x92, 0x21, 0x06, 0x39, 0x04, 0x08, 0x88, 0x1b, 0x53, 0x82, 0x5b, 0x36, 0x80, 0x60, 0xc0, 0x52, 0x4e, 0xd3, 0x69, 0x50, 0x44, 0x92, 0x00, 0x3f, 0x74, 0xf6, 0x86, 0x89, 0x2e, 0x0b, 0x17, 0xbc, 0x5c, 0xb6, 0x73, 0xcb, 0x2b, 0x2a, 0xae, 0x0e, 0xa6, 0xed, 0xc2, 0xe6, 0x7e, 0xd1, 0xf9, 0xaf, 0x03, 0xe1, 0x42, 0x76, 0x6a, 0x60, 0x7f, 0x69, 0xfb, 0xaf, 0xa0, 0x6c, 0xc9, 0x20, 0xf9, 0xda, 0x61, 0x41, 0x30, 0x26, 0x3e, 0x88, 0xdd, 0x23, 0x84, 0x26, 0x5f, 0x04, 0x46, 0x13, 0x73, 0xad, 0x33, 0x10, 0x83, 0x5c, 0xb6, 0x20, 0x13, 0xd7, 0x2b, 0x66, 0x6a, 0x88, 0x06, 0x06, 0x38, 0x4a, 0xd2, 0x9e, 0xa5, 0xce, 0xcc, 0x7d, 0x96, 0x9d, 0xe9, 0xfe, 0xe0, 0xbd, 0xaf, 0x89, 0x7f, 0xee, 0x2e, 0xbd, 0xb6, 0x8f, 0xb1, 0x5e, 0x28, 0x8e, 0x20, 0x47, 0x9a, 0x09, 0x8b, 0x10, 0x7d, 0x51, 0x6b, 0x00, 0x4a, 0x0c, 0x45, 0xf2, 0x53, 0x17, 0x16, 0x89, 0x1d, 0x12, 0x2d, 0x3b, 0x6e, 0x63, 0xd5, 0x33, 0x61, 0x7b, 0x82, 0xb9, 0xdf, 0x4d, 0xc0, 0x92, 0xd1, 0x65, 0xf3, 0x5f, 0x17, 0x36, 0x4e, 0x94, 0x80, 0xec, 0xba, 0x7d, 0xc2, 0xfa, 0x2a, 0x44, 0x9a, 0x6d, 0x03, 0x00, 0x71, 0xf6, 0x54, 0xe6, 0x88, 0x99, 0x12, 0x0c, 0x14, 0x36, 0x00, 0x27, 0x3c, 0x11, 0x63, 0x98, 0x11, 0xd5, 0x23, 0x32, 0x62, 0xe2, 0x10, 0x1c, 0x0b, 0x4c, 0x97, 0x03, 0xc0, 0x2a, 0x12, 0x44, 0xc9, 0xbf, 0x55, 0x4d, 0xe1, 0x27, 0x1d, 0x72, 0x90, 0xf9, 0xcc, 0x26, 0x49, 0xb0, 0x07, 0xfc, 0x94, 0xb7, 0x8d, 0xb7, 0x82, 0x40, 0x8b, 0x09, 0x85, 0x2f, 0xad, 0x4d, 0x9b, 0x43, 0xdc, 0xd6, 0x1e, 0xae, 0x89, 0xca, 0x96, 0x6a, 0x29, 0x54, 0x27, 0x6d, 0x46, 0x98, 0x13, 0xf3, 0x4f, 0xd9, 0x68, 0x07, 0x86, 0xe6, 0xfe, 0x45, 0x06, 0x1a, 0x41, 0xdc, 0x20, 0x70, 0x49, 0xce, 0x91, 0x22, 0x6c, 0x94, 0xda, 0x78, 0x93, 0xcf, 0x87, 0x35, 0x7f, 0xd2, 0x64, 0xc8, 0xe8, 0x94, 0x60, 0x02, 0x40, 0x99, 0xca, 0x64, 0x5a, 0xe4, 0x47, 0xd9, 0x4e, 0xdb, 0xdc, 0x8e, 0x7c, 0x50, 0x0b, 0x4c, 0x39, 0xa4, 0x19, 0xe4, 0x54, 0x82, 0x09, 0x26, 0x07, 0x3c, 0x23, 0xbc, 0x67, 0x78, 0x18, 0xe7, 0x37, 0x79, 0x12, 0x1b, 0x83, 0xe6, 0x39, 0xa6, 0xdb, 0x49, 0x82, 0x67, 0x08, 0x3c, 0x00, 0x37, 0x24, 0xd9, 0x2b, 0x6e, 0xb4, 0xfb, 0xaa, 0xe0, 0x73, 0xcd, 0x01, 0xcd, 0x1c, 0x7e, 0x8a, 0x49, 0x93, 0x04, 0x4a, 0x00, 0x81, 0x02, 0x3d, 0xec, 0x87, 0x90, 0x04, 0xb8, 0x40, 0x02, 0xfc, 0x80, 0xe6, 0x86, 0x10, 0x45, 0xa0, 0x83, 0x8d, 0xb7, 0x54, 0xd8, 0x0d, 0xe8, 0x6d, 0xce, 0x14, 0x55, 0xaa, 0xca, 0x62, 0x6a, 0x3d, 0xac, 0x64, 0xdc, 0xcc, 0x01, 0xee, 0x95, 0x1a, 0x8c, 0xaf, 0x4d, 0xaf, 0xa3, 0x50, 0x3d, 0x96, 0x97, 0x03, 0x39, 0xe0, 0xab, 0x0f, 0x83, 0xc9, 0x50, 0xc4, 0x1d, 0xbe, 0xff, 0x00, 0xe1, 0x00, 0x45, 0x8c, 0x22, 0x0e, 0xeb, 0xc2, 0x44, 0x19, 0x38, 0x84, 0xe0, 0xb8, 0x59, 0xa6, 0x39, 0xa4, 0x1b, 0xca, 0x7a, 0xa0, 0x81, 0xc0, 0xdf, 0x8a, 0x60, 0x5e, 0x6d, 0x64, 0xb0, 0x2d, 0xc7, 0xe8, 0xa9, 0xb2, 0x4c, 0x48, 0x01, 0x22, 0xd1, 0x04, 0x6e, 0xf2, 0x49, 0xd8, 0x81, 0x08, 0x33, 0x89, 0x23, 0xf2, 0x43, 0x6f, 0x88, 0x9e, 0x6a, 0xa4, 0x01, 0xe2, 0x24, 0xa4, 0x1b, 0x30, 0x41, 0xb8, 0xe8, 0x98, 0x27, 0x11, 0x74, 0xfc, 0xc5, 0xcf, 0x54, 0xc4, 0x00, 0x77, 0x03, 0x3c, 0x14, 0x99, 0x38, 0xca, 0x9a, 0x95, 0x1c, 0xd2, 0xc6, 0x33, 0x68, 0x26, 0x41, 0x90, 0x4f, 0x09, 0x50, 0x1b, 0x5a, 0x6c, 0xf6, 0x02, 0x7f, 0xd8, 0xa9, 0x8e, 0xa8, 0x6b, 0x16, 0x3d, 0xcd, 0x36, 0x9b, 0x36, 0x39, 0xad, 0x60, 0xcc, 0x9c, 0x15, 0x31, 0x78, 0x12, 0xab, 0xe5, 0x24, 0x12, 0x6f, 0x0b, 0x97, 0x75, 0x67, 0xbe, 0xa4, 0x39, 0x81, 0xad, 0x25, 0xa2, 0x5a, 0x4f, 0x09, 0x99, 0x95, 0x43, 0xf1, 0x12, 0x1a, 0x2a, 0x53, 0x8f, 0xff, 0x00, 0x1f, 0xf9, 0x57, 0xa7, 0x7b, 0xaa, 0x52, 0x6b, 0x9f, 0x67, 0x62, 0xdd, 0x16, 0xbb, 0x79, 0x13, 0xc3, 0xd1, 0x51, 0x10, 0x33, 0x9e, 0x2b, 0xc5, 0xf8, 0xa3, 0xb4, 0x75, 0x9d, 0x99, 0xa1, 0x1a, 0xad, 0x0e, 0x95, 0xba, 0xba, 0x74, 0xdc, 0x0e, 0xa0, 0x49, 0xdc, 0xd6, 0x12, 0x65, 0xcc, 0x03, 0xe6, 0x3d, 0x2c, 0x57, 0x97, 0xda, 0x1f, 0x15, 0x69, 0xdb, 0xf0, 0xe5, 0x4e, 0xd7, 0xec, 0xfd, 0x55, 0x0d, 0x54, 0xc5, 0x3a, 0x54, 0xc5, 0x3f, 0x11, 0xa8, 0xeb, 0x36, 0x99, 0x69, 0x32, 0x0c, 0x8b, 0x8b, 0x98, 0x12, 0x8f, 0x86, 0x7b, 0x05, 0xdd, 0x94, 0x1b, 0xab, 0xd4, 0xd5, 0x15, 0x3b, 0x4b, 0x50, 0xd2, 0x35, 0x55, 0x0b, 0x60, 0xbd, 0xce, 0x76, 0xe8, 0x26, 0x6c, 0x01, 0xb0, 0x11, 0x8b, 0x2f, 0xa9, 0x77, 0x8b, 0x22, 0xff, 0x00, 0xad, 0xd4, 0x96, 0xb4, 0x89, 0x13, 0x3e, 0x49, 0x18, 0x04, 0x11, 0x60, 0x3a, 0xac, 0x6a, 0xd4, 0xa9, 0xde, 0xb5, 0x94, 0xdc, 0xd1, 0x20, 0xb8, 0xc8, 0x26, 0x60, 0x8f, 0xd5, 0x68, 0xc6, 0xd7, 0x93, 0x15, 0x69, 0xcf, 0xff, 0x00, 0x8f, 0xfc, 0xad, 0x68, 0xbd, 0xfd, 0xe3, 0xd8, 0xf2, 0x1d, 0xb4, 0x02, 0x21, 0xb1, 0x99, 0xfd, 0x16, 0xd0, 0x6d, 0x06, 0x2f, 0x74, 0xe4, 0xfa, 0x92, 0x86, 0xfc, 0xc4, 0xf2, 0xe9, 0x95, 0x85, 0x21, 0x55, 0xec, 0x2f, 0xde, 0x1a, 0x77, 0x38, 0x0f, 0x04, 0xc0, 0x06, 0x13, 0x3d, 0xeb, 0x6e, 0xda, 0xac, 0x98, 0xfe, 0xd4, 0xe9, 0xbc, 0xbe, 0x93, 0x1e, 0x40, 0x97, 0x0d, 0xc5, 0x04, 0x97, 0x0d, 0xdb, 0x88, 0x1d, 0x2c, 0xb2, 0xa8, 0x5f, 0x62, 0x49, 0x8f, 0xb2, 0x90, 0x1d, 0x06, 0x0e, 0x7a, 0xa8, 0x78, 0x21, 0x8e, 0xdc, 0x24, 0xc7, 0xe8, 0xbe, 0x7b, 0xe1, 0x56, 0x82, 0xcd, 0x4c, 0x09, 0x88, 0xfc, 0xd7, 0xbe, 0xd0, 0x5a, 0x60, 0x12, 0xa8, 0x03, 0x3e, 0x2d, 0xca, 0x5b, 0x23, 0x11, 0x1f, 0x65, 0x24, 0xc1, 0x82, 0x53, 0x32, 0xe9, 0x02, 0x6c, 0xa4, 0x0c, 0x00, 0x5b, 0x27, 0x2a, 0x9a, 0x36, 0x99, 0x10, 0x21, 0x68, 0xd7, 0xb8, 0x5e, 0x01, 0x55, 0xde, 0x8e, 0x43, 0xd9, 0x7d, 0x3f, 0xc4, 0x8d, 0x0e, 0xed, 0x07, 0xdc, 0x7c, 0xa3, 0x8f, 0x98, 0xfc, 0xd7, 0x8c, 0x58, 0x01, 0x9c, 0x0f, 0xba, 0x82, 0x73, 0xb8, 0x98, 0x43, 0x8c, 0x40, 0x02, 0xc9, 0x08, 0x9b, 0xe4, 0x7d, 0x15, 0x5a, 0x01, 0x30, 0x95, 0xa4, 0x8e, 0x29, 0x97, 0x41, 0x01, 0xc8, 0x06, 0x26, 0xd2, 0x17, 0xcd, 0xfc, 0x5e, 0xc7, 0x4e, 0x98, 0x81, 0x7b, 0x9c, 0x67, 0x0b, 0xdc, 0x6b, 0x7c, 0x0c, 0x00, 0x0b, 0x81, 0xe8, 0x99, 0x04, 0x12, 0x08, 0x37, 0x3e, 0xc9, 0x60, 0x1b, 0xda, 0x52, 0x74, 0xc0, 0x20, 0x7d, 0x11, 0xba, 0x62, 0x41, 0x80, 0x99, 0xc1, 0x98, 0xf6, 0x84, 0x80, 0x02, 0xe4, 0x5f, 0xcd, 0x01, 0xd6, 0x30, 0x45, 0xf0, 0x93, 0x4b, 0xa0, 0x49, 0xb1, 0x31, 0x6b, 0xaf, 0x37, 0xf1, 0x3a, 0xaa, 0x8d, 0xad, 0x5e, 0x81, 0x63, 0x69, 0xd3, 0x2e, 0x0c, 0x61, 0x6c, 0x97, 0x44, 0xc9, 0x9e, 0x17, 0x07, 0x82, 0xef, 0xd2, 0xd4, 0x15, 0x74, 0xf4, 0xaa, 0x18, 0x05, 0xcd, 0x0e, 0xb4, 0x44, 0x91, 0x2a, 0x75, 0xf4, 0x68, 0xd5, 0xa4, 0xe7, 0x54, 0xa4, 0xc7, 0x16, 0xb4, 0xc1, 0x8e, 0x9f, 0xe5, 0x79, 0x06, 0x8d, 0x21, 0xf0, 0xf1, 0xab, 0x4e, 0x8b, 0x45, 0x47, 0x52, 0x68, 0x9d, 0xb1, 0x72, 0x47, 0x1c, 0xae, 0xbf, 0xc4, 0x6a, 0x34, 0xfa, 0x9a, 0x6d, 0xae, 0x58, 0xfa, 0x55, 0x1a, 0xf7, 0x00, 0xc6, 0xc6, 0xd2, 0xd1, 0x31, 0x9b, 0xf9, 0xac, 0x28, 0xf6, 0xa5, 0x67, 0x0a, 0x0f, 0x75, 0x46, 0x38, 0x54, 0x70, 0xfe, 0x5b, 0x69, 0xfc, 0xa0, 0xde, 0xe7, 0x8a, 0xf4, 0x3b, 0x42, 0xb5, 0x4a, 0x5a, 0x7e, 0xf2, 0x88, 0x26, 0x4c, 0x17, 0x06, 0x97, 0x6d, 0x07, 0x8f, 0x55, 0xc1, 0xf8, 0xea, 0xdf, 0x84, 0xa8, 0xfa, 0x75, 0x68, 0xd6, 0x2c, 0x7b, 0x43, 0x5d, 0xb4, 0x8c, 0x98, 0x82, 0x0d, 0xc5, 0xd7, 0x43, 0xb5, 0x35, 0xf4, 0xb5, 0xd8, 0xdd, 0x53, 0xd9, 0x52, 0x9b, 0xf7, 0xfc, 0x8d, 0x88, 0x2d, 0x04, 0xfa, 0x8b, 0x65, 0x73, 0xe9, 0x7b, 0x4e, 0xab, 0xdd, 0x41, 0xee, 0xa8, 0xca, 0x82, 0xa3, 0x9a, 0x1d, 0x4c, 0x30, 0x82, 0x01, 0xe3, 0x3c, 0x46, 0x07, 0x05, 0x2f, 0xed, 0x4a, 0xdb, 0x5d, 0x55, 0x95, 0x5b, 0x0d, 0x24, 0x8a, 0x3d, 0xd3, 0x8e, 0xe0, 0x0c, 0x7c, 0xd8, 0xe7, 0xec, 0xba, 0x5b, 0xa8, 0xaf, 0xa8, 0xab, 0x5f, 0xf0, 0xee, 0x63, 0x29, 0xd3, 0x71, 0x6c, 0x39, 0xa4, 0x97, 0x18, 0x06, 0x32, 0x23, 0xea, 0xb5, 0xec, 0x92, 0x7f, 0x86, 0x69, 0xe4, 0x83, 0x03, 0xc5, 0xf5, 0xfd, 0x17, 0x31, 0xd4, 0xea, 0x9d, 0xa5, 0x76, 0xaf, 0x7d, 0x21, 0x4c, 0x02, 0x4d, 0x3d, 0xa3, 0xe5, 0x04, 0x71, 0x9c, 0xe3, 0x82, 0xd7, 0x48, 0xda, 0x95, 0x3b, 0x57, 0x50, 0xea, 0x85, 0x84, 0x06, 0x37, 0x6f, 0xf2, 0xfe, 0x50, 0x4f, 0x03, 0x3d, 0x21, 0x6b, 0xa9, 0xad, 0x56, 0xa6, 0xad, 0xfa, 0x7a, 0x15, 0x19, 0x48, 0x35, 0x9b, 0xdc, 0xe7, 0x32, 0x72, 0x70, 0x04, 0xf9, 0xac, 0xa9, 0xeb, 0xab, 0x4d, 0x2a, 0x75, 0x03, 0x3b, 0xde, 0xf8, 0xd2, 0x79, 0x11, 0xc1, 0xb3, 0x6e, 0x47, 0x09, 0x6b, 0x35, 0x8f, 0xa4, 0x75, 0x62, 0x9e, 0xd3, 0xdd, 0x53, 0x69, 0x6c, 0x89, 0x37, 0x2b, 0xb6, 0x8f, 0x7b, 0xdd, 0xc6, 0xa0, 0xb1, 0xd5, 0x0d, 0xfc, 0x20, 0x90, 0x33, 0x62, 0xbc, 0xdd, 0x36, 0xae, 0xb3, 0xf5, 0x2d, 0x65, 0x4a, 0x8c, 0x0e, 0x73, 0xa1, 0xf4, 0x5e, 0xdd, 0xa6, 0x0e, 0x36, 0x9f, 0xf0, 0xb3, 0x7f, 0x69, 0x55, 0x34, 0xdd, 0x58, 0x3d, 0xa0, 0x07, 0x6d, 0x14, 0xb6, 0x1b, 0xb6, 0x62, 0x27, 0x9c, 0x41, 0xc2, 0xd9, 0xf5, 0xb5, 0x55, 0x1f, 0xa9, 0x6d, 0x07, 0x53, 0x63, 0x68, 0x90, 0x18, 0x0b, 0x7e, 0x6f, 0x0c, 0xdf, 0xaa, 0x4f, 0xd6, 0xba, 0xb5, 0x36, 0x0a, 0x5b, 0x7f, 0xd0, 0x75, 0x47, 0xee, 0x1d, 0x05, 0xbd, 0xe7, 0xd9, 0x14, 0x2a, 0xea, 0x2b, 0xed, 0xa5, 0x42, 0xab, 0x69, 0x06, 0xd1, 0x63, 0x9c, 0x40, 0xf9, 0x89, 0xb7, 0x1c, 0x0f, 0x74, 0x57, 0xd6, 0x6a, 0x29, 0x9a, 0x54, 0xaa, 0xb8, 0x52, 0x71, 0x6b, 0x9c, 0xea, 0x8d, 0x61, 0x7f, 0xcb, 0x6f, 0x72, 0xb4, 0xa0, 0xf1, 0xa8, 0xa5, 0xde, 0xea, 0x8b, 0x9f, 0xf8, 0x67, 0x39, 0xc0, 0xc1, 0x1b, 0xac, 0x3c, 0x44, 0x79, 0x12, 0xb5, 0xec, 0xa6, 0x3b, 0x65, 0x5a, 0xc6, 0x19, 0xf8, 0x87, 0x6f, 0x0d, 0xbd, 0xad, 0xc9, 0x77, 0x09, 0x22, 0xf1, 0xbb, 0x39, 0x52, 0x70, 0x04, 0x8d, 0xdd, 0x15, 0x0c, 0x49, 0x39, 0xea, 0xa9, 0xad, 0x6e, 0xe9, 0x04, 0xf9, 0x4c, 0xa0, 0x13, 0x81, 0x00, 0xf9, 0x25, 0x76, 0x8b, 0x38, 0xc7, 0x24, 0xc1, 0x88, 0x80, 0x21, 0x23, 0x19, 0xf0, 0xfb, 0xa5, 0x63, 0x02, 0xf0, 0x99, 0xda, 0x4c, 0x91, 0x72, 0x81, 0x69, 0x01, 0xa8, 0xb5, 0xe4, 0x0f, 0xd5, 0x16, 0x80, 0x20, 0x4a, 0x98, 0x2d, 0x11, 0xc1, 0x36, 0x1b, 0x5c, 0x01, 0x06, 0xc9, 0x93, 0x9b, 0x88, 0x08, 0xc6, 0x2e, 0x83, 0x9f, 0x3e, 0x88, 0xe1, 0xe1, 0xe0, 0x99, 0xe6, 0x09, 0x94, 0xc0, 0xe0, 0xe8, 0x3f, 0x45, 0x9d, 0x41, 0xfc, 0xfa, 0x3b, 0x66, 0xc4, 0xf3, 0xbd, 0x88, 0x55, 0x06, 0xfc, 0x7d, 0xff, 0x00, 0x35, 0x9e, 0x35, 0x70, 0xe1, 0x1e, 0x01, 0xf7, 0x2b, 0x51, 0x76, 0x82, 0xd8, 0xc7, 0x34, 0x0b, 0x4e, 0x2c, 0x95, 0xc9, 0x04, 0xb8, 0x09, 0x8c, 0xf9, 0xac, 0xa8, 0x87, 0x17, 0x56, 0x96, 0x98, 0x0f, 0xe4, 0xb5, 0x13, 0x17, 0x1c, 0x27, 0x2a, 0x74, 0x90, 0xda, 0x2d, 0xe9, 0x36, 0xe7, 0x78, 0x5a, 0x17, 0x41, 0x30, 0x0f, 0xba, 0x2d, 0x31, 0x06, 0x61, 0x63, 0xa9, 0x04, 0x69, 0x6a, 0x92, 0x70, 0x26, 0xff, 0x00, 0xbc, 0xf5, 0xca, 0xfc, 0xd7, 0xe2, 0x2f, 0x87, 0xc7, 0x69, 0x7c, 0x72, 0x47, 0x61, 0x36, 0x8e, 0x97, 0x53, 0xa1, 0xa4, 0xdd, 0x5d, 0x7a, 0x85, 0xa4, 0xd3, 0x7d, 0x5d, 0xd1, 0x4d, 0xa5, 0xa3, 0x06, 0xd7, 0x39, 0x82, 0xbe, 0xbb, 0xb1, 0x3b, 0x64, 0xf6, 0xad, 0x33, 0x43, 0x51, 0x48, 0x69, 0x3b, 0x53, 0x4f, 0x50, 0x33, 0x53, 0xa7, 0x71, 0x9d, 0x87, 0xfb, 0xb9, 0xb9, 0x87, 0x81, 0x8c, 0x79, 0xaf, 0xa1, 0x14, 0x5c, 0x0e, 0x40, 0xe6, 0x9b, 0xe9, 0xb8, 0x5c, 0x44, 0x2c, 0x63, 0x9d, 0xe7, 0x36, 0xca, 0xcc, 0xb4, 0x8d, 0x53, 0x09, 0x39, 0xa6, 0xe1, 0x91, 0xcc, 0x2e, 0xa6, 0xc4, 0xd8, 0x89, 0xe2, 0xb3, 0xa6, 0xe1, 0xf8, 0xca, 0x92, 0x08, 0x1b, 0x5a, 0x3a, 0x71, 0x5b, 0xee, 0x87, 0x41, 0x92, 0x14, 0xee, 0x9b, 0x9e, 0x16, 0x4d, 0xae, 0xb4, 0x13, 0x62, 0x39, 0xfe, 0xf9, 0x2c, 0xb4, 0xb5, 0x26, 0x99, 0x9f, 0xee, 0x77, 0xff, 0x00, 0x22, 0x9b, 0x8d, 0x8f, 0x50, 0x78, 0x79, 0x2c, 0xf4, 0x92, 0xfd, 0x2d, 0x12, 0x7f, 0xb0, 0x40, 0xc7, 0x00, 0xac, 0x39, 0xd2, 0x20, 0x61, 0x0e, 0x20, 0xf1, 0xf4, 0x51, 0x03, 0x31, 0xc5, 0x45, 0x49, 0xee, 0xdc, 0x64, 0x44, 0x11, 0x0b, 0xc2, 0xf8, 0x50, 0x78, 0x75, 0x06, 0xc0, 0x1d, 0xa3, 0xe8, 0x57, 0xbe, 0x69, 0x88, 0x30, 0x78, 0xd9, 0x56, 0xd8, 0x1b, 0x49, 0x32, 0x7d, 0x56, 0x65, 0xa6, 0x08, 0x00, 0x4f, 0x34, 0x1b, 0x18, 0x00, 0x4f, 0x92, 0x08, 0xdd, 0xca, 0x56, 0x6e, 0x6b, 0x41, 0x18, 0x91, 0xd1, 0x38, 0x6e, 0xdb, 0x94, 0xc0, 0x2d, 0x80, 0x6c, 0x49, 0x55, 0x07, 0xf6, 0x17, 0xd3, 0x76, 0xf9, 0x27, 0xb4, 0xaa, 0x5a, 0xd0, 0x3e, 0xe5, 0x79, 0x2e, 0x9d, 0xa4, 0x73, 0x50, 0xe3, 0x36, 0x00, 0x7b, 0xa2, 0x7a, 0x1f, 0x64, 0x70, 0xbc, 0xfb, 0x24, 0x60, 0x09, 0x19, 0x26, 0x14, 0x90, 0x40, 0x30, 0x2f, 0x28, 0xb4, 0x89, 0xbc, 0xf5, 0x54, 0x1f, 0x04, 0xc8, 0x2b, 0xe7, 0x7e, 0x2b, 0x21, 0xc3, 0x4f, 0xb8, 0xc1, 0xf1, 0x47, 0xb8, 0x5e, 0xe5, 0x36, 0x16, 0xb5, 0x84, 0xc7, 0xcb, 0xcd, 0x33, 0xc0, 0xc9, 0xca, 0x4e, 0x92, 0xde, 0x36, 0x32, 0x54, 0x8b, 0x8b, 0x12, 0x07, 0x92, 0x61, 0xc0, 0x45, 0xb8, 0xca, 0x97, 0x19, 0x04, 0xda, 0x4a, 0x76, 0x22, 0xe5, 0x30, 0xec, 0x08, 0x10, 0x81, 0x12, 0x00, 0xe3, 0xf7, 0x5e, 0x1d, 0x70, 0xf6, 0x7e, 0x26, 0x8d, 0x2a, 0x95, 0xa9, 0x07, 0x92, 0x7b, 0xa1, 0x48, 0xb8, 0xb8, 0x9e, 0x4e, 0xc4, 0x73, 0xe4, 0xbd, 0x4d, 0x25, 0x1a, 0x94, 0x9b, 0xa7, 0x6b, 0x9e, 0x76, 0xd3, 0xa6, 0x18, 0xea, 0x70, 0x32, 0x22, 0xf3, 0xcf, 0x82, 0xe9, 0x7b, 0x77, 0x52, 0x70, 0x26, 0xee, 0x04, 0x4c, 0x2e, 0x2f, 0xc1, 0x7f, 0xd0, 0x0d, 0x20, 0x7b, 0x80, 0x0d, 0x03, 0x7c, 0x72, 0xbe, 0x16, 0x9a, 0x8d, 0x28, 0xad, 0x5a, 0x93, 0x9c, 0xe3, 0xe0, 0x6b, 0x9a, 0x07, 0xfe, 0x42, 0x32, 0xb9, 0xe9, 0xf6, 0x7b, 0xe9, 0x9a, 0x6c, 0x3a, 0x8a, 0x86, 0x85, 0x37, 0x07, 0x36, 0x98, 0x81, 0x89, 0xb4, 0xf1, 0x1d, 0x17, 0x4e, 0xaf, 0x4e, 0x6a, 0x30, 0x06, 0x3c, 0xd3, 0xa8, 0x0c, 0x87, 0x00, 0x0d, 0xfa, 0xf4, 0x5e, 0x67, 0x68, 0x68, 0x6a, 0x0d, 0x3d, 0x47, 0x97, 0x3e, 0xad, 0x6a, 0x8f, 0x60, 0x2e, 0x68, 0x00, 0x88, 0x70, 0xc0, 0x16, 0xf5, 0x5d, 0x94, 0xf4, 0x6f, 0x75, 0x61, 0x53, 0x51, 0x54, 0xd6, 0x73, 0x5a, 0x43, 0x5a, 0x5a, 0x06, 0xd0, 0x47, 0x4c, 0x94, 0xb4, 0xfa, 0x17, 0xb3, 0xbb, 0x61, 0xd4, 0x3b, 0xb8, 0xa4, 0x65, 0xb4, 0xe0, 0x0c, 0x70, 0x3c, 0x48, 0x47, 0xf0, 0xd7, 0x82, 0xf6, 0x52, 0xd4, 0x3d, 0x9a, 0x77, 0x92, 0xed, 0x80, 0x0e, 0x26, 0x6c, 0x78, 0x09, 0x45, 0x4d, 0x14, 0x57, 0x7b, 0xe8, 0x56, 0x7d, 0x16, 0xd4, 0x27, 0xbc, 0x01, 0xa0, 0xc9, 0x22, 0x24, 0x13, 0x8f, 0x65, 0xb6, 0x93, 0x4e, 0x34, 0xda, 0x7a, 0x74, 0x43, 0x89, 0x63, 0x04, 0x03, 0xcc, 0xae, 0x77, 0xf6, 0x71, 0x34, 0xdd, 0x40, 0xea, 0x1e, 0x34, 0xbb, 0xa4, 0xd2, 0x00, 0x60, 0x99, 0xb7, 0x18, 0x5d, 0x34, 0xf4, 0xe2, 0x9e, 0xa6, 0xad, 0x60, 0xe7, 0x1e, 0xf1, 0xad, 0x68, 0x1c, 0x80, 0x98, 0x59, 0xd7, 0xd3, 0x3d, 0xd5, 0xc5, 0x7a, 0x55, 0x8d, 0x2a, 0xc5, 0xa1, 0x8e, 0x86, 0xce, 0xe1, 0x3c, 0x54, 0x1d, 0x00, 0x6d, 0x36, 0x06, 0xd5, 0x70, 0xaa, 0xda, 0x9d, 0xe8, 0xa9, 0xb4, 0x7c, 0xc7, 0xa7, 0x92, 0x4e, 0xec, 0xf7, 0x3c, 0x57, 0xdf, 0x54, 0xb9, 0xf5, 0x40, 0x0e, 0x31, 0x11, 0x04, 0x95, 0xe8, 0xed, 0x69, 0x10, 0x48, 0x13, 0x90, 0x24, 0x2f, 0x3d, 0x9d, 0x9c, 0xe3, 0x52, 0x97, 0x7b, 0xa8, 0x75, 0x4a, 0x74, 0x9d, 0xbd, 0xad, 0x23, 0x88, 0xe6, 0x73, 0x12, 0xa9, 0xbd, 0x9e, 0xe0, 0x76, 0x37, 0x50, 0xf1, 0xa7, 0x99, 0xee, 0xe0, 0x71, 0xbc, 0x03, 0xc0, 0x74, 0x5d, 0x34, 0xb4, 0xe2, 0x8b, 0xeb, 0x39, 0xae, 0x24, 0xd5, 0x76, 0xeb, 0xf0, 0xb0, 0x1f, 0x92, 0xe7, 0xa1, 0xd9, 0xac, 0xa6, 0x2b, 0xb0, 0x39, 0xc5, 0xb5, 0x73, 0xc7, 0x68, 0xe4, 0x3d, 0xca, 0x93, 0xa0, 0x2d, 0x34, 0xcd, 0x0a, 0xd5, 0x29, 0x39, 0x8c, 0x14, 0xcb, 0x83, 0x47, 0x8c, 0x0f, 0x3e, 0xa9, 0x1e, 0xcd, 0x63, 0x5b, 0x4d, 0xd4, 0xaa, 0xd4, 0xa7, 0x5e, 0x9c, 0xc5, 0x41, 0x04, 0xdc, 0x92, 0x7c, 0xee, 0x56, 0xd4, 0x34, 0xa1, 0x9a, 0x57, 0xd3, 0x6b, 0xde, 0xe7, 0x38, 0xc9, 0x79, 0x22, 0x64, 0x88, 0xb7, 0xba, 0xdd, 0x8c, 0xd9, 0x4c, 0x34, 0x39, 0xce, 0x81, 0xb4, 0x92, 0x79, 0x71, 0xfc, 0x93, 0xfe, 0xa7, 0x10, 0x2d, 0x16, 0x29, 0x49, 0x06, 0x1a, 0x40, 0xb5, 0xf8, 0xa7, 0xc2, 0x09, 0x13, 0xc6, 0xca, 0xa5, 0xb2, 0x04, 0xa9, 0xdc, 0x4b, 0xa7, 0x84, 0xc2, 0xb9, 0x10, 0x41, 0x44, 0x17, 0x5c, 0x1b, 0x04, 0x8c, 0x4e, 0xeb, 0x46, 0x3c, 0xd4, 0x8e, 0xb2, 0xae, 0x44, 0x62, 0x54, 0xb5, 0xe6, 0x63, 0xf2, 0x41, 0x24, 0x90, 0x0c, 0x20, 0xe4, 0x02, 0x8b, 0x10, 0x48, 0xfa, 0x94, 0xb7, 0x40, 0x16, 0x11, 0x9c, 0x2b, 0xb1, 0x64, 0xdc, 0x15, 0x33, 0x30, 0x0c, 0x95, 0x42, 0x7a, 0x7b, 0xa3, 0xfa, 0x62, 0x6f, 0x32, 0x8d, 0xce, 0xc1, 0x88, 0x95, 0x56, 0x99, 0x31, 0xee, 0xb0, 0xae, 0xde, 0xf1, 0xcc, 0xda, 0x5c, 0xc7, 0x36, 0xe0, 0x88, 0x33, 0xee, 0xa4, 0x31, 0xfc, 0x75, 0x0f, 0xeb, 0xe1, 0x6f, 0xe8, 0xa9, 0x94, 0xdc, 0xca, 0x85, 0xe5, 0xe5, 0xd2, 0x22, 0xe0, 0x05, 0xb3, 0x5d, 0xe0, 0xb5, 0x80, 0xb6, 0x14, 0xd8, 0x8e, 0xa9, 0x93, 0x06, 0xe0, 0x5c, 0x7b, 0x2c, 0x05, 0x17, 0x6f, 0x76, 0xda, 0x8f, 0x6b, 0x4d, 0xc8, 0x1b, 0x79, 0x79, 0x26, 0xea, 0x4f, 0x88, 0x3a, 0x8a, 0x9b, 0x62, 0x2e, 0x19, 0xfa, 0x4f, 0xd5, 0x69, 0x45, 0x81, 0x8c, 0xda, 0x0c, 0x81, 0xc6, 0xc3, 0x37, 0xe0, 0xab, 0x89, 0xca, 0xd0, 0x5c, 0xc4, 0xc5, 0x96, 0x55, 0x69, 0x87, 0xb0, 0xd2, 0xf1, 0xed, 0x3c, 0x5b, 0xd3, 0x87, 0x9d, 0xd7, 0xcc, 0x7c, 0x11, 0x47, 0xbf, 0x1d, 0xad, 0xaf, 0x75, 0x77, 0x8a, 0xda, 0x9d, 0x75, 0x50, 0x4f, 0x10, 0xd6, 0x38, 0xb4, 0x02, 0x62, 0xd6, 0x11, 0x0b, 0xda, 0xa9, 0xd9, 0x1a, 0x6a, 0xdd, 0xad, 0xa4, 0xed, 0x27, 0xf7, 0x8e, 0xd5, 0x52, 0x61, 0x63, 0x1c, 0x1c, 0xd0, 0x0b, 0x4f, 0xf4, 0x92, 0xdf, 0x98, 0x62, 0x39, 0x15, 0xe9, 0xce, 0xd1, 0x17, 0x91, 0xd3, 0x29, 0xb5, 0xd1, 0x90, 0x51, 0xb6, 0x72, 0xd0, 0xb0, 0xa9, 0x41, 0xae, 0xa9, 0xbf, 0x7b, 0xc3, 0x9b, 0x22, 0xd1, 0xc6, 0x3f, 0x45, 0x22, 0x93, 0xae, 0x45, 0x6a, 0xb3, 0xe6, 0x16, 0x94, 0xa9, 0xed, 0x2f, 0x3b, 0x9c, 0xf2, 0xe0, 0x04, 0x9e, 0x93, 0xfa, 0xad, 0x1d, 0x04, 0xc8, 0x04, 0x71, 0x51, 0xc2, 0xff, 0x00, 0x65, 0x26, 0x01, 0x91, 0x85, 0xce, 0xca, 0x21, 0x84, 0xc5, 0x47, 0x89, 0x24, 0xc0, 0xb4, 0x49, 0x54, 0xea, 0x41, 0xc2, 0x0d, 0x47, 0xc7, 0x52, 0xae, 0x8b, 0x03, 0x29, 0xb1, 0xa0, 0xd9, 0xa0, 0x01, 0x7c, 0xaa, 0x67, 0xcf, 0x04, 0xc7, 0xd5, 0x37, 0x46, 0xee, 0x1e, 0xc8, 0x07, 0xc3, 0x78, 0x89, 0x51, 0x51, 0xa3, 0x63, 0xa2, 0x31, 0x2b, 0xc0, 0xf8, 0x4f, 0xc4, 0xcd, 0x4d, 0xc0, 0x82, 0xd1, 0x8c, 0xe5, 0x7b, 0xe4, 0x89, 0x8e, 0x1d, 0x12, 0x1c, 0xb7, 0x09, 0x18, 0xe8, 0x91, 0xdd, 0x26, 0x12, 0xbc, 0xc1, 0xc8, 0x52, 0x05, 0xc8, 0x26, 0x0a, 0x6f, 0x18, 0x06, 0xe5, 0x2b, 0xc4, 0x98, 0x3d, 0x21, 0x32, 0x0e, 0xe6, 0xc1, 0x30, 0xae, 0xfc, 0xca, 0xfa, 0x0e, 0xdf, 0xff, 0x00, 0xb8, 0xd4, 0x98, 0x88, 0x03, 0xea, 0x4a, 0xf2, 0x44, 0x40, 0x37, 0x8f, 0x39, 0x40, 0x2d, 0xc4, 0x0f, 0x34, 0x12, 0x00, 0x53, 0xba, 0x70, 0x4c, 0x24, 0x4c, 0x71, 0x11, 0x32, 0x93, 0x66, 0x04, 0x13, 0xea, 0x3a, 0xa5, 0xb8, 0x5f, 0x9a, 0x07, 0x88, 0x5c, 0x9b, 0x2f, 0x9d, 0xf8, 0xb0, 0x92, 0xed, 0x29, 0x8b, 0x78, 0x85, 0xcf, 0x92, 0xfa, 0x2a, 0x40, 0xf7, 0x6d, 0x80, 0x20, 0x01, 0xc5, 0x33, 0x23, 0x8f, 0xd5, 0x10, 0x62, 0xc6, 0x41, 0x52, 0xe6, 0x48, 0x96, 0x95, 0x99, 0x0e, 0x1c, 0x2e, 0x96, 0xd7, 0x44, 0xc0, 0xba, 0xb6, 0xd3, 0x36, 0x04, 0x89, 0xf2, 0x54, 0x44, 0xb6, 0x5b, 0x19, 0x85, 0x0e, 0x10, 0x2f, 0xf3, 0x79, 0x27, 0x50, 0xcb, 0x62, 0x4c, 0x9f, 0x5b, 0x25, 0x8b, 0x90, 0x3a, 0xd9, 0x53, 0x6f, 0x69, 0xb7, 0xd9, 0x3c, 0xc8, 0x93, 0x29, 0x40, 0x20, 0x11, 0x1e, 0x4a, 0x40, 0x97, 0x41, 0x24, 0x5b, 0x9c, 0x26, 0x6d, 0xb7, 0x68, 0x92, 0x2d, 0xe6, 0x82, 0x1d, 0x37, 0x80, 0x41, 0x9f, 0x24, 0xc8, 0x02, 0xe3, 0x87, 0x25, 0x24, 0x83, 0x88, 0xf5, 0xb2, 0xa6, 0xe0, 0xcd, 0xa7, 0x82, 0x2c, 0x5a, 0x62, 0x63, 0x30, 0x80, 0x3c, 0x26, 0x22, 0x0d, 0xd1, 0x6d, 0xc2, 0xd7, 0x16, 0x41, 0x88, 0x00, 0x04, 0x01, 0x07, 0x17, 0x4c, 0xe7, 0x17, 0x41, 0x8e, 0x20, 0xfa, 0x25, 0xc4, 0x11, 0x29, 0x80, 0x7e, 0x68, 0xb2, 0x65, 0xc2, 0xc1, 0x23, 0x01, 0xb2, 0x48, 0xe8, 0x98, 0xe1, 0x04, 0x89, 0x48, 0xf1, 0xb3, 0x8a, 0x98, 0x24, 0xdc, 0x7d, 0x15, 0x58, 0x10, 0x08, 0xfc, 0x94, 0xc9, 0x26, 0xd8, 0xf6, 0x4c, 0xc1, 0x20, 0x11, 0x74, 0x9a, 0x36, 0x93, 0x73, 0x00, 0xaa, 0xdc, 0x09, 0xe2, 0x7d, 0x14, 0x06, 0x89, 0xbd, 0xbf, 0x24, 0x02, 0x1a, 0x2f, 0xcd, 0x16, 0x82, 0x6e, 0x9b, 0x7a, 0x83, 0xee, 0x82, 0x64, 0x90, 0x78, 0xaa, 0x00, 0x11, 0x68, 0x80, 0xa5, 0xb7, 0x31, 0xf9, 0x22, 0xc4, 0xa0, 0x80, 0xd2, 0x2f, 0xf5, 0x4d, 0xd8, 0x1e, 0x1b, 0x73, 0x95, 0x31, 0x33, 0x05, 0x3d, 0xa4, 0xdf, 0x8a, 0x6d, 0x26, 0x31, 0xf9, 0x24, 0x49, 0x93, 0x70, 0x99, 0x24, 0x47, 0xe8, 0x94, 0x92, 0x04, 0x81, 0x0a, 0x9d, 0x39, 0x02, 0xc0, 0x4e, 0x12, 0xdc, 0x23, 0x20, 0x13, 0xe8, 0x91, 0x20, 0x0c, 0xde, 0xfd, 0x7a, 0xa4, 0xf8, 0x24, 0x38, 0x11, 0x07, 0x37, 0x85, 0x42, 0xf2, 0x40, 0xc2, 0x76, 0x82, 0x09, 0x51, 0xfd, 0x57, 0x8e, 0x79, 0x41, 0x89, 0x30, 0x4f, 0xb2, 0x7b, 0x8f, 0x10, 0x7d, 0x02, 0x46, 0xe0, 0x7e, 0x65, 0x00, 0x92, 0x20, 0x47, 0x48, 0x29, 0x97, 0x90, 0x64, 0x8b, 0x8f, 0xaa, 0x92, 0xe2, 0x4c, 0x38, 0x10, 0xe2, 0xa8, 0x3a, 0xd8, 0xc1, 0x07, 0xa8, 0x3c, 0xc2, 0x8a, 0x74, 0xe8, 0xd1, 0x35, 0x1c, 0xca, 0x4d, 0x63, 0x9e, 0xed, 0xee, 0x2d, 0x68, 0x69, 0x73, 0xb1, 0x26, 0x32, 0xb5, 0x2e, 0xdd, 0x0e, 0xbc, 0x79, 0xca, 0xa2, 0xe8, 0x22, 0xf0, 0x0a, 0x1b, 0xe2, 0x74, 0x18, 0x94, 0xda, 0x62, 0x49, 0xe0, 0x39, 0xa6, 0x5e, 0x22, 0x4b, 0xa1, 0xa1, 0x2b, 0x17, 0x5b, 0x33, 0x75, 0x3b, 0xc8, 0x93, 0x68, 0xf6, 0xff, 0x00, 0x9f, 0xaa, 0x61, 0xd6, 0x04, 0x88, 0x9e, 0x08, 0x2e, 0x8b, 0x10, 0x54, 0x38, 0x12, 0x49, 0xbc, 0x79, 0x28, 0xb8, 0x37, 0x23, 0x08, 0x3c, 0x01, 0x07, 0xd9, 0x1e, 0x1d, 0x9f, 0xe1, 0x53, 0x5d, 0x70, 0x0f, 0xd9, 0x04, 0x93, 0x71, 0x2a, 0xc1, 0x91, 0x7e, 0x26, 0x3c, 0x94, 0x56, 0x30, 0xc7, 0x0f, 0xf6, 0x91, 0x8e, 0xab, 0xc0, 0xf8, 0x4e, 0x36, 0x6a, 0x66, 0x72, 0x04, 0x4f, 0x9f, 0xea, 0xbd, 0xe1, 0x13, 0x0d, 0xe5, 0x7b, 0x26, 0x1a, 0x20, 0x5f, 0xaa, 0x4e, 0x92, 0x60, 0xa8, 0xdb, 0x71, 0x33, 0xd1, 0x33, 0x6e, 0x52, 0x90, 0xb8, 0xbd, 0xca, 0xa9, 0x31, 0x04, 0x05, 0x42, 0x3a, 0x73, 0xf2, 0x55, 0x03, 0x9a, 0xf6, 0x7e, 0x21, 0x23, 0xf8, 0x8b, 0xf3, 0x81, 0xf7, 0x2b, 0xc8, 0xdd, 0x36, 0x12, 0x80, 0x4c, 0x9d, 0xbe, 0xbd, 0x50, 0xc9, 0x1c, 0x05, 0xd1, 0xb8, 0x81, 0x04, 0x0f, 0x64, 0x41, 0x04, 0x98, 0x1c, 0xd1, 0x33, 0x71, 0x33, 0xe6, 0x97, 0x09, 0xe1, 0xe4, 0x90, 0x3b, 0x85, 0x97, 0xce, 0x7c, 0x5a, 0x09, 0x1a, 0x50, 0x79, 0xbb, 0xee, 0xbe, 0x8d, 0x82, 0x29, 0x37, 0x31, 0x1c, 0x15, 0x08, 0x20, 0xc0, 0x33, 0xe6, 0x9c, 0x48, 0x1b, 0xbe, 0xe8, 0x04, 0x12, 0xa9, 0xc0, 0x1e, 0x52, 0xa5, 0xc6, 0x22, 0x00, 0x9e, 0x28, 0x25, 0xdb, 0x4c, 0x91, 0xec, 0xa4, 0x0b, 0x10, 0x0f, 0x19, 0x52, 0xec, 0x4f, 0x1c, 0x9b, 0xa8, 0xa1, 0x52, 0x9d, 0x51, 0x53, 0xbb, 0x74, 0xed, 0x7e, 0xd3, 0xd0, 0x8f, 0x25, 0xa9, 0x98, 0x8f, 0xf2, 0xb9, 0xb5, 0x9a, 0xba, 0x7a, 0x56, 0xb4, 0xbd, 0xb5, 0x5c, 0x08, 0x99, 0x65, 0x32, 0x63, 0xd9, 0x73, 0xb7, 0xb5, 0x28, 0xba, 0x99, 0xab, 0xb6, 0xb6, 0xc0, 0xdd, 0xc5, 0xdd, 0xd9, 0x00, 0x89, 0x03, 0x8e, 0x72, 0x17, 0xa0, 0x1d, 0x2d, 0x13, 0xe4, 0x22, 0xf0, 0x7d, 0x3c, 0xd2, 0x68, 0x06, 0x27, 0x00, 0x4d, 0xc1, 0x09, 0xc8, 0x27, 0x37, 0xce, 0x32, 0x12, 0x26, 0x6d, 0x07, 0xd4, 0x26, 0x01, 0xdd, 0x71, 0xc8, 0x1b, 0x65, 0x45, 0x67, 0xb6, 0x9d, 0x27, 0x54, 0x70, 0xf0, 0x34, 0x17, 0x1c, 0x95, 0x3a, 0x6a, 0xa2, 0xb5, 0x06, 0xd4, 0x68, 0x70, 0x06, 0xf0, 0x44, 0x18, 0xfc, 0xd5, 0xc1, 0xb1, 0x0e, 0x30, 0x63, 0x00, 0xa4, 0xd8, 0xdb, 0x37, 0xe7, 0xea, 0xa2, 0xad, 0x5d, 0x8e, 0x60, 0x76, 0xe8, 0x71, 0x81, 0x0d, 0x92, 0x33, 0xf4, 0x5a, 0xc0, 0xc8, 0xcc, 0xdc, 0x1f, 0xbf, 0x92, 0x0b, 0x81, 0x05, 0xcd, 0x36, 0xe1, 0x71, 0xfb, 0xe2, 0x10, 0xee, 0x37, 0x12, 0x2d, 0x69, 0x59, 0xd5, 0xaa, 0xd6, 0x3e, 0x98, 0x74, 0x82, 0xf3, 0xb4, 0x47, 0x38, 0x9f, 0x5c, 0x2d, 0x71, 0x04, 0xcd, 0x84, 0x9b, 0xcc, 0x4a, 0x4d, 0x71, 0x99, 0x20, 0xc1, 0x16, 0x8b, 0xe5, 0x3f, 0x11, 0x73, 0xa0, 0x1c, 0xdf, 0xa5, 0xe3, 0xd3, 0x2a, 0x40, 0xe7, 0x9c, 0xc4, 0xf0, 0xe3, 0xe8, 0x94, 0xde, 0x2f, 0x3c, 0xac, 0x27, 0xdd, 0x1b, 0x84, 0x92, 0x48, 0xcc, 0x66, 0xde, 0xfc, 0xd3, 0xdd, 0x36, 0x16, 0x8e, 0x76, 0x53, 0x26, 0x41, 0x31, 0x94, 0xc9, 0xdc, 0x4c, 0x8c, 0x75, 0x8e, 0x9c, 0x50, 0x5d, 0x19, 0xc8, 0xc7, 0xeb, 0xe4, 0x93, 0x66, 0x32, 0x22, 0x24, 0x99, 0x16, 0xfc, 0x90, 0x48, 0xb1, 0x91, 0x00, 0x4e, 0x45, 0xfd, 0x6e, 0x82, 0xe0, 0x0c, 0x98, 0x04, 0xc4, 0x49, 0x02, 0x57, 0x3e, 0xaf, 0x54, 0xda, 0x4f, 0xa6, 0xd0, 0xc2, 0xf7, 0xbd, 0xc1, 0xa1, 0xad, 0x23, 0x91, 0xbf, 0xd1, 0x74, 0xd8, 0x02, 0x09, 0xb0, 0x37, 0xe8, 0x27, 0xfe, 0x50, 0xd7, 0xc0, 0xb7, 0x00, 0x27, 0xeb, 0xfa, 0x2a, 0x33, 0x37, 0x23, 0x88, 0xf3, 0x85, 0x99, 0x70, 0xdf, 0x62, 0x30, 0x23, 0x17, 0x59, 0xb7, 0x54, 0xe7, 0x6b, 0x1d, 0x42, 0x9d, 0x32, 0xe2, 0xd1, 0x2e, 0x7d, 0xa0, 0x4c, 0xfe, 0x8b, 0x46, 0xbd, 0xa5, 0xc4, 0x17, 0x82, 0x78, 0xdf, 0x94, 0x2a, 0x69, 0x66, 0xf0, 0xd2, 0xe1, 0xbc, 0x64, 0x5e, 0x7d, 0xb9, 0x27, 0x5a, 0xa3, 0x59, 0xb4, 0x3a, 0x01, 0x38, 0x06, 0xd2, 0xb3, 0xd2, 0x54, 0x15, 0xe8, 0xb6, 0xab, 0x41, 0x68, 0x75, 0xc0, 0x3e, 0xcb, 0x42, 0x60, 0x49, 0x98, 0x43, 0x5c, 0x48, 0x24, 0xa6, 0xe8, 0xb0, 0x30, 0x11, 0x68, 0x99, 0x33, 0xc0, 0x73, 0x49, 0xce, 0xb0, 0x99, 0x95, 0x3b, 0x89, 0xe2, 0x42, 0x60, 0x02, 0x00, 0x9b, 0x00, 0xb2, 0xad, 0xe2, 0x7d, 0x36, 0x87, 0x3c, 0x02, 0x4e, 0x1d, 0x1d, 0x78, 0x29, 0x14, 0x5a, 0x45, 0x9d, 0x53, 0x03, 0x2f, 0x25, 0x14, 0x41, 0x66, 0xa9, 0xc1, 0xa5, 0xd0, 0x5a, 0x09, 0x97, 0x13, 0x1e, 0xfe, 0x4b, 0x79, 0x0e, 0xb0, 0x03, 0x9e, 0x50, 0x4d, 0xae, 0x02, 0x97, 0x58, 0xcf, 0x05, 0xcf, 0x4d, 0x82, 0xa3, 0xea, 0x92, 0xfa, 0x92, 0x1d, 0x16, 0x7b, 0x9b, 0x8f, 0xa2, 0xbe, 0xe5, 0xa4, 0x18, 0x2f, 0x91, 0x6f, 0xf5, 0x0a, 0x5a, 0x57, 0x13, 0x40, 0x38, 0xee, 0x2e, 0xea, 0x49, 0x9f, 0x55, 0xb3, 0x5c, 0x6e, 0x0a, 0x37, 0x08, 0x20, 0xe4, 0x60, 0xac, 0x75, 0x8e, 0x70, 0xa0, 0xf8, 0x24, 0x40, 0x9b, 0x59, 0x43, 0x68, 0xb6, 0x0c, 0xba, 0xa9, 0x81, 0x1f, 0x31, 0xfc, 0x93, 0x7b, 0x05, 0x37, 0x53, 0x2d, 0x2f, 0xdd, 0xbc, 0x0b, 0xbd, 0xdc, 0x97, 0x59, 0xa9, 0x7b, 0x91, 0xd4, 0x67, 0xee, 0x96, 0xe2, 0x6e, 0xd1, 0x6f, 0x34, 0xc4, 0xc1, 0x81, 0x12, 0x20, 0xde, 0x57, 0xc8, 0x7c, 0x4d, 0x43, 0xb7, 0x28, 0xf6, 0xd9, 0xed, 0x3e, 0xcc, 0xae, 0x6b, 0x69, 0xa8, 0xe9, 0xdb, 0xff, 0x00, 0xa7, 0xf7, 0x8e, 0x1d, 0xfc, 0x38, 0xef, 0xb0, 0xb0, 0x77, 0x89, 0xb0, 0x6f, 0x24, 0x47, 0x55, 0xea, 0xe9, 0xbb, 0x6b, 0xb2, 0xf5, 0x5d, 0x84, 0x3b, 0x5c, 0x6a, 0x08, 0xd0, 0x06, 0xef, 0x73, 0xdd, 0x51, 0xcd, 0xdb, 0xcd, 0xa6, 0x7f, 0xaa, 0x6d, 0xcc, 0x9b, 0x05, 0x97, 0xc2, 0x7d, 0xa1, 0xa9, 0xed, 0x1d, 0x35, 0x7d, 0x5e, 0xa2, 0x83, 0x74, 0xfa, 0x7a, 0x8e, 0xdf, 0xa5, 0xa6, 0xe9, 0xde, 0xea, 0x37, 0x82, 0xe9, 0x39, 0x31, 0x30, 0x08, 0x80, 0x78, 0xe4, 0xfb, 0xc0, 0x92, 0x45, 0xbd, 0x27, 0x08, 0x73, 0xbc, 0xec, 0xa8, 0xbc, 0x78, 0x63, 0xed, 0x2b, 0x86, 0x8d, 0x26, 0xd4, 0x61, 0x73, 0xa4, 0xdd, 0xc0, 0xdf, 0xfd, 0xc5, 0x51, 0xa3, 0x44, 0x34, 0x96, 0x83, 0x30, 0x70, 0xe3, 0xf6, 0x2a, 0xe8, 0xdf, 0x4f, 0x4d, 0xdb, 0x8d, 0xda, 0x09, 0x92, 0xb5, 0x2e, 0xc4, 0x70, 0x54, 0xd7, 0x19, 0xcd, 0xd5, 0x03, 0x70, 0x0e, 0x32, 0x95, 0x43, 0xe1, 0x71, 0x11, 0x71, 0xe7, 0xc9, 0x78, 0x5f, 0x0a, 0x08, 0x66, 0xa2, 0x22, 0xe4, 0x1f, 0xbf, 0xe8, 0xbd, 0xe8, 0x13, 0x26, 0x26, 0x13, 0x16, 0x32, 0x61, 0x4d, 0x89, 0x91, 0x10, 0x55, 0x58, 0x91, 0x73, 0x64, 0x39, 0xa6, 0x24, 0x10, 0x54, 0x98, 0xc9, 0x1f, 0x58, 0xfa, 0x26, 0x18, 0xd7, 0x09, 0x91, 0x6c, 0x29, 0x2d, 0x16, 0x24, 0x1f, 0xd5, 0x3d, 0x8d, 0xfd, 0x95, 0xee, 0xf6, 0xf0, 0x69, 0xed, 0x1a, 0x9b, 0xb8, 0x34, 0x7d, 0xca, 0xf1, 0xdd, 0xb7, 0x75, 0xa4, 0x01, 0xc5, 0x22, 0x00, 0x32, 0x09, 0xbf, 0x54, 0xaf, 0x12, 0x0c, 0xc2, 0x61, 0xc0, 0xe6, 0x63, 0x8f, 0x44, 0x4f, 0x01, 0x31, 0x09, 0x7c, 0xd0, 0x48, 0x28, 0x77, 0xcd, 0x73, 0x64, 0xa0, 0x5f, 0x92, 0xf9, 0xef, 0x8a, 0xa6, 0x74, 0xbb, 0xae, 0x41, 0x31, 0x6b, 0xf0, 0x5f, 0x44, 0xc0, 0x7b, 0xb0, 0x48, 0x38, 0x1f, 0x65, 0x42, 0x66, 0x47, 0xcd, 0xc1, 0x22, 0x36, 0xf0, 0x26, 0x72, 0x90, 0x06, 0x48, 0x29, 0x39, 0xe1, 0xbb, 0x4e, 0xd3, 0x73, 0x19, 0x56, 0x4b, 0x7a, 0xfb, 0x65, 0x4c, 0x97, 0x1b, 0x44, 0x70, 0x44, 0x19, 0x83, 0x60, 0x8d, 0xa2, 0x41, 0x11, 0x06, 0x7d, 0x70, 0xbe, 0x7d, 0xd4, 0x5d, 0xf8, 0x4d, 0x7e, 0xa0, 0x55, 0xaa, 0xd7, 0xb2, 0xa5, 0x47, 0x37, 0x65, 0x42, 0xd0, 0xd8, 0x22, 0x31, 0x9e, 0x2b, 0xdb, 0xa4, 0xed, 0xf4, 0x98, 0xe2, 0xe2, 0x5d, 0xb0, 0x1c, 0xdf, 0xcd, 0x4d, 0x66, 0x83, 0x4e, 0xac, 0x91, 0x1b, 0x49, 0x37, 0x8c, 0x05, 0xe5, 0x3c, 0x13, 0xf0, 0xeb, 0x19, 0x60, 0x0d, 0x36, 0x82, 0x40, 0xe6, 0x47, 0x1f, 0x49, 0x5a, 0x3e, 0x9b, 0xf4, 0x7a, 0xda, 0x06, 0x99, 0xaa, 0xed, 0xec, 0x7e, 0xf9, 0x71, 0x3b, 0x88, 0x13, 0x69, 0x36, 0xbf, 0x9a, 0xe6, 0xd3, 0xf7, 0xfd, 0xd6, 0x9a, 0xb6, 0xd7, 0x36, 0xab, 0xde, 0x0b, 0x9e, 0xea, 0xc4, 0x87, 0x4f, 0x4c, 0x4a, 0xf4, 0x7b, 0x65, 0xe7, 0xf0, 0x8d, 0x2d, 0x7b, 0xa9, 0x87, 0xd4, 0x60, 0x73, 0x9b, 0x6b, 0x18, 0x18, 0x5c, 0x95, 0xc0, 0xd1, 0xea, 0x83, 0x74, 0xef, 0x7b, 0x83, 0xe8, 0xbc, 0xb8, 0x6e, 0xdd, 0x10, 0x33, 0xd3, 0xc9, 0x43, 0x1a, 0x5b, 0xa4, 0xd1, 0x7f, 0x32, 0xa9, 0x6e, 0xa0, 0x83, 0x55, 0xee, 0x27, 0x91, 0xc1, 0xf6, 0x0a, 0x75, 0x8c, 0x14, 0xc6, 0xae, 0x83, 0x0b, 0xcd, 0x31, 0xa7, 0xef, 0x0b, 0x77, 0x13, 0x04, 0x75, 0xf2, 0x4b, 0x61, 0x75, 0x6a, 0x7a, 0x70, 0xc3, 0x52, 0x9b, 0x69, 0x35, 0xcc, 0x60, 0xaa, 0x45, 0xce, 0x4c, 0x9f, 0xb7, 0x04, 0x53, 0x6d, 0x6a, 0xd4, 0xa8, 0x53, 0xa8, 0x5b, 0x58, 0x4b, 0xc0, 0xa3, 0xdf, 0x6d, 0x73, 0x80, 0x98, 0x82, 0x33, 0x01, 0x50, 0x71, 0xad, 0x4a, 0x83, 0x29, 0x97, 0x3c, 0xb5, 0xcf, 0x06, 0x95, 0x5a, 0x84, 0x13, 0xd0, 0x38, 0x7e, 0x89, 0xd2, 0xac, 0x4b, 0xf4, 0xfd, 0xdb, 0xaa, 0xd3, 0x2d, 0xd4, 0x39, 0xa5, 0x8e, 0x74, 0xc1, 0xd8, 0x4c, 0x4f, 0x10, 0xa2, 0x3f, 0xf4, 0xa3, 0xac, 0x75, 0x4a, 0x83, 0x51, 0xf3, 0x4e, 0xf3, 0x67, 0x03, 0x8d, 0xb3, 0x11, 0xc3, 0xea, 0xba, 0x29, 0xd3, 0xfc, 0x4e, 0xb7, 0x56, 0x6a, 0x54, 0xaa, 0x43, 0x1a, 0xd2, 0x18, 0xd3, 0xf2, 0xcb, 0x3f, 0x50, 0xb1, 0x6d, 0x57, 0x6a, 0x29, 0xe9, 0xa9, 0xb8, 0xd5, 0xac, 0xe1, 0x4c, 0x39, 0xed, 0x6b, 0xf6, 0xc8, 0x92, 0x24, 0x9e, 0x76, 0xe4, 0x8d, 0x2b, 0xdc, 0x5b, 0xa4, 0x6b, 0xc8, 0x73, 0x86, 0xa1, 0xcd, 0x17, 0xdd, 0x11, 0x36, 0xeb, 0x68, 0xba, 0xed, 0xed, 0x27, 0xb5, 0x8c, 0x63, 0x09, 0xaa, 0xe2, 0xf7, 0xf8, 0x5a, 0xd2, 0x5b, 0xba, 0x26, 0xd9, 0xb5, 0xd7, 0x9d, 0x51, 0xd5, 0x29, 0xe9, 0xfb, 0x42, 0x98, 0x73, 0xe9, 0xb5, 0xae, 0xa6, 0xd0, 0x37, 0x97, 0x6d, 0x04, 0xde, 0x3e, 0xeb, 0xad, 0xec, 0x1a, 0x4d, 0x7e, 0x9f, 0xb9, 0xdc, 0x05, 0x40, 0xee, 0xf0, 0x39, 0xe5, 0xd2, 0x00, 0xcf, 0x9c, 0x98, 0x5c, 0x74, 0xa9, 0x01, 0xd8, 0xd4, 0xf5, 0x0d, 0x7b, 0xce, 0xa4, 0x0b, 0x38, 0xb8, 0x9f, 0x14, 0xfc, 0xb1, 0xe4, 0xae, 0xbe, 0xfd, 0x45, 0x7d, 0x53, 0xea, 0x34, 0x39, 0xcc, 0x71, 0xda, 0x5d, 0x57, 0x66, 0xcb, 0x03, 0x61, 0xea, 0x9b, 0x8f, 0xe2, 0x5e, 0xd1, 0x50, 0x77, 0xb5, 0x19, 0x44, 0x4e, 0xea, 0x85, 0xad, 0x13, 0x37, 0x19, 0x93, 0x85, 0x3a, 0x51, 0xf8, 0x9a, 0x7d, 0x9e, 0xc7, 0xb9, 0xe5, 0xae, 0x6d, 0x52, 0x61, 0xe4, 0x13, 0x11, 0xe1, 0xf2, 0x59, 0xeb, 0x8b, 0x5f, 0x4b, 0x57, 0x52, 0x9b, 0x5d, 0x14, 0xc9, 0x68, 0x7d, 0x47, 0x90, 0x5b, 0x00, 0x7c, 0x83, 0x88, 0xb2, 0xeb, 0xa5, 0x49, 0xba, 0x9d, 0x73, 0xfb, 0xe2, 0xe7, 0x37, 0xb9, 0xa6, 0xe0, 0xd9, 0x31, 0x79, 0xcf, 0x55, 0x86, 0x94, 0x8a, 0xac, 0xd2, 0x52, 0xd4, 0x1f, 0xe4, 0xf8, 0xc1, 0x17, 0x82, 0x5a, 0xe2, 0x2f, 0xd2, 0x11, 0x5c, 0x31, 0xad, 0x6d, 0x1d, 0x33, 0xdc, 0xfa, 0x2e, 0xad, 0x76, 0xb9, 0xc4, 0x35, 0xa6, 0x31, 0x3c, 0x04, 0xf0, 0x5d, 0x5d, 0x96, 0xc3, 0x4f, 0x51, 0x59, 0x84, 0x31, 0xac, 0x1b, 0x4f, 0x76, 0xc7, 0x12, 0x1a, 0x45, 0xe6, 0x62, 0x22, 0xf8, 0x4f, 0x65, 0x0a, 0xdd, 0xa3, 0x5c, 0x6b, 0x36, 0xed, 0x60, 0x1b, 0x03, 0x9d, 0xb6, 0xc4, 0x5c, 0x81, 0xf9, 0xae, 0x3d, 0x3d, 0x3a, 0x75, 0x9f, 0xa2, 0x75, 0x50, 0x1c, 0x3b, 0xd7, 0xb5, 0xa4, 0x93, 0xe2, 0x68, 0xdd, 0x7b, 0x67, 0xe8, 0xbd, 0x1e, 0xd5, 0xb5, 0x3a, 0x0d, 0x71, 0x2d, 0xa4, 0xfa, 0x9b, 0x6a, 0x19, 0x02, 0xd0, 0x62, 0x7d, 0x57, 0x06, 0xa5, 0xac, 0xa5, 0x57, 0x57, 0x4b, 0x46, 0x00, 0xa6, 0x68, 0x38, 0xbd, 0x8d, 0x74, 0x89, 0xb4, 0x7a, 0xe7, 0x8a, 0xe8, 0xab, 0x5e, 0x9d, 0x4d, 0x6f, 0x67, 0xec, 0xa8, 0x1c, 0x4b, 0x5f, 0x20, 0x1c, 0x02, 0xce, 0x3d, 0x65, 0x57, 0x61, 0xd2, 0xa6, 0xcd, 0x15, 0x3a, 0xa1, 0xbf, 0xcd, 0xa8, 0x3c, 0x66, 0x66, 0x60, 0x9f, 0xc9, 0x72, 0xea, 0xa8, 0xb5, 0x95, 0xfb, 0x49, 0xf4, 0x98, 0x03, 0xf6, 0x30, 0x83, 0x00, 0xc4, 0x92, 0x0d, 0xfc, 0xb8, 0x2d, 0x5e, 0xdd, 0x3d, 0x1d, 0x56, 0x93, 0xf8, 0x7c, 0x6f, 0x2e, 0x33, 0xb0, 0x9f, 0x13, 0x76, 0xe6, 0xd9, 0xc0, 0xe4, 0xb9, 0x63, 0x4e, 0xee, 0xc9, 0xef, 0x09, 0x1f, 0x8c, 0x71, 0xb9, 0xfe, 0xb2, 0xf9, 0xc4, 0x72, 0x5d, 0x20, 0x69, 0xdf, 0xa8, 0xd6, 0xbb, 0x5c, 0x59, 0xde, 0xee, 0x88, 0x79, 0x03, 0x6b, 0x43, 0x66, 0xdd, 0x64, 0x1e, 0x6b, 0xaf, 0xb1, 0xaf, 0xd9, 0x9a, 0x72, 0xd2, 0x0f, 0x86, 0xff, 0x00, 0x5e, 0x0b, 0xb8, 0x13, 0x22, 0x38, 0xa6, 0xd3, 0x12, 0x2d, 0x94, 0x9e, 0xe1, 0x30, 0x52, 0x39, 0x04, 0xf0, 0x45, 0x89, 0x24, 0x4c, 0x9c, 0xa7, 0x01, 0xbc, 0x6e, 0x71, 0xc6, 0x54, 0xb7, 0x6c, 0x11, 0x79, 0x06, 0x56, 0x6e, 0x3f, 0xcf, 0xa3, 0x22, 0x04, 0x9e, 0x6b, 0x46, 0x48, 0x30, 0x60, 0xfd, 0x16, 0x60, 0x1f, 0xc5, 0x12, 0x00, 0xf9, 0x47, 0x5e, 0x27, 0x92, 0xd7, 0x68, 0x68, 0x00, 0x02, 0x23, 0x3d, 0x51, 0xb5, 0xb1, 0x30, 0x25, 0x20, 0xdb, 0xdc, 0x89, 0xc2, 0xc3, 0x4e, 0x25, 0xf5, 0x4b, 0x88, 0x8d, 0xf6, 0xf6, 0xff, 0x00, 0x0b, 0x67, 0x44, 0xc8, 0x88, 0xcc, 0x5b, 0xf7, 0xc5, 0x73, 0xe9, 0x1c, 0x1b, 0x49, 0xa2, 0x08, 0x83, 0x11, 0xee, 0xb7, 0x12, 0x6f, 0x3f, 0x44, 0x40, 0xb8, 0xdd, 0x23, 0x85, 0x96, 0x1a, 0xc6, 0x97, 0x50, 0x7d, 0xcd, 0x85, 0xff, 0x00, 0x7e, 0xab, 0x6f, 0x05, 0x88, 0x21, 0x45, 0x72, 0x08, 0xa6, 0x01, 0x12, 0x1e, 0x0e, 0x56, 0xc2, 0x01, 0x89, 0x24, 0x05, 0x62, 0x24, 0xc1, 0x28, 0x8e, 0x18, 0x93, 0x0b, 0x87, 0x5f, 0x5a, 0x96, 0x95, 0xc6, 0xbd, 0x77, 0xb6, 0x9d, 0x16, 0x52, 0x71, 0x7b, 0x9c, 0xe8, 0x01, 0xa0, 0x83, 0x27, 0x8a, 0xfc, 0xab, 0x47, 0x4e, 0x8d, 0x7f, 0x89, 0x34, 0xdd, 0xa5, 0xae, 0xd2, 0x3e, 0x97, 0xc3, 0x3d, 0xa3, 0xab, 0x73, 0xa8, 0xd0, 0x71, 0xf0, 0x1a, 0xc4, 0x43, 0x5e, 0xfa, 0x66, 0xc0, 0x38, 0x87, 0x10, 0x2e, 0x24, 0xc1, 0xb2, 0xfd, 0x5e, 0x93, 0xbf, 0xea, 0x6a, 0x10, 0xe0, 0x7c, 0x2d, 0x18, 0xc1, 0x04, 0xfd, 0x57, 0x41, 0xb9, 0x27, 0x74, 0x4c, 0xf5, 0x94, 0xc4, 0x08, 0x20, 0xc8, 0x53, 0x22, 0x6c, 0x0f, 0x0e, 0x2b, 0x0d, 0x3b, 0x98, 0x29, 0x43, 0x88, 0x07, 0x7b, 0xb2, 0x63, 0xfa, 0x8a, 0xd0, 0xd4, 0xa6, 0x64, 0x6f, 0x60, 0x37, 0x1e, 0x18, 0x33, 0xc7, 0xf2, 0x4f, 0x48, 0xd6, 0x9d, 0x3d, 0x22, 0x7f, 0xb4, 0x0c, 0x79, 0x5d, 0x6c, 0x5a, 0xc2, 0x0c, 0x13, 0x6b, 0x04, 0x6c, 0xb0, 0x89, 0xfb, 0xa0, 0x49, 0x9b, 0xa6, 0xff, 0x00, 0xf4, 0xdd, 0x88, 0x8e, 0x0b, 0xc1, 0xf8, 0x48, 0x4b, 0x35, 0x20, 0x7c, 0xa4, 0xb7, 0x8f, 0x98, 0xfc, 0xd7, 0xd0, 0xc5, 0x80, 0x11, 0x28, 0x83, 0x70, 0x63, 0x77, 0x0e, 0x29, 0x12, 0x0e, 0x41, 0xb7, 0x48, 0x4e, 0x08, 0x20, 0xdb, 0x1e, 0xc9, 0x99, 0x3c, 0x02, 0x0d, 0xc4, 0xb8, 0x02, 0x10, 0x03, 0x00, 0xe5, 0x3c, 0x12, 0x25, 0xb3, 0x17, 0x84, 0xe4, 0x72, 0x5e, 0xbf, 0xc4, 0x31, 0xfc, 0x45, 0xf3, 0x31, 0x03, 0xee, 0xbc, 0xb7, 0x09, 0x3c, 0x20, 0xf5, 0x85, 0x99, 0x06, 0xc0, 0xfd, 0x2f, 0x09, 0x81, 0x06, 0x77, 0x08, 0x53, 0x0e, 0x9b, 0x0b, 0x15, 0x63, 0x37, 0x69, 0x09, 0xb9, 0xbc, 0x80, 0x48, 0x01, 0x20, 0x11, 0x64, 0xcb, 0x41, 0x04, 0x82, 0x20, 0x61, 0x7c, 0xff, 0x00, 0xc5, 0x72, 0x3f, 0x08, 0x47, 0x33, 0xf9, 0x2f, 0xa0, 0x64, 0x96, 0x09, 0x3c, 0xa4, 0x4a, 0x79, 0x83, 0x05, 0x4c, 0x58, 0x4b, 0x8c, 0x4a, 0x4f, 0x04, 0x80, 0x93, 0x46, 0xec, 0x46, 0x79, 0x20, 0xc8, 0xe2, 0x00, 0x55, 0x3b, 0xac, 0x22, 0x46, 0x52, 0x20, 0x96, 0x91, 0xcb, 0xaa, 0x40, 0x43, 0x44, 0x4f, 0x25, 0x9b, 0xb4, 0xd4, 0xb6, 0x54, 0xa6, 0x18, 0x0b, 0x2a, 0x12, 0x5c, 0x27, 0x32, 0x93, 0x74, 0xf4, 0xda, 0xfd, 0xed, 0x67, 0x8f, 0x68, 0x6f, 0x90, 0x0a, 0x9e, 0xc0, 0x6c, 0x40, 0x83, 0x91, 0x39, 0x0a, 0x1d, 0xa5, 0x67, 0xe1, 0xc5, 0x0d, 0xa3, 0xbb, 0xe5, 0xec, 0xad, 0xf4, 0x58, 0xe7, 0x35, 0xc5, 0xa0, 0xb9, 0x80, 0x86, 0xe3, 0x8a, 0xc1, 0x9a, 0x0d, 0x3b, 0x6b, 0x6f, 0x14, 0x5a, 0x1f, 0x32, 0x24, 0xcc, 0x7a, 0x62, 0x7a, 0xa5, 0xda, 0x1a, 0x53, 0xa8, 0xa2, 0xd6, 0x00, 0xd7, 0x10, 0xf6, 0x97, 0x6f, 0x9c, 0x03, 0xc0, 0xf3, 0x4e, 0x9e, 0x8a, 0x85, 0x10, 0xf1, 0x4a, 0x93, 0x5b, 0xba, 0x43, 0xaf, 0x36, 0x23, 0x0a, 0x9d, 0xa3, 0xa7, 0x52, 0x8b, 0x69, 0xba, 0x9b, 0x4d, 0x26, 0xc6, 0xd6, 0xc6, 0x21, 0x2a, 0x5a, 0x4a, 0x34, 0xd8, 0xf6, 0x36, 0x98, 0x0d, 0x70, 0x87, 0x73, 0x31, 0x3f, 0xaa, 0x75, 0xf4, 0xb4, 0xab, 0x6c, 0x6d, 0x4a, 0x21, 0xd1, 0x8b, 0xc4, 0x71, 0xb1, 0xf5, 0x53, 0x53, 0x43, 0xa6, 0xa9, 0x49, 0xb4, 0xdd, 0x4d, 0x9b, 0x69, 0xc8, 0xb4, 0x88, 0x24, 0x70, 0xe2, 0x93, 0xb4, 0x34, 0x1d, 0x4d, 0xb4, 0x85, 0x21, 0xb1, 0xa4, 0x96, 0xc0, 0x23, 0x69, 0x3d, 0x55, 0x33, 0x4b, 0x46, 0x99, 0x60, 0xa7, 0x49, 0xac, 0x6b, 0x1c, 0x5c, 0xdf, 0xfc, 0x88, 0x37, 0x33, 0x95, 0x2e, 0xd1, 0x69, 0xbb, 0xee, 0xf4, 0xd3, 0x6e, 0xf2, 0x64, 0xf2, 0x3e, 0x8b, 0x41, 0x49, 0xad, 0x7d, 0x47, 0x80, 0x37, 0xbc, 0x82, 0xe2, 0x07, 0xcd, 0x1f, 0xf2, 0x56, 0x2f, 0xd0, 0xe9, 0xdc, 0xc6, 0x03, 0x4d, 0xbf, 0xca, 0x6c, 0x37, 0x22, 0x67, 0x85, 0x91, 0x4b, 0x4b, 0x42, 0x93, 0xbc, 0x0c, 0x03, 0x69, 0x90, 0x2f, 0x62, 0x2d, 0x3e, 0xca, 0xeb, 0xd1, 0xa7, 0x5d, 0xa1, 0xb5, 0x58, 0x08, 0x92, 0x47, 0x97, 0x9f, 0x35, 0xcd, 0xa9, 0xec, 0xda, 0x4e, 0xd3, 0xbe, 0x9e, 0x9e, 0x9b, 0x43, 0xdd, 0x12, 0x63, 0x91, 0x9b, 0xce, 0x78, 0x2d, 0xd9, 0xa3, 0xa3, 0x40, 0x39, 0xd4, 0x29, 0x86, 0x3d, 0xd6, 0xb4, 0xf1, 0xfb, 0x2c, 0x74, 0x7d, 0x9d, 0x42, 0x85, 0x2a, 0x66, 0xad, 0x26, 0x17, 0xb3, 0x2e, 0x17, 0x93, 0xcf, 0xcd, 0x6b, 0x57, 0x4b, 0xa7, 0xac, 0x43, 0xea, 0x51, 0x63, 0x9d, 0xcc, 0xb7, 0x87, 0xfc, 0x22, 0xa6, 0x96, 0x85, 0x77, 0x34, 0xba, 0x95, 0x37, 0x39, 0xb6, 0x12, 0xdc, 0x74, 0x55, 0x4f, 0x4f, 0x4a, 0x9b, 0xa6, 0x9d, 0x26, 0x36, 0x24, 0x88, 0x18, 0x92, 0x30, 0xa5, 0xda, 0x4d, 0x33, 0xaa, 0x97, 0xba, 0x83, 0x0b, 0xdd, 0x04, 0xbb, 0x68, 0x33, 0x16, 0xe3, 0xe8, 0xb4, 0x65, 0x0a, 0x74, 0xa0, 0x53, 0xa4, 0xd0, 0x48, 0x01, 0xd6, 0x03, 0x0a, 0x5d, 0xa5, 0xa3, 0x52, 0x9b, 0xa9, 0x3a, 0x95, 0x32, 0xcb, 0xbb, 0x6e, 0xdb, 0x12, 0x7a, 0x7d, 0x72, 0x8f, 0xc3, 0x51, 0xee, 0xfb, 0xa1, 0x49, 0x86, 0x91, 0xb9, 0x69, 0x68, 0x80, 0x55, 0xd1, 0xa3, 0x4e, 0x8b, 0x0b, 0x29, 0x31, 0x8c, 0x61, 0x38, 0x6d, 0xac, 0x95, 0x5d, 0x2d, 0x2a, 0xce, 0x0e, 0xad, 0x4d, 0x95, 0x0b, 0x6c, 0xd2, 0xe0, 0x31, 0xcb, 0xca, 0x4a, 0xa1, 0x4d, 0x9e, 0x18, 0x6b, 0x3c, 0x23, 0xc3, 0x6f, 0x97, 0x85, 0xb9, 0x2b, 0xa9, 0x4c, 0x3d, 0x85, 0xaf, 0xda, 0xe6, 0x3a, 0x24, 0x18, 0x33, 0xc5, 0x67, 0x4a, 0x85, 0x3a, 0x6d, 0x70, 0xa7, 0x4d, 0xad, 0x69, 0xce, 0xd1, 0x13, 0xe6, 0x93, 0x34, 0xd4, 0xa9, 0xbb, 0xc1, 0x45, 0x8d, 0x27, 0xfd, 0xb1, 0xf5, 0x57, 0x4e, 0x93, 0x5b, 0x4f, 0x6b, 0x40, 0x80, 0x70, 0x04, 0x42, 0x42, 0x9b, 0x41, 0x24, 0x36, 0xee, 0xcc, 0xf1, 0xf4, 0x45, 0x2a, 0x34, 0xa8, 0x92, 0x68, 0xd2, 0x6b, 0x24, 0x41, 0x2d, 0x6c, 0x13, 0xfb, 0xb2, 0x5d, 0xd5, 0x2e, 0xf3, 0x7f, 0x76, 0xcd, 0xd1, 0x1b, 0xb6, 0xde, 0x3c, 0xd4, 0xd5, 0xa3, 0x4a, 0xa3, 0xda, 0xea, 0x8c, 0x63, 0xde, 0x22, 0x1c, 0xe6, 0x83, 0x1e, 0x4a, 0xd8, 0xc0, 0xd6, 0x86, 0xb4, 0x01, 0x6e, 0x49, 0xc8, 0x16, 0x24, 0xa6, 0x08, 0x00, 0xc7, 0x1c, 0x22, 0xf6, 0x90, 0x13, 0x71, 0xc1, 0x90, 0x91, 0x24, 0x9b, 0x42, 0x44, 0x12, 0x6f, 0x3e, 0xc9, 0x58, 0x18, 0xda, 0x51, 0x56, 0x9d, 0x2a, 0x81, 0xbb, 0xe9, 0x83, 0x06, 0x45, 0x81, 0x59, 0x8d, 0x3d, 0x2d, 0xd7, 0xa5, 0x4a, 0xc3, 0xfb, 0x55, 0xd1, 0xa5, 0x4e, 0x98, 0x73, 0x9b, 0x4d, 0x81, 0xc6, 0xd2, 0x1a, 0x15, 0xf0, 0xb1, 0x4a, 0xe4, 0x5c, 0x04, 0xc9, 0x6b, 0x40, 0x03, 0x82, 0xc9, 0xf4, 0x69, 0x39, 0xdb, 0x8d, 0x26, 0x12, 0x6e, 0x7c, 0x39, 0xb7, 0x35, 0x27, 0x4f, 0xa7, 0x10, 0xd3, 0x41, 0x87, 0xd0, 0x7e, 0x8a, 0xd8, 0x1a, 0xd0, 0x1a, 0xd2, 0x1a, 0x01, 0x88, 0x0d, 0x84, 0xc9, 0x23, 0xe5, 0x00, 0xfa, 0xa0, 0x93, 0xc6, 0x07, 0x2e, 0x29, 0x3f, 0x6b, 0x81, 0x6b, 0xae, 0x08, 0x87, 0x02, 0xa1, 0xd4, 0x28, 0xc9, 0x22, 0x95, 0x38, 0x99, 0xf9, 0x65, 0x0c, 0xa5, 0x4e, 0x46, 0xda, 0x4c, 0x0e, 0x17, 0x06, 0x21, 0x6c, 0x4f, 0x24, 0xd9, 0xcc, 0x10, 0x39, 0x59, 0x06, 0x49, 0x1b, 0x8c, 0x9e, 0x1c, 0x17, 0x89, 0xf1, 0x47, 0x63, 0xd4, 0xed, 0xca, 0x5a, 0x5d, 0x2b, 0xea, 0x36, 0x9e, 0x8c, 0x57, 0x0f, 0xd4, 0x0c, 0x39, 0xec, 0x68, 0x27, 0x6c, 0xce, 0x09, 0xdb, 0x2b, 0x4e, 0xd8, 0xec, 0x5d, 0x2f, 0x69, 0xf6, 0x56, 0xa7, 0x41, 0x52, 0x95, 0x3d, 0x95, 0x58, 0x03, 0x61, 0xad, 0x96, 0x9b, 0x43, 0xa3, 0x22, 0xf0, 0xb9, 0xfe, 0x0c, 0xd6, 0x55, 0xd5, 0xfc, 0x3d, 0xa6, 0x7e, 0xa1, 0xa3, 0xf1, 0x0c, 0x26, 0x85, 0x63, 0x61, 0xb9, 0xf4, 0xc9, 0x69, 0x3d, 0x64, 0x82, 0x7d, 0x57, 0xba, 0x0c, 0x0f, 0xf6, 0x8b, 0x4c, 0x21, 0xdd, 0x27, 0xd9, 0x26, 0xcc, 0xc9, 0x1c, 0x23, 0x0a, 0x4d, 0x26, 0xb9, 0xd2, 0x5a, 0x26, 0x64, 0xd9, 0x56, 0xc6, 0x36, 0x62, 0x9b, 0x67, 0x38, 0x56, 0x31, 0x68, 0xb5, 0xa3, 0x92, 0x72, 0xd8, 0x80, 0xac, 0x4c, 0xcd, 0xfd, 0x0a, 0x44, 0x5e, 0x41, 0x05, 0x2a, 0xbf, 0xe9, 0xbe, 0xc4, 0x78, 0x6f, 0x6c, 0xdc, 0x2f, 0x03, 0xe1, 0x23, 0xe1, 0xd4, 0x91, 0x1f, 0x33, 0x7e, 0xe5, 0x7d, 0x08, 0x33, 0x11, 0xb5, 0x54, 0xf2, 0x04, 0x90, 0x83, 0x71, 0x00, 0x14, 0x10, 0x76, 0xc5, 0xa7, 0xea, 0x90, 0x04, 0x63, 0x94, 0xaa, 0x3d, 0x62, 0xe9, 0x40, 0xe3, 0xf6, 0x50, 0xed, 0xb9, 0x0d, 0x17, 0xe2, 0xab, 0xc3, 0xfd, 0xa1, 0x7b, 0x1f, 0x11, 0x09, 0xed, 0x2a, 0x9c, 0xf6, 0x8f, 0xb9, 0x5e, 0x39, 0x88, 0x93, 0x12, 0x14, 0x89, 0x8b, 0x65, 0x50, 0x93, 0x72, 0x31, 0xc1, 0x38, 0x30, 0x09, 0x85, 0x7b, 0xa2, 0x2d, 0x9e, 0xa8, 0x24, 0x81, 0x3c, 0xd2, 0x89, 0x38, 0x3e, 0xe8, 0x21, 0xd0, 0x40, 0x85, 0xf3, 0xff, 0x00, 0x15, 0x87, 0x01, 0xa5, 0x20, 0x8b, 0x97, 0x4f, 0xd1, 0x7b, 0xf4, 0x9d, 0xfc, 0xb6, 0xd8, 0x63, 0xcd, 0x54, 0x99, 0x91, 0x19, 0x84, 0x10, 0x48, 0x93, 0x19, 0x84, 0xa6, 0x44, 0x11, 0x84, 0x39, 0xa2, 0x24, 0x70, 0x21, 0x33, 0x17, 0xcc, 0x70, 0xb2, 0x22, 0x44, 0x88, 0x84, 0x1f, 0x0e, 0xd0, 0x63, 0x9a, 0x92, 0x5b, 0x24, 0x0c, 0xca, 0x24, 0x93, 0xe1, 0x82, 0x78, 0xda, 0x13, 0x76, 0x20, 0xca, 0xc6, 0xb5, 0x6a, 0x5a, 0x76, 0x87, 0xd5, 0x74, 0x5f, 0x6b, 0x4c, 0x13, 0xc3, 0x10, 0xb1, 0xfc, 0x55, 0x0e, 0xe8, 0xd6, 0xef, 0x5b, 0xdd, 0x83, 0x04, 0xdf, 0xdb, 0xcd, 0x0d, 0xd6, 0x51, 0x75, 0x37, 0xd4, 0x15, 0x06, 0xc6, 0xe7, 0xc3, 0x11, 0xe8, 0x6e, 0xaf, 0x4f, 0xa9, 0xa3, 0x59, 0xfb, 0x69, 0x54, 0x0e, 0xe2, 0x6d, 0x16, 0xc4, 0xa8, 0x1a, 0xb1, 0x52, 0xbb, 0x1b, 0x4e, 0xa3, 0x1c, 0xd3, 0xbc, 0x91, 0x04, 0x13, 0x10, 0x27, 0x94, 0x21, 0x9a, 0xed, 0x2b, 0xeb, 0x77, 0x6d, 0xab, 0x2f, 0x24, 0x81, 0x2d, 0x22, 0x79, 0x41, 0xc4, 0xd9, 0x0d, 0xd6, 0xe9, 0xcd, 0x5e, 0xed, 0xb5, 0x6e, 0x1d, 0xb7, 0x07, 0x3c, 0xa7, 0x12, 0xb6, 0xad, 0x5e, 0x9d, 0x1a, 0x46, 0xa5, 0x57, 0x16, 0x34, 0x7c, 0xc5, 0xc2, 0xc2, 0xe0, 0x2c, 0xb4, 0xba, 0xca, 0x15, 0x6a, 0x06, 0x52, 0x78, 0xde, 0x1b, 0xbb, 0x69, 0x10, 0x5c, 0x39, 0x83, 0x85, 0x34, 0xf5, 0xda, 0x77, 0xd6, 0xee, 0xdb, 0x54, 0x97, 0x93, 0x0d, 0x11, 0xfd, 0x5e, 0x88, 0x77, 0x68, 0x69, 0x4b, 0xaa, 0x33, 0xbe, 0x6e, 0xe6, 0x02, 0x5d, 0x20, 0xf8, 0x60, 0xc1, 0x9f, 0x58, 0x45, 0x0d, 0x65, 0x0a, 0xfb, 0x83, 0x2a, 0x0f, 0xe5, 0x8d, 0xc6, 0x7c, 0x36, 0xe7, 0xce, 0x11, 0x4b, 0x5d, 0xa6, 0xd4, 0x3c, 0x32, 0x95, 0x41, 0xb8, 0x93, 0xb4, 0x10, 0x44, 0xc7, 0x29, 0xb9, 0xe3, 0xcd, 0x40, 0xed, 0x1d, 0x28, 0x73, 0x59, 0xdf, 0x49, 0x26, 0x27, 0x69, 0xb1, 0x9e, 0x3c, 0x93, 0xab, 0xae, 0xa1, 0x49, 0xef, 0x6b, 0x9e, 0x25, 0xb9, 0xb1, 0x24, 0x7b, 0x27, 0xa8, 0xd5, 0xd0, 0xa2, 0xd6, 0xbd, 0xf5, 0x4e, 0xd7, 0x89, 0x64, 0x02, 0x77, 0x0f, 0xba, 0xc6, 0xae, 0xad, 0xa5, 0xda, 0x51, 0x44, 0xb6, 0xa3, 0x2b, 0x3f, 0x69, 0xb9, 0xc8, 0x07, 0xd8, 0xd9, 0x61, 0xf8, 0xad, 0x5b, 0x1d, 0x49, 0xf5, 0x85, 0x36, 0x8a, 0xaf, 0x0c, 0xee, 0xaf, 0xb8, 0x03, 0x8e, 0x72, 0x3d, 0x97, 0xa9, 0x7b, 0x44, 0xed, 0xe1, 0xd5, 0x48, 0xb0, 0x36, 0x10, 0x99, 0x82, 0x64, 0x9c, 0xa2, 0xc0, 0xd8, 0x45, 0xe7, 0x28, 0x24, 0x92, 0x66, 0x11, 0x73, 0x73, 0x10, 0x05, 0x91, 0x98, 0x06, 0x3d, 0x93, 0x1c, 0x64, 0x89, 0xc2, 0x03, 0x88, 0x6c, 0x70, 0x29, 0x09, 0x8b, 0x00, 0xa9, 0xc6, 0x07, 0x40, 0x8b, 0x45, 0x89, 0x82, 0xa5, 0xde, 0x2c, 0x44, 0x79, 0xe5, 0x17, 0x80, 0x00, 0x82, 0x99, 0x26, 0x20, 0xe1, 0x31, 0x31, 0x62, 0x3d, 0x10, 0x26, 0xf3, 0x29, 0x08, 0x03, 0x04, 0xa4, 0x76, 0xc0, 0x80, 0x65, 0x39, 0x91, 0x61, 0xec, 0x93, 0xad, 0x82, 0x66, 0x11, 0x68, 0x00, 0x9b, 0xf9, 0x22, 0x23, 0x1c, 0x7c, 0x90, 0x26, 0x20, 0x67, 0x8d, 0xd1, 0xe2, 0x16, 0x10, 0x10, 0x62, 0x64, 0x8b, 0xf4, 0xba, 0x0d, 0xf9, 0xfb, 0xa4, 0x1b, 0x92, 0x65, 0x3b, 0xb4, 0x92, 0x26, 0x12, 0x99, 0x37, 0x10, 0x9d, 0xb6, 0x88, 0x94, 0xb6, 0x90, 0x60, 0x7b, 0xe1, 0x0d, 0x37, 0xe1, 0x3c, 0xd4, 0x92, 0x4c, 0xf1, 0x09, 0x88, 0x9b, 0x02, 0x12, 0x32, 0x64, 0x08, 0x9e, 0x68, 0x2d, 0xdc, 0x64, 0x0b, 0x01, 0x7e, 0x8a, 0x9b, 0x20, 0x81, 0x01, 0x69, 0xb7, 0x94, 0x0f, 0xaa, 0x82, 0xc9, 0x04, 0x8c, 0xa8, 0xe8, 0x01, 0x94, 0xe3, 0x13, 0xf6, 0x4e, 0x07, 0x14, 0xe1, 0xb6, 0x01, 0x21, 0x13, 0x79, 0x9e, 0x07, 0x29, 0x96, 0x96, 0xc8, 0xbc, 0x74, 0xfd, 0x7d, 0x52, 0x77, 0x8a, 0x38, 0xf3, 0x9b, 0x8f, 0x6f, 0x5c, 0x2c, 0xb4, 0xda, 0x5a, 0x3a, 0x4a, 0x4d, 0xa5, 0xa6, 0xa5, 0x4e, 0x8d, 0x16, 0xcc, 0x35, 0xa0, 0x34, 0x5c, 0xcf, 0x0e, 0x32, 0x49, 0x9e, 0x6a, 0xcd, 0xcd, 0x88, 0x20, 0xa9, 0x00, 0xce, 0x4c, 0x7b, 0xab, 0x91, 0x92, 0x02, 0x01, 0x99, 0x23, 0xe8, 0x9b, 0x5d, 0x26, 0xe9, 0xc9, 0x04, 0x92, 0x2c, 0xaa, 0xe6, 0xe6, 0x23, 0xc9, 0x31, 0x89, 0x02, 0x1b, 0xd0, 0xa6, 0x3d, 0x20, 0xa5, 0x51, 0xa7, 0xbb, 0x7d, 0xce, 0x0f, 0xe4, 0xbc, 0x0f, 0x84, 0xa3, 0xfe, 0xa0, 0xde, 0x25, 0xb2, 0xbe, 0x80, 0x01, 0xc0, 0x65, 0x53, 0x88, 0x0d, 0xb4, 0x03, 0xee, 0x86, 0xfc, 0xb0, 0x5a, 0x37, 0x67, 0x29, 0x13, 0x02, 0xd0, 0x94, 0x90, 0x64, 0x72, 0xe4, 0xa4, 0x90, 0xe8, 0x22, 0x6d, 0xc7, 0x9a, 0xb9, 0x1c, 0x64, 0xca, 0x58, 0x03, 0x69, 0x89, 0x3c, 0x42, 0x2f, 0xd1, 0x7b, 0x3f, 0x11, 0x48, 0xed, 0x37, 0xc0, 0xfe, 0x91, 0x3e, 0xeb, 0xca, 0xc9, 0x9b, 0x2c, 0xde, 0x26, 0x01, 0x20, 0x42, 0x70, 0x77, 0x64, 0x44, 0x73, 0x41, 0x24, 0x0e, 0x80, 0xaa, 0x9e, 0x42, 0xe9, 0xb4, 0x98, 0xf1, 0x34, 0x26, 0x3c, 0x51, 0x3e, 0xb7, 0x40, 0x70, 0xdd, 0x60, 0xbe, 0x7b, 0xe2, 0xb0, 0x7f, 0xe9, 0x41, 0x22, 0xee, 0x3d, 0x39, 0x15, 0xf4, 0x14, 0xdb, 0x0c, 0x64, 0x45, 0xc0, 0x4e, 0x2c, 0x00, 0x07, 0x9a, 0xa1, 0xd0, 0x18, 0xca, 0x87, 0x5c, 0x91, 0x10, 0x78, 0xa7, 0xb8, 0x41, 0x68, 0xc8, 0x37, 0x40, 0xb3, 0x60, 0x61, 0x13, 0x6b, 0x04, 0xa0, 0x58, 0x98, 0xf2, 0x41, 0x80, 0x26, 0x48, 0xe8, 0x97, 0xcb, 0x98, 0x4c, 0x12, 0x41, 0x20, 0xe1, 0x79, 0xfd, 0xac, 0xd9, 0xfc, 0x3b, 0x9c, 0xda, 0xec, 0x2d, 0x79, 0x8a, 0xb4, 0xe4, 0x96, 0xdb, 0xed, 0x2b, 0xce, 0x2d, 0xaf, 0x56, 0x83, 0x6a, 0x1d, 0xd0, 0xca, 0xfb, 0xcb, 0xc5, 0x18, 0x73, 0xc4, 0x01, 0xb8, 0x82, 0x33, 0xfa, 0x27, 0x5a, 0x9b, 0xaa, 0x52, 0xd5, 0xd4, 0x67, 0xe2, 0x6b, 0x17, 0x06, 0xb7, 0x75, 0x46, 0x44, 0x99, 0x9b, 0x0f, 0x25, 0xdb, 0xda, 0x4c, 0x7d, 0x16, 0xd1, 0xaf, 0xa5, 0xa4, 0x5c, 0xf6, 0x02, 0xd8, 0x68, 0xe6, 0x38, 0x9e, 0x84, 0x05, 0xce, 0xfd, 0x2d, 0x5a, 0x46, 0x85, 0x2a, 0x4d, 0x75, 0xb4, 0xf5, 0x01, 0x38, 0x04, 0x98, 0xf6, 0x39, 0x5a, 0x69, 0xab, 0x17, 0x51, 0xd3, 0xe9, 0x86, 0x95, 0xfd, 0xe3, 0x0c, 0x3b, 0x73, 0x08, 0x14, 0xc8, 0x19, 0x93, 0x62, 0x6e, 0x22, 0x17, 0x1d, 0x1a, 0x35, 0x7f, 0x0e, 0xcd, 0x35, 0x47, 0x6a, 0x8d, 0x40, 0xf0, 0x0b, 0x20, 0x6d, 0xb1, 0xf9, 0xb7, 0x44, 0xc7, 0x18, 0x5e, 0x97, 0x6d, 0x10, 0x3b, 0x36, 0xa3, 0x60, 0xbe, 0x1c, 0xc8, 0x11, 0x9f, 0x16, 0x17, 0x3d, 0x67, 0x3b, 0x59, 0xa9, 0xa5, 0xdc, 0x32, 0xa3, 0x3b, 0xa6, 0xbf, 0x73, 0xdc, 0xd8, 0x02, 0x44, 0x47, 0xd3, 0xf3, 0x5c, 0x7a, 0x7a, 0x4e, 0x7d, 0x1d, 0x3e, 0x9d, 0xee, 0xd4, 0x9a, 0xb4, 0xdc, 0xd9, 0xa6, 0x5a, 0x03, 0x44, 0x1c, 0xcc, 0x49, 0xf7, 0x5d, 0x5d, 0xc9, 0x1d, 0x9f, 0xab, 0xdd, 0x49, 0xce, 0x26, 0xb3, 0x8c, 0x36, 0xc4, 0x8d, 0xd9, 0x1e, 0x8b, 0x13, 0x4e, 0xbd, 0x7a, 0x7a, 0x9a, 0x74, 0x9f, 0x55, 0xf4, 0xdd, 0x48, 0x8d, 0xd5, 0x59, 0x0f, 0x0e, 0x99, 0x80, 0x78, 0x85, 0xd2, 0xfa, 0xbf, 0x8b, 0xa9, 0xa4, 0x65, 0x2a, 0x6f, 0x6b, 0xa9, 0x54, 0x0e, 0x7b, 0x8d, 0x32, 0x36, 0xc0, 0xe0, 0x4d, 0xe3, 0x87, 0x0e, 0x6b, 0x17, 0x51, 0x77, 0xf0, 0x1a, 0xcc, 0xd8, 0xe1, 0x50, 0x92, 0x62, 0x2e, 0x4e, 0xe9, 0x19, 0xbe, 0x17, 0x4d, 0x0a, 0x4f, 0xfc, 0x56, 0xbd, 0xc6, 0x9c, 0x6f, 0x80, 0xdb, 0x66, 0x19, 0xfa, 0xaf, 0x3e, 0x9d, 0x1a, 0xb4, 0x46, 0x92, 0xab, 0xdd, 0x5a, 0x93, 0x45, 0x0d, 0xbb, 0xe9, 0xb4, 0x1d, 0xae, 0x37, 0x8b, 0x89, 0xe2, 0xb4, 0xd3, 0x51, 0x7b, 0x0e, 0x95, 0xe1, 0xb5, 0x61, 0xf5, 0xcb, 0x89, 0xa8, 0x04, 0x91, 0xb6, 0x2e, 0x04, 0x01, 0x79, 0x5d, 0xe1, 0x8d, 0x76, 0xbd, 0xee, 0x78, 0x79, 0x75, 0x36, 0x0d, 0xb3, 0x86, 0xc9, 0xbc, 0x1e, 0x6b, 0xa9, 0xce, 0x05, 0xc4, 0x38, 0xca, 0x09, 0x0d, 0x69, 0x22, 0x6e, 0x98, 0x70, 0x24, 0x48, 0x29, 0x3a, 0x09, 0x45, 0xe4, 0x41, 0x30, 0x9c, 0x92, 0x4c, 0x42, 0x60, 0xde, 0x7d, 0x0d, 0x94, 0x98, 0x6f, 0x03, 0x74, 0xee, 0x0e, 0x42, 0x77, 0xcd, 0xe4, 0xa8, 0x38, 0x80, 0x9c, 0x8c, 0x8e, 0x08, 0x38, 0xe1, 0x25, 0x30, 0x2d, 0x67, 0x03, 0x1d, 0x12, 0x75, 0xec, 0x25, 0x00, 0x5c, 0xdd, 0x50, 0xf9, 0x49, 0x81, 0x6e, 0x12, 0xa4, 0x6d, 0x06, 0xe0, 0x14, 0x3a, 0x2d, 0x63, 0x74, 0x09, 0xc0, 0x01, 0xb3, 0xf5, 0x4d, 0xc7, 0x81, 0x89, 0x09, 0xb8, 0x6e, 0x6f, 0x8a, 0x24, 0xa8, 0x8c, 0xed, 0x03, 0x95, 0xc0, 0x28, 0x6b, 0x60, 0xc2, 0x66, 0x4f, 0x1f, 0xaa, 0x44, 0x90, 0x6c, 0x7f, 0xca, 0xa1, 0xe2, 0x06, 0x01, 0x1e, 0xa9, 0x02, 0x46, 0x09, 0x4b, 0xc5, 0x72, 0x62, 0x0a, 0x66, 0x09, 0x02, 0xc9, 0x19, 0x9c, 0x44, 0x0e, 0x68, 0x12, 0x40, 0x82, 0x3d, 0x52, 0x7b, 0x43, 0xad, 0x22, 0xdc, 0x82, 0x1a, 0xdc, 0xd9, 0x27, 0x03, 0x10, 0x49, 0xfb, 0xa0, 0x00, 0x1b, 0x06, 0x42, 0x5b, 0x80, 0x36, 0x36, 0xe3, 0xd5, 0x68, 0xd3, 0xc2, 0xd2, 0xa8, 0x92, 0x00, 0x91, 0x29, 0x07, 0x1e, 0x0a, 0x7f, 0xa8, 0x98, 0x12, 0x98, 0x24, 0x03, 0x01, 0x48, 0x1b, 0x9d, 0x70, 0x99, 0x03, 0x84, 0x72, 0x4c, 0x48, 0x26, 0x08, 0x40, 0x71, 0x9b, 0x1c, 0xe6, 0xc8, 0x31, 0x80, 0x12, 0x0d, 0x88, 0xf0, 0x82, 0x3d, 0xd2, 0x74, 0xc8, 0xc7, 0xba, 0x05, 0xa4, 0x80, 0x64, 0x23, 0x20, 0x92, 0x0c, 0x0e, 0x28, 0x6c, 0x46, 0x07, 0xb6, 0x53, 0x19, 0x90, 0x98, 0x26, 0x08, 0x23, 0xc9, 0x03, 0x74, 0x02, 0x40, 0xb7, 0x55, 0x64, 0xdc, 0x10, 0x3d, 0x15, 0x1b, 0xb5, 0xd1, 0x9e, 0x0a, 0x5f, 0xbb, 0x63, 0xa6, 0x6c, 0x09, 0xfa, 0x2f, 0x07, 0xe1, 0x29, 0x2d, 0xd4, 0x10, 0x46, 0x5b, 0xf9, 0xaf, 0xa0, 0x20, 0x8b, 0x91, 0x8e, 0xa9, 0x45, 0xe0, 0x11, 0x08, 0x69, 0x12, 0xec, 0xc4, 0x42, 0x04, 0x47, 0x54, 0x81, 0x23, 0x3f, 0xaa, 0x5c, 0x4d, 0xbe, 0xa9, 0xcc, 0x13, 0xc8, 0x04, 0x37, 0x22, 0x4f, 0x14, 0xed, 0xcc, 0xfb, 0x2f, 0x6f, 0xe2, 0x39, 0xfe, 0x27, 0x50, 0x0f, 0xed, 0x1f, 0x72, 0xbc, 0x6b, 0x03, 0xcc, 0xfb, 0x24, 0xe9, 0xdc, 0x07, 0xd8, 0xa3, 0xac, 0x12, 0x98, 0x98, 0x26, 0x2d, 0xc9, 0x50, 0xb0, 0xb9, 0x4b, 0x76, 0xe1, 0x64, 0xc1, 0x11, 0xb4, 0x4f, 0xe8, 0x86, 0x98, 0xc9, 0x10, 0xbe, 0x7b, 0xe2, 0xa6, 0x7f, 0xf6, 0xc4, 0x82, 0x60, 0xb8, 0xfd, 0x97, 0xd0, 0x52, 0x9e, 0xed, 0xb6, 0x22, 0xc2, 0x15, 0x6e, 0x83, 0x17, 0x43, 0x8c, 0x71, 0x3e, 0xe9, 0x6e, 0xb7, 0x30, 0x7a, 0xa9, 0x36, 0xc8, 0x1e, 0xe8, 0x71, 0x71, 0xb3, 0x7d, 0x53, 0xe5, 0x00, 0x49, 0xfa, 0x20, 0x13, 0xb8, 0xcc, 0x42, 0x52, 0x24, 0x9e, 0x6a, 0x5c, 0x41, 0x26, 0x2f, 0x09, 0xb6, 0x40, 0x99, 0x12, 0x7d, 0x11, 0x24, 0x99, 0x38, 0x08, 0x21, 0xa4, 0xf0, 0xe9, 0xc5, 0x30, 0x71, 0xcf, 0x87, 0x08, 0x41, 0x3e, 0x29, 0x19, 0xf3, 0x44, 0x08, 0x3c, 0x41, 0x40, 0x97, 0x58, 0x92, 0x48, 0xb8, 0x26, 0xf7, 0xfb, 0x24, 0x0e, 0xd0, 0x41, 0xc0, 0xb5, 0xc9, 0x59, 0xd7, 0xa2, 0xda, 0xf4, 0xfb, 0xba, 0x80, 0x6d, 0x9d, 0xc3, 0x69, 0xe2, 0x08, 0x2b, 0x52, 0x2c, 0x39, 0x01, 0x65, 0x26, 0x1a, 0xd1, 0x00, 0xdc, 0xc1, 0xc9, 0xb2, 0x7c, 0x40, 0x06, 0xe7, 0x16, 0xc7, 0x0f, 0xc9, 0x33, 0x00, 0xc9, 0xc4, 0xf3, 0xf3, 0x52, 0x1a, 0xe2, 0x44, 0xf9, 0x4c, 0xdf, 0xd1, 0x32, 0xd6, 0x83, 0x8b, 0x75, 0xba, 0x91, 0x73, 0x00, 0x9b, 0x27, 0x10, 0x40, 0x32, 0x6d, 0xec, 0x90, 0x12, 0x48, 0x13, 0x13, 0x3e, 0x69, 0xe4, 0x0b, 0x71, 0xfa, 0xa0, 0x89, 0x92, 0x32, 0x90, 0x0e, 0x17, 0x00, 0x47, 0x38, 0x41, 0x92, 0x41, 0xda, 0x14, 0x1e, 0x13, 0x64, 0xb2, 0x0c, 0x65, 0x06, 0x0f, 0xa2, 0x0e, 0x60, 0x4f, 0x58, 0x4f, 0x13, 0x9b, 0x73, 0x08, 0x17, 0x11, 0x02, 0xd7, 0x4c, 0x7c, 0xa8, 0x88, 0x18, 0xb9, 0x41, 0xe0, 0x0a, 0x58, 0x06, 0xc4, 0x0e, 0x69, 0x37, 0xc3, 0x31, 0xc5, 0x05, 0xc6, 0xc0, 0x7d, 0xd5, 0x37, 0x31, 0x18, 0x4b, 0x74, 0x9b, 0xb5, 0x3f, 0xe9, 0x31, 0x9e, 0x09, 0x18, 0x26, 0x4d, 0xc8, 0x4e, 0xe7, 0x20, 0x40, 0x45, 0xb7, 0x19, 0x10, 0xa7, 0x24, 0x58, 0x2a, 0x39, 0x30, 0x40, 0xfc, 0xd2, 0xe5, 0x30, 0xab, 0xc2, 0xde, 0xa5, 0x22, 0xd6, 0xe6, 0xf3, 0xd1, 0x17, 0x06, 0x08, 0x29, 0x01, 0x69, 0x31, 0x28, 0x19, 0x18, 0x4a, 0xa0, 0x2e, 0x70, 0x88, 0xb6, 0x6d, 0x08, 0x0d, 0x07, 0x13, 0x31, 0x7b, 0xca, 0xa1, 0x31, 0x00, 0x5e, 0x14, 0x09, 0x04, 0x89, 0x12, 0x15, 0x13, 0x30, 0x09, 0x99, 0x52, 0x65, 0xb6, 0x07, 0xcd, 0x00, 0xf1, 0x04, 0x1e, 0x62, 0x67, 0xf6, 0x73, 0xe9, 0x74, 0x9a, 0x58, 0x40, 0x22, 0x2f, 0x79, 0x9c, 0xa6, 0x44, 0xe2, 0x0d, 0xa5, 0x3b, 0x34, 0x58, 0x49, 0x52, 0x49, 0xe1, 0xea, 0x98, 0x74, 0xc1, 0x23, 0x1c, 0x52, 0x04, 0xcc, 0x82, 0x63, 0xcd, 0x37, 0x07, 0x41, 0xcd, 0xd4, 0xb4, 0xdc, 0x03, 0xf2, 0x8c, 0xaa, 0xb4, 0x18, 0xf3, 0x44, 0xf2, 0xc7, 0xdd, 0x13, 0xc4, 0x82, 0x98, 0x74, 0xba, 0x39, 0x09, 0xba, 0x79, 0x3c, 0xd2, 0x70, 0x87, 0x59, 0xc6, 0x12, 0x8e, 0x44, 0xd9, 0x50, 0x68, 0x8b, 0xcf, 0xdd, 0x59, 0xc1, 0x02, 0x24, 0x65, 0x4b, 0x5a, 0xdd, 0xb7, 0x84, 0xec, 0x44, 0x00, 0x3d, 0x93, 0x02, 0xe2, 0xe3, 0xa5, 0xd5, 0xb4, 0xc4, 0xe2, 0xea, 0x5d, 0xf2, 0x3a, 0x01, 0x26, 0x0c, 0xaf, 0x9d, 0xf8, 0x4a, 0xed, 0xd4, 0xde, 0x0c, 0xb5, 0x7d, 0x14, 0x88, 0x04, 0x9c, 0x7d, 0x54, 0x87, 0x49, 0x04, 0x98, 0x13, 0x10, 0x9c, 0x49, 0xb1, 0x09, 0x00, 0xe3, 0x38, 0x81, 0x84, 0x6d, 0x18, 0x31, 0x28, 0x68, 0x83, 0x04, 0x85, 0x40, 0x19, 0x3c, 0x53, 0xda, 0xe0, 0x20, 0x44, 0x25, 0xb5, 0xff, 0x00, 0xdc, 0x17, 0xff, 0xd9 }; unsigned int gray8_page_850x200_2_jpg_len = 22163; unsigned char gray8_page_850x200_3_jpg[] = { 0xff, 0xd8, 0xff, 0xe0, 0x00, 0x10, 0x4a, 0x46, 0x49, 0x46, 0x00, 0x01, 0x01, 0x01, 0x00, 0x48, 0x00, 0x48, 0x00, 0x00, 0xff, 0xdb, 0x00, 0x43, 0x00, 0x06, 0x04, 0x05, 0x06, 0x05, 0x04, 0x06, 0x06, 0x05, 0x06, 0x07, 0x07, 0x06, 0x08, 0x0a, 0x10, 0x0a, 0x0a, 0x09, 0x09, 0x0a, 0x14, 0x0e, 0x0f, 0x0c, 0x10, 0x17, 0x14, 0x18, 0x18, 0x17, 0x14, 0x16, 0x16, 0x1a, 0x1d, 0x25, 0x1f, 0x1a, 0x1b, 0x23, 0x1c, 0x16, 0x16, 0x20, 0x2c, 0x20, 0x23, 0x26, 0x27, 0x29, 0x2a, 0x29, 0x19, 0x1f, 0x2d, 0x30, 0x2d, 0x28, 0x30, 0x25, 0x28, 0x29, 0x28, 0xff, 0xc0, 0x00, 0x0b, 0x08, 0x00, 0xc8, 0x03, 0x52, 0x01, 0x01, 0x11, 0x00, 0xff, 0xc4, 0x00, 0x1b, 0x00, 0x00, 0x03, 0x01, 0x01, 0x01, 0x01, 0x01, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x01, 0x02, 0x03, 0x04, 0x05, 0x06, 0x07, 0xff, 0xc4, 0x00, 0x41, 0x10, 0x00, 0x01, 0x03, 0x02, 0x04, 0x04, 0x04, 0x04, 0x05, 0x03, 0x03, 0x04, 0x00, 0x06, 0x03, 0x00, 0x01, 0x00, 0x02, 0x11, 0x03, 0x21, 0x04, 0x12, 0x31, 0x41, 0x05, 0x51, 0x61, 0x71, 0x13, 0x22, 0x81, 0x91, 0x06, 0x32, 0xa1, 0xb1, 0x14, 0x42, 0xc1, 0xd1, 0xf0, 0x23, 0x52, 0xe1, 0x15, 0x33, 0xf1, 0x24, 0x35, 0x62, 0x92, 0x16, 0x25, 0x34, 0x72, 0x82, 0xb2, 0x63, 0x93, 0xa2, 0xff, 0xda, 0x00, 0x08, 0x01, 0x01, 0x00, 0x00, 0x3f, 0x00, 0xfd, 0xcb, 0xe2, 0x78, 0xff, 0x00, 0x52, 0x74, 0xec, 0xd1, 0xf7, 0x2b, 0xc6, 0x37, 0xb8, 0x26, 0x3d, 0x90, 0x1b, 0xe6, 0x82, 0x42, 0x18, 0x08, 0x71, 0x04, 0xc0, 0x1d, 0x65, 0x32, 0x65, 0xd6, 0xe7, 0x1a, 0xa7, 0x12, 0x49, 0xdf, 0x60, 0x88, 0xe6, 0x0a, 0x7f, 0x28, 0xd5, 0x30, 0xe1, 0x78, 0x8f, 0x65, 0xf3, 0xbf, 0x16, 0xdd, 0xb8, 0x60, 0x0d, 0x89, 0x31, 0xf4, 0x5e, 0xed, 0x3f, 0xf6, 0x99, 0x11, 0xf2, 0x85, 0x62, 0x48, 0x1c, 0x82, 0x66, 0x22, 0xda, 0x25, 0x71, 0xb8, 0xcb, 0xb0, 0x4b, 0x53, 0x68, 0xf6, 0x4c, 0xc8, 0x12, 0x49, 0x81, 0xa2, 0x92, 0x49, 0x16, 0x06, 0x0a, 0x6e, 0x24, 0x68, 0x08, 0xdb, 0x54, 0xac, 0x74, 0x22, 0xca, 0x69, 0xb9, 0x8f, 0x0e, 0x2c, 0x70, 0x20, 0x12, 0xd3, 0xdc, 0x6c, 0xa8, 0x02, 0x05, 0xc7, 0xd1, 0x65, 0x5f, 0x13, 0x46, 0x87, 0xfb, 0xb5, 0x58, 0xce, 0x59, 0x9c, 0x04, 0xac, 0xdb, 0x8e, 0xc2, 0xb9, 0xc7, 0x2e, 0x26, 0x91, 0x0d, 0x04, 0x98, 0x78, 0x30, 0x3f, 0xe5, 0x74, 0x02, 0xd2, 0x60, 0x99, 0x31, 0x36, 0xfd, 0x62, 0xff, 0x00, 0x45, 0x45, 0xc0, 0xc7, 0x98, 0x4e, 0x9a, 0x29, 0x1c, 0xb9, 0x76, 0x49, 0xf5, 0x5a, 0xca, 0x6e, 0x73, 0xc8, 0x63, 0x5b, 0x12, 0xe2, 0x6c, 0x35, 0x4c, 0xc3, 0x81, 0x04, 0x88, 0x98, 0xea, 0x91, 0x19, 0x48, 0x99, 0xe5, 0xa8, 0x09, 0x8a, 0x80, 0x37, 0x31, 0x82, 0x2f, 0xa1, 0x98, 0x80, 0x14, 0xbe, 0xa3, 0x1a, 0xd0, 0xe7, 0x54, 0x6b, 0x5b, 0x98, 0x0b, 0x9d, 0xcc, 0x5b, 0xea, 0x93, 0x2a, 0x36, 0xa6, 0x70, 0xd7, 0x02, 0xe6, 0x1c, 0xa6, 0xfb, 0xc6, 0x9f, 0xe5, 0x51, 0xbc, 0x4c, 0x46, 0xa4, 0x04, 0xe4, 0x66, 0xde, 0xfc, 0x86, 0x81, 0x0e, 0xcc, 0x49, 0x12, 0x27, 0x61, 0x6b, 0xf6, 0x08, 0x00, 0xcc, 0x18, 0xfa, 0x68, 0xa6, 0xd6, 0x70, 0x3a, 0xd8, 0x6b, 0x72, 0x87, 0xb8, 0x32, 0x4b, 0x88, 0x00, 0x02, 0x49, 0x3d, 0x3f, 0x45, 0x34, 0xab, 0x53, 0xaa, 0xc6, 0xbe, 0x93, 0x83, 0xa9, 0xda, 0x1d, 0x29, 0xf8, 0xd4, 0xf3, 0xb2, 0x5e, 0xdc, 0xd5, 0x27, 0x20, 0x07, 0xe6, 0x8f, 0xf1, 0x75, 0xa4, 0xdf, 0x28, 0x3e, 0x59, 0xe6, 0x2e, 0x12, 0x2d, 0xf3, 0x40, 0x89, 0xd4, 0x0e, 0x63, 0xa2, 0x9b, 0x12, 0x47, 0x2f, 0xe5, 0x95, 0x40, 0x04, 0x06, 0xdc, 0x44, 0xda, 0x14, 0x86, 0x9c, 0xc4, 0x90, 0x3a, 0x20, 0xb6, 0xf0, 0x72, 0xf4, 0x50, 0xc7, 0x35, 0xd5, 0x5f, 0x49, 0xa4, 0xe6, 0x68, 0x04, 0x8e, 0x40, 0xff, 0x00, 0xc1, 0x55, 0x16, 0x1d, 0x6d, 0xb0, 0x41, 0x92, 0xdc, 0xc1, 0xa4, 0x08, 0x44, 0x99, 0x1d, 0x4a, 0x1c, 0xd0, 0xed, 0xca, 0x6e, 0x19, 0x41, 0x9d, 0x22, 0x54, 0x54, 0x78, 0xa5, 0x4d, 0xcf, 0x7b, 0x8e, 0x46, 0xb7, 0x31, 0x31, 0xa7, 0xf2, 0x13, 0x6c, 0x38, 0x4b, 0x5c, 0x09, 0x29, 0x3e, 0xab, 0x29, 0xb9, 0x82, 0xa4, 0x8c, 0xee, 0x0d, 0x6c, 0x0d, 0xff, 0x00, 0x4d, 0x13, 0xa7, 0x51, 0xb5, 0x41, 0x7b, 0x26, 0x1b, 0x20, 0xf7, 0x16, 0x59, 0xd7, 0xac, 0xca, 0x40, 0xb9, 0xf3, 0x01, 0xd9, 0x6c, 0xd2, 0x4d, 0xc8, 0xbc, 0x72, 0xea, 0xac, 0x65, 0x90, 0x2f, 0x24, 0xeb, 0xa2, 0x72, 0x35, 0x6e, 0xfa, 0x5f, 0x53, 0xff, 0x00, 0x09, 0x82, 0x20, 0xc9, 0x1a, 0x7d, 0x14, 0xdc, 0xdc, 0x4c, 0xfb, 0x24, 0xdb, 0x18, 0x37, 0x11, 0xcb, 0xae, 0x8a, 0xec, 0x0d, 0xdc, 0x3a, 0x5b, 0x5e, 0x9d, 0xd2, 0xcd, 0x13, 0x1c, 0xbb, 0xae, 0x5a, 0xf8, 0xea, 0x34, 0x1e, 0xea, 0x6e, 0xce, 0xf2, 0xdf, 0x9b, 0x23, 0x4b, 0xa0, 0x75, 0xf4, 0x5d, 0x74, 0xcb, 0x6a, 0xd3, 0x0f, 0x69, 0x39, 0x5c, 0x01, 0x69, 0xd2, 0x42, 0x6d, 0xb0, 0x06, 0x08, 0xd6, 0x64, 0x2c, 0x6b, 0x38, 0xd3, 0x34, 0xdb, 0x4d, 0xb9, 0xde, 0xe2, 0x45, 0xdd, 0x96, 0x2c, 0x51, 0x9b, 0x11, 0xa7, 0x87, 0x4a, 0xff, 0x00, 0xff, 0x00, 0x21, 0x3f, 0xa2, 0x4c, 0x7b, 0xfc, 0x77, 0x31, 0xec, 0xa6, 0x1c, 0x06, 0x6b, 0x3e, 0x65, 0x6a, 0x40, 0x04, 0x90, 0x75, 0x53, 0x6b, 0xda, 0xfb, 0xa0, 0xb8, 0x58, 0x11, 0x6d, 0x3d, 0x57, 0x8b, 0xc2, 0xf8, 0xfd, 0x1c, 0x7e, 0x37, 0x15, 0x83, 0x6b, 0x0e, 0x1b, 0x1b, 0x86, 0x7e, 0x53, 0x87, 0xc4, 0x38, 0x35, 0xf9, 0x4f, 0xe7, 0x00, 0x48, 0x2d, 0xd4, 0x83, 0x72, 0xbc, 0x6f, 0x89, 0x2a, 0x62, 0x38, 0xef, 0x15, 0xff, 0x00, 0xe1, 0xdc, 0x2b, 0xc5, 0x1a, 0x6d, 0xa6, 0x6b, 0xe3, 0xaa, 0xd3, 0x79, 0x04, 0x34, 0xfc, 0xb4, 0xc1, 0x8b, 0x39, 0xc4, 0x49, 0x1f, 0xda, 0x3a, 0xaf, 0xa7, 0xe1, 0x6d, 0x7d, 0x3e, 0x1f, 0x42, 0x9d, 0x57, 0x78, 0x8f, 0xa6, 0xc1, 0x4d, 0xcf, 0x88, 0xcd, 0x94, 0x01, 0x3f, 0x45, 0xd4, 0x06, 0xb1, 0xa2, 0xa9, 0xf2, 0x99, 0xd1, 0x65, 0x55, 0xe6, 0x95, 0x37, 0xbd, 0xa0, 0xf9, 0x44, 0xde, 0xdf, 0x55, 0x0e, 0x35, 0xc9, 0x90, 0x29, 0x7b, 0x92, 0x87, 0x54, 0xad, 0x4f, 0x2e, 0x66, 0xb0, 0xb4, 0x90, 0x2c, 0xee, 0x6b, 0x78, 0x27, 0x56, 0x94, 0x0f, 0x28, 0x82, 0x0c, 0x27, 0xbc, 0x48, 0x59, 0x55, 0x75, 0x46, 0xb9, 0xad, 0xa7, 0x92, 0xe0, 0x93, 0x9b, 0x68, 0xff, 0x00, 0x94, 0x9d, 0xe3, 0x0a, 0x80, 0x81, 0x4c, 0xec, 0x9d, 0x33, 0x51, 0xd5, 0xdc, 0xda, 0xa1, 0xa0, 0x86, 0x83, 0xe5, 0xeb, 0x3f, 0xb2, 0xd5, 0xb6, 0x74, 0x45, 0x8e, 0x9d, 0x55, 0x07, 0x18, 0x87, 0x01, 0x28, 0x6c, 0x9d, 0x40, 0xed, 0xfc, 0xee, 0xb0, 0x63, 0xea, 0xbc, 0x12, 0xd2, 0xc0, 0x73, 0x16, 0xdd, 0xa4, 0xe8, 0x48, 0xe7, 0xd1, 0x69, 0x18, 0x8c, 0x84, 0x13, 0x4f, 0x9c, 0x86, 0xaa, 0xa0, 0xff, 0x00, 0x12, 0x9b, 0x1e, 0x40, 0x04, 0x89, 0x3d, 0x25, 0x6f, 0xb0, 0x32, 0x2e, 0x8f, 0x2c, 0x82, 0x62, 0x0e, 0x89, 0x79, 0x43, 0xa0, 0xc5, 0xfa, 0xa9, 0x3f, 0x29, 0xca, 0x75, 0x07, 0xf4, 0x5f, 0x3d, 0xf0, 0x9d, 0xbf, 0x13, 0x31, 0x3e, 0x5d, 0x7d, 0x57, 0xd0, 0x58, 0x13, 0x02, 0x4f, 0x75, 0x37, 0x00, 0x48, 0x13, 0xaa, 0xb1, 0xa0, 0xb0, 0x1c, 0xf7, 0x40, 0xbb, 0xa4, 0x1b, 0x7d, 0xd3, 0x8c, 0xc4, 0x6a, 0x12, 0x1c, 0x8d, 0xce, 0xfb, 0x2b, 0x1a, 0x08, 0xb9, 0xdd, 0x69, 0x68, 0x25, 0xda, 0x0e, 0x89, 0x43, 0x7a, 0x7b, 0x2f, 0x5b, 0xe2, 0x62, 0xdf, 0xf5, 0x27, 0xc8, 0x3f, 0x28, 0xfb, 0x95, 0xe3, 0xda, 0xd0, 0x0c, 0x7d, 0x94, 0xba, 0x00, 0x30, 0x26, 0x3d, 0x13, 0x00, 0x08, 0x30, 0x3e, 0xe9, 0x87, 0x03, 0xa8, 0x31, 0x32, 0x82, 0x06, 0x69, 0xbf, 0x4b, 0xa4, 0x64, 0x48, 0x6c, 0x80, 0x53, 0xb8, 0x10, 0x41, 0x40, 0x26, 0x48, 0x22, 0xeb, 0xc0, 0xf8, 0xad, 0xd1, 0xf8, 0x48, 0x8f, 0xcd, 0x6f, 0x65, 0xee, 0xd2, 0x8f, 0x0d, 0x93, 0x37, 0x68, 0xfb, 0x2a, 0x2e, 0x00, 0x90, 0x2e, 0x00, 0x91, 0x64, 0x4e, 0x60, 0x09, 0x02, 0xfd, 0x14, 0x97, 0x41, 0x02, 0x02, 0xa7, 0x68, 0x94, 0xf9, 0x6f, 0x10, 0x9e, 0x50, 0x62, 0x48, 0xd1, 0x43, 0xb4, 0x03, 0x69, 0x4d, 0xbb, 0x12, 0x2d, 0x3e, 0xf7, 0x5c, 0xdc, 0x36, 0xa7, 0x89, 0xe3, 0xf9, 0x46, 0x61, 0x59, 0xcd, 0x10, 0x39, 0x2e, 0xb2, 0x79, 0x91, 0xb2, 0xe7, 0xc4, 0xb4, 0x3a, 0x9b, 0x8b, 0x9a, 0xd3, 0x94, 0x18, 0xcc, 0x26, 0x3b, 0x7b, 0xaf, 0x2d, 0xcc, 0x8f, 0x87, 0x64, 0x00, 0x2a, 0x1a, 0x62, 0x0c, 0x44, 0xc1, 0x1e, 0x9a, 0xad, 0xc5, 0x4a, 0xf8, 0x7a, 0xf4, 0x5b, 0x52, 0xb1, 0xab, 0x4e, 0xa3, 0x5d, 0x68, 0x0d, 0xca, 0x5a, 0x27, 0x61, 0x24, 0x2e, 0x4a, 0x18, 0xec, 0x4b, 0x9b, 0x46, 0xb3, 0x4e, 0x25, 0xee, 0x7b, 0x9b, 0x2c, 0x34, 0xfc, 0xa5, 0xa4, 0xec, 0x74, 0x98, 0x5e, 0x8f, 0x12, 0xc4, 0x3e, 0x8d, 0x30, 0xda, 0x6e, 0x2c, 0x7d, 0x4a, 0x8d, 0xa6, 0x1f, 0x13, 0x90, 0x13, 0x13, 0x1a, 0x4a, 0xe0, 0xe2, 0x4d, 0xaf, 0x4b, 0x07, 0x89, 0x6b, 0xf1, 0x06, 0xb3, 0x0d, 0x22, 0xe1, 0x9a, 0xee, 0x0e, 0x93, 0xca, 0xd1, 0x32, 0x15, 0xd5, 0xc4, 0xd6, 0x7e, 0x2e, 0xb5, 0x3a, 0x6f, 0xae, 0xc1, 0x48, 0xe5, 0x6f, 0x86, 0xc9, 0x04, 0x99, 0x32, 0xee, 0x89, 0x3b, 0x15, 0x88, 0xab, 0x4e, 0x83, 0x5c, 0xfa, 0xb4, 0x6a, 0x39, 0x99, 0x9c, 0xca, 0x54, 0xfc, 0xc4, 0xc9, 0x12, 0x66, 0xc0, 0x40, 0x07, 0x64, 0xa8, 0xe2, 0xf1, 0x35, 0xd9, 0x82, 0x63, 0x6a, 0x96, 0x3a, 0xa9, 0x7b, 0x5c, 0xf8, 0x12, 0x62, 0xd7, 0x1a, 0x68, 0x14, 0xe2, 0xab, 0x54, 0x34, 0xb1, 0x14, 0x5f, 0x50, 0xd4, 0x14, 0xab, 0x52, 0x21, 0xc6, 0x05, 0x89, 0x1c, 0xad, 0xd1, 0x5d, 0x6c, 0x45, 0x76, 0xba, 0xab, 0x69, 0xb8, 0x03, 0xf8, 0xa1, 0x4a, 0x72, 0x8b, 0x02, 0x07, 0xd5, 0x18, 0x8c, 0x45, 0x5c, 0x25, 0x4c, 0x53, 0x5d, 0x50, 0xd6, 0x0d, 0xa4, 0x1e, 0x0b, 0xc0, 0x30, 0xe9, 0xe8, 0x15, 0x61, 0x71, 0x18, 0x8f, 0x16, 0x88, 0x06, 0xbd, 0x56, 0xbc, 0x1c, 0xde, 0x25, 0x20, 0xdf, 0x34, 0x58, 0x89, 0xd9, 0x4e, 0x13, 0x15, 0x55, 0xb5, 0xe9, 0x8c, 0x45, 0x6a, 0xb9, 0xce, 0xac, 0xab, 0x4c, 0x65, 0x26, 0x3f, 0x29, 0x03, 0xf5, 0x55, 0x86, 0xc4, 0x56, 0x15, 0xa9, 0x33, 0x11, 0x5e, 0xa3, 0x1e, 0x5d, 0x0e, 0x65, 0x46, 0x02, 0xd2, 0x06, 0xcd, 0x70, 0xd5, 0x76, 0xf1, 0x0a, 0x95, 0x58, 0x68, 0xd2, 0xa4, 0xf2, 0xc7, 0x56, 0x79, 0x60, 0x74, 0x4c, 0x08, 0x27, 0xde, 0xd0, 0xb8, 0xb1, 0x9e, 0x35, 0x26, 0x62, 0x70, 0xce, 0xae, 0xf7, 0xb4, 0xd1, 0x35, 0x01, 0x22, 0xf6, 0x1b, 0xf4, 0xd5, 0x76, 0x61, 0xa9, 0x96, 0x60, 0x5b, 0x4f, 0xc5, 0x20, 0xe4, 0x07, 0x34, 0x0d, 0x23, 0x94, 0x2f, 0x32, 0x85, 0x3a, 0x85, 0x9c, 0x3b, 0x2d, 0x77, 0x30, 0xb8, 0x3a, 0x4d, 0xbc, 0xa2, 0x34, 0x1d, 0x6c, 0xb5, 0x7e, 0x2a, 0xb6, 0x1e, 0x96, 0x2a, 0x8b, 0x6b, 0x3d, 0xee, 0x6b, 0xd8, 0xc6, 0x3e, 0x2e, 0x01, 0xbf, 0xa9, 0xf6, 0x5d, 0x18, 0x3a, 0xb5, 0x59, 0x8c, 0x2c, 0x3f, 0x88, 0x75, 0x37, 0x34, 0xbb, 0xfa, 0xa0, 0x4c, 0xce, 0xc0, 0x6c, 0x8e, 0x24, 0x6a, 0x8a, 0xc1, 0xb4, 0xcd, 0x6f, 0x08, 0x32, 0x4f, 0x80, 0x46, 0x60, 0xe3, 0xcf, 0x78, 0x58, 0x3b, 0x13, 0x52, 0xa7, 0xe1, 0xe8, 0xb2, 0xad, 0x47, 0x87, 0x35, 0xc5, 0xc6, 0x98, 0x0d, 0x73, 0x88, 0x24, 0x45, 0xf4, 0x31, 0xaa, 0xcc, 0xd6, 0xc4, 0xba, 0x95, 0x3a, 0x66, 0xa3, 0xd8, 0x4d, 0x72, 0xcc, 0xce, 0xf9, 0x8b, 0x48, 0x36, 0x3b, 0x4c, 0x05, 0xad, 0x5c, 0x45, 0x5c, 0x11, 0xc4, 0x51, 0x2f, 0x73, 0xc9, 0x60, 0x75, 0x22, 0xed, 0x4c, 0xc0, 0x80, 0xa7, 0x10, 0xfc, 0x45, 0x16, 0x62, 0x83, 0xaa, 0xbf, 0x35, 0x36, 0x53, 0x00, 0xc0, 0x30, 0x49, 0x89, 0xf5, 0xbf, 0xba, 0xb7, 0x8a, 0xb8, 0x5c, 0x4b, 0x47, 0x8e, 0xfa, 0xde, 0x25, 0x27, 0xb8, 0x8a, 0x86, 0xc4, 0xb6, 0x0d, 0xb9, 0x6a, 0xb3, 0xa9, 0xe3, 0x0c, 0x15, 0x0c, 0x49, 0xc5, 0x55, 0x73, 0xea, 0xb9, 0x85, 0xc2, 0x7c, 0xa6, 0x48, 0xb0, 0xe4, 0xbb, 0xb8, 0x85, 0x4f, 0x07, 0x0a, 0xf7, 0x36, 0xb3, 0xa9, 0x92, 0x40, 0x0e, 0x02, 0x6e, 0x4e, 0xc3, 0x9c, 0x2f, 0x3d, 0xb5, 0x2a, 0xd1, 0xad, 0x88, 0x67, 0xf5, 0xda, 0xd3, 0x41, 0xd5, 0x1a, 0x2b, 0xb8, 0x4e, 0x61, 0xb8, 0x03, 0x4b, 0x2d, 0x18, 0x2b, 0xd0, 0x6e, 0x0e, 0xa1, 0xc4, 0x56, 0xa8, 0xea, 0xae, 0x68, 0x76, 0x62, 0x08, 0x32, 0x26, 0xd1, 0xa6, 0x9a, 0x2c, 0x2a, 0xb5, 0xd5, 0xf8, 0x6e, 0x23, 0x12, 0xfa, 0xf5, 0x41, 0x39, 0x86, 0x5c, 0xc0, 0x00, 0x04, 0x8c, 0xb7, 0xde, 0xcb, 0xbf, 0x1b, 0x59, 0xf4, 0x38, 0x7d, 0x4a, 0xac, 0x80, 0xf1, 0x4e, 0x5a, 0x44, 0x72, 0xd7, 0x92, 0xe4, 0xc4, 0x51, 0x34, 0x6b, 0xe0, 0x9c, 0x6a, 0xd5, 0x7c, 0xd6, 0x01, 0xd9, 0xdc, 0x0c, 0xd9, 0xd7, 0x1c, 0xb6, 0x51, 0x4d, 0xd5, 0xab, 0x0c, 0x3d, 0x33, 0x5e, 0xa0, 0x0f, 0xad, 0x55, 0xae, 0x20, 0xec, 0x3b, 0x29, 0xab, 0x52, 0xad, 0x16, 0xe2, 0xa8, 0xb6, 0xad, 0x52, 0xc6, 0xbe, 0x91, 0x66, 0x63, 0x71, 0x24, 0x5b, 0xb6, 0xab, 0x47, 0x52, 0xa9, 0x5a, 0xa7, 0x10, 0x2e, 0xaf, 0x58, 0x1a, 0x75, 0x0e, 0x46, 0xb5, 0xe4, 0x01, 0x60, 0x67, 0xb7, 0x44, 0xe9, 0x3a, 0xa6, 0x37, 0x11, 0x4d, 0x95, 0xea, 0xd5, 0x63, 0x1b, 0x87, 0x6b, 0xc0, 0x63, 0xdc, 0x24, 0x91, 0xac, 0x8d, 0x96, 0xfc, 0x20, 0xbb, 0xc1, 0xc4, 0x35, 0xef, 0x7d, 0x42, 0xda, 0x8e, 0x63, 0x5c, 0xe7, 0x4c, 0x81, 0x0b, 0x8b, 0x1d, 0x51, 0xce, 0xfc, 0x4d, 0x6a, 0x47, 0x10, 0xef, 0x0d, 0xc6, 0x1f, 0x9f, 0x23, 0x5b, 0x1b, 0x7f, 0x02, 0xe9, 0x6e, 0x7a, 0x98, 0xea, 0x8e, 0x7d, 0x47, 0x86, 0xd3, 0xa6, 0xc7, 0x80, 0x0d, 0xc9, 0x8d, 0x63, 0x97, 0xaa, 0xe2, 0xa2, 0xea, 0xfe, 0x0d, 0x2c, 0x49, 0xf1, 0x5a, 0xf2, 0xe1, 0x35, 0x1d, 0x5a, 0x18, 0xe9, 0x31, 0x96, 0x36, 0xf6, 0xd5, 0x5e, 0x2d, 0xef, 0x75, 0x1c, 0x46, 0x26, 0x90, 0xac, 0xe7, 0x53, 0x7c, 0x78, 0x86, 0xac, 0x34, 0x10, 0x40, 0x80, 0x3d, 0x17, 0xa1, 0x8a, 0xa6, 0x4b, 0x5b, 0x4e, 0x88, 0x0c, 0x38, 0x93, 0x15, 0x2a, 0x03, 0x12, 0x23, 0x5f, 0xf0, 0xbb, 0x28, 0xb4, 0x53, 0xa4, 0xd6, 0x53, 0xf9, 0x1a, 0x20, 0x49, 0xd8, 0x2d, 0x04, 0xde, 0x5c, 0x61, 0x67, 0x52, 0x7c, 0x5a, 0x22, 0x4c, 0x49, 0x8b, 0x74, 0x3f, 0xba, 0xda, 0x07, 0x5f, 0xaa, 0xc0, 0xb4, 0xbb, 0x12, 0x75, 0xf9, 0x20, 0x7b, 0xad, 0xb2, 0x65, 0x46, 0xd2, 0x00, 0xea, 0xa1, 0xe2, 0x44, 0x00, 0x08, 0x3f, 0xcb, 0x7f, 0x95, 0xf3, 0x3f, 0x12, 0xf0, 0x7c, 0x0e, 0x37, 0x07, 0x88, 0xc6, 0xe2, 0xaa, 0x3b, 0x0b, 0x89, 0xc2, 0x66, 0x7d, 0x2c, 0x65, 0x13, 0x96, 0xad, 0x28, 0x03, 0x95, 0x88, 0x8b, 0x42, 0xf9, 0xaf, 0x80, 0xb8, 0x95, 0x7e, 0x18, 0xe6, 0x9f, 0x88, 0x28, 0x3e, 0x95, 0x7e, 0x34, 0xf6, 0xd5, 0xa5, 0x8d, 0x79, 0x81, 0x56, 0x41, 0xca, 0xc3, 0xfd, 0x86, 0x07, 0x59, 0x98, 0xb4, 0x2f, 0xd0, 0xb0, 0x50, 0x70, 0xe2, 0xe4, 0x0c, 0xc6, 0x3b, 0x4e, 0x9f, 0x45, 0xd0, 0x5a, 0x44, 0x8e, 0xaa, 0x5d, 0xc8, 0x4d, 0xd6, 0x58, 0xb1, 0xfd, 0x0a, 0x91, 0xf3, 0x65, 0x81, 0xec, 0x56, 0xa6, 0x74, 0x91, 0xef, 0x0b, 0x2c, 0x53, 0x4c, 0x53, 0x22, 0x0c, 0xbc, 0x6a, 0x75, 0xd5, 0x6a, 0x24, 0x0f, 0x31, 0x36, 0xe4, 0x83, 0x73, 0x2d, 0x9c, 0xb3, 0x06, 0xe9, 0x11, 0x94, 0xc4, 0x01, 0x0b, 0x23, 0x7c, 0x5b, 0x3c, 0xde, 0x5f, 0x0d, 0xc4, 0x8e, 0xb2, 0xd5, 0xa9, 0x70, 0x99, 0x26, 0xdc, 0xb9, 0x2c, 0x69, 0x90, 0x31, 0x8f, 0x23, 0x34, 0xe4, 0x6f, 0xad, 0xdc, 0xb7, 0x64, 0x8b, 0x8d, 0x39, 0x12, 0xa8, 0xc1, 0x6f, 0x50, 0x90, 0x12, 0x64, 0x91, 0x69, 0x8d, 0xb9, 0x2c, 0xf0, 0x90, 0x69, 0xb8, 0x89, 0x8c, 0xcf, 0xd4, 0x47, 0xe6, 0x2b, 0x51, 0x3e, 0x19, 0x06, 0x62, 0xe0, 0x44, 0x9e, 0x49, 0x61, 0x80, 0xf0, 0x29, 0x08, 0xbe, 0x51, 0xeb, 0x65, 0xac, 0x1b, 0x00, 0x3e, 0x88, 0x27, 0x2c, 0x08, 0x40, 0x2d, 0x33, 0x0d, 0x12, 0xa4, 0x9c, 0xcd, 0x23, 0x29, 0x88, 0x32, 0x40, 0xd1, 0x7c, 0xff, 0x00, 0xc2, 0xc2, 0x19, 0x88, 0xd6, 0xf9, 0x7f, 0x9f, 0x55, 0xf4, 0x00, 0x44, 0x90, 0x4e, 0x91, 0xa2, 0xa1, 0x30, 0x26, 0xf0, 0x96, 0xa6, 0x2f, 0x06, 0xfa, 0x26, 0x00, 0x24, 0x01, 0x21, 0x37, 0x36, 0xe2, 0x60, 0xf2, 0x4a, 0x05, 0xc9, 0x11, 0x3c, 0xd5, 0xd3, 0xcc, 0xdf, 0x28, 0x70, 0xbe, 0xaa, 0xda, 0x6d, 0xe5, 0x9b, 0x6a, 0x76, 0x0a, 0xf3, 0x37, 0xff, 0x00, 0x25, 0xe9, 0xfc, 0x4f, 0x7e, 0x22, 0xe1, 0x00, 0xf9, 0x07, 0xdc, 0xaf, 0x14, 0x72, 0x11, 0x21, 0x02, 0x1c, 0xd2, 0x13, 0x00, 0x66, 0x02, 0x52, 0x3e, 0x63, 0x69, 0x4e, 0x62, 0xc6, 0x7a, 0x25, 0x9a, 0x36, 0x32, 0xac, 0x41, 0x89, 0xba, 0x97, 0x6b, 0xd3, 0x45, 0xf3, 0xff, 0x00, 0x16, 0x90, 0x1b, 0x86, 0x07, 0x4c, 0xc7, 0xf4, 0x5e, 0xf5, 0x28, 0xf0, 0xd9, 0x05, 0xda, 0x05, 0x41, 0xa7, 0x2c, 0x44, 0x19, 0x94, 0x8c, 0xcd, 0xe3, 0xdd, 0x27, 0x03, 0x20, 0x01, 0x75, 0x52, 0x43, 0x6e, 0x96, 0x6b, 0x16, 0x92, 0x23, 0x9a, 0x52, 0xdc, 0xa4, 0x02, 0x67, 0x9a, 0xa0, 0xdc, 0xc2, 0x46, 0x83, 0x54, 0x16, 0x1f, 0xc9, 0x03, 0x99, 0x5c, 0xad, 0xc2, 0x86, 0x07, 0x06, 0x3e, 0xa0, 0x9a, 0xa6, 0xa9, 0x83, 0x17, 0x3b, 0x2e, 0x91, 0x06, 0x09, 0x99, 0x9b, 0xa9, 0xaa, 0xd0, 0x5a, 0x45, 0xe0, 0xed, 0x3a, 0xfe, 0xcb, 0x9b, 0xf0, 0xad, 0xfc, 0x10, 0xc2, 0xf9, 0xbc, 0x3c, 0xb1, 0x73, 0xd7, 0x5f, 0xa2, 0xd2, 0xad, 0x06, 0x54, 0xc4, 0x53, 0xaa, 0xf2, 0x66, 0x98, 0x21, 0xa3, 0x98, 0x22, 0xf3, 0x1a, 0xae, 0x5a, 0x7c, 0x32, 0x9b, 0x1e, 0xd8, 0xa9, 0x58, 0xd3, 0x61, 0x04, 0x53, 0x2f, 0x11, 0x3e, 0xd3, 0x1e, 0xab, 0xa3, 0x13, 0x45, 0x98, 0x8a, 0x62, 0x9d, 0x50, 0x63, 0x34, 0xf9, 0x4c, 0x41, 0x10, 0x64, 0x1f, 0x45, 0x81, 0xe1, 0xf4, 0x9c, 0xc7, 0xf8, 0xb5, 0x6a, 0xbd, 0xcf, 0x19, 0x4b, 0xea, 0x38, 0xe9, 0x33, 0x68, 0x0a, 0xab, 0x60, 0x29, 0x54, 0xa8, 0xe7, 0x35, 0xd5, 0x69, 0x97, 0x37, 0x2b, 0xb2, 0x18, 0xce, 0x23, 0x7e, 0xbd, 0x50, 0xee, 0x1f, 0x4c, 0x39, 0x86, 0x9b, 0xea, 0x51, 0x0d, 0x60, 0x61, 0xc8, 0xf8, 0xcc, 0xd1, 0xb1, 0x4b, 0x0f, 0xc3, 0xd9, 0x47, 0xc3, 0xc8, 0xea, 0xa1, 0xb4, 0xdc, 0xe7, 0x34, 0x4c, 0x8b, 0xaa, 0xa9, 0x82, 0xa5, 0x53, 0xc5, 0x74, 0x3b, 0xcc, 0xe6, 0xb8, 0xdf, 0x52, 0xd0, 0x23, 0xec, 0xaf, 0xf0, 0x54, 0x4c, 0x98, 0x74, 0xba, 0xa8, 0xaa, 0x7b, 0x81, 0x09, 0xd7, 0xc2, 0xb1, 0xf5, 0x5e, 0xfa, 0x80, 0x12, 0xf6, 0x78, 0x67, 0x6b, 0x5f, 0x96, 0xeb, 0x1a, 0x5c, 0x3d, 0x8d, 0xa9, 0x9a, 0xa3, 0xdf, 0x50, 0x34, 0x43, 0x43, 0xdd, 0x39, 0x64, 0x73, 0xd6, 0x3e, 0xca, 0xe8, 0x60, 0x69, 0x51, 0x2c, 0xfe, 0xa5, 0x4a, 0x8d, 0x65, 0xd8, 0xc7, 0xba, 0xcd, 0xb4, 0x7d, 0x92, 0xa7, 0xc3, 0xe9, 0xb1, 0xcc, 0x06, 0xa5, 0x57, 0xb1, 0x97, 0x63, 0x0b, 0xec, 0x23, 0x78, 0x8d, 0x7d, 0x96, 0xf8, 0x9a, 0x0d, 0xc4, 0x53, 0x0d, 0xa8, 0x5c, 0x20, 0x87, 0x34, 0xb7, 0x50, 0xe1, 0x2b, 0x2a, 0x78, 0x16, 0x35, 0xb5, 0x43, 0x9f, 0x52, 0xa3, 0xaa, 0x33, 0x2b, 0x9e, 0xe7, 0x19, 0x8b, 0xe9, 0xc9, 0x6e, 0xc6, 0x06, 0xd2, 0x6b, 0x1b, 0x24, 0x06, 0xe5, 0xf4, 0xfe, 0x05, 0x85, 0x1c, 0x0d, 0x3a, 0x26, 0x96, 0x52, 0xe2, 0x29, 0x92, 0xe6, 0x49, 0x98, 0x91, 0x10, 0x9b, 0xb0, 0x94, 0x9e, 0x6b, 0x39, 0xc0, 0xc5, 0x52, 0x1c, 0xe3, 0x37, 0x04, 0x6e, 0x13, 0xc3, 0x61, 0x69, 0xd0, 0x71, 0x73, 0x5e, 0xf7, 0x39, 0xc3, 0x28, 0x73, 0xdd, 0x39, 0x44, 0xe8, 0x12, 0xc5, 0x61, 0x29, 0xd6, 0xa9, 0x9c, 0xbe, 0xa3, 0x5e, 0x04, 0x66, 0x63, 0xb2, 0xc8, 0xeb, 0x0a, 0x5f, 0x81, 0xa4, 0xea, 0x2c, 0x63, 0x73, 0xb3, 0xc3, 0xf9, 0x4b, 0x5c, 0x41, 0x04, 0xf5, 0xfe, 0x6a, 0x95, 0x3c, 0x0d, 0x1a, 0x61, 0xb0, 0xd7, 0x43, 0x5f, 0xe2, 0x09, 0x74, 0xf9, 0x8c, 0x89, 0x24, 0xeb, 0xaa, 0xac, 0x46, 0x1a, 0x95, 0x6a, 0x94, 0xea, 0x54, 0xa7, 0xe7, 0xa4, 0x49, 0x69, 0x9b, 0x0f, 0xe1, 0x4d, 0xf8, 0x5a, 0x15, 0x7c, 0x4c, 0xec, 0x27, 0xc4, 0xca, 0x1d, 0x0e, 0xd7, 0x29, 0x56, 0xea, 0x2d, 0x35, 0x19, 0x51, 0xad, 0x02, 0xa3, 0x64, 0x09, 0xe4, 0x79, 0x85, 0xe5, 0xb7, 0x87, 0x54, 0x73, 0x98, 0xca, 0x94, 0x4b, 0x46, 0x6c, 0xd9, 0xbc, 0x42, 0x5b, 0x63, 0xb3, 0x47, 0xee, 0xbd, 0x7c, 0x4d, 0x1a, 0x75, 0xe9, 0x16, 0x3b, 0xcc, 0xd3, 0x04, 0x1c, 0xd2, 0x44, 0x72, 0x2b, 0x96, 0x9f, 0x0e, 0xc3, 0xb5, 0xc4, 0x90, 0xec, 0xc4, 0x10, 0x7c, 0xee, 0xf3, 0x02, 0x34, 0x37, 0xbf, 0x35, 0xb3, 0xa8, 0x52, 0x2c, 0xa6, 0xc7, 0x30, 0xff, 0x00, 0x48, 0x82, 0x2e, 0x6c, 0x40, 0x89, 0xf6, 0x58, 0x3f, 0x87, 0x61, 0xde, 0xf7, 0xbc, 0xb1, 0xd0, 0xe3, 0xe6, 0x19, 0x9d, 0x12, 0x7a, 0x4c, 0x4a, 0xea, 0x73, 0x18, 0xe6, 0x96, 0x3d, 0xa0, 0xb6, 0x32, 0xc3, 0x84, 0xda, 0x34, 0x5c, 0xb4, 0xf8, 0x7d, 0x06, 0x43, 0xc3, 0x0b, 0x8b, 0x0d, 0xa5, 0xc6, 0xc7, 0xb7, 0xbf, 0xba, 0xd1, 0xb8, 0x5a, 0x2d, 0x7b, 0x5c, 0x18, 0x3c, 0xaf, 0x73, 0x9b, 0xe6, 0x75, 0x8b, 0xaf, 0x7f, 0x74, 0xdf, 0x84, 0xa2, 0xfa, 0x8e, 0x73, 0x9a, 0x33, 0x38, 0x82, 0xeb, 0x9b, 0xc0, 0x43, 0x30, 0xd4, 0xdb, 0xe2, 0xc3, 0x07, 0xf5, 0x08, 0xcd, 0x7d, 0x4a, 0xe3, 0xc6, 0xe0, 0xdc, 0x5f, 0x4d, 0xb4, 0xe8, 0xd3, 0x7d, 0x36, 0x34, 0x30, 0x37, 0xc4, 0x2c, 0x70, 0x89, 0xfc, 0xc3, 0x51, 0x7e, 0x4b, 0x7e, 0x1b, 0x85, 0xfc, 0x2d, 0x17, 0x35, 0xc1, 0xb9, 0x9c, 0xf2, 0xe2, 0xd6, 0xe8, 0x09, 0xda, 0x52, 0xa9, 0xc3, 0xb0, 0xd5, 0x1e, 0xea, 0x95, 0x18, 0x25, 0xdf, 0x30, 0xbc, 0x1d, 0x2f, 0x1a, 0x03, 0x6d, 0x56, 0xb4, 0x30, 0xf4, 0xa8, 0x99, 0xa6, 0xc1, 0x30, 0x01, 0x37, 0x3a, 0x2c, 0x86, 0x03, 0x0c, 0xda, 0xc2, 0xa1, 0xa4, 0xdc, 0xc0, 0xc8, 0xf3, 0x18, 0x1d, 0x40, 0xd2, 0x7a, 0xa6, 0x70, 0x18, 0x57, 0x3a, 0xa3, 0xdf, 0x4c, 0x38, 0x3b, 0xe6, 0xbf, 0xd6, 0x39, 0xf5, 0x5b, 0x1c, 0x3d, 0x23, 0xe1, 0x92, 0xdf, 0xf6, 0xcc, 0xb6, 0x36, 0x3b, 0x4a, 0xd1, 0xa3, 0x94, 0x1f, 0x45, 0x40, 0x9f, 0x94, 0xc0, 0x90, 0x48, 0x59, 0x57, 0x69, 0xa8, 0x5a, 0x58, 0xf0, 0xd2, 0xd3, 0x3a, 0x17, 0x03, 0x23, 0xba, 0x03, 0x6b, 0xe6, 0x00, 0xd4, 0xa6, 0x2d, 0x07, 0xfa, 0x7f, 0xe5, 0x55, 0x26, 0xbb, 0xc6, 0x2e, 0xa8, 0xe6, 0xbe, 0x04, 0x08, 0x6c, 0x7a, 0xad, 0x62, 0xda, 0x5e, 0xe9, 0x86, 0xda, 0xfa, 0x1d, 0x54, 0x16, 0xb4, 0x19, 0xb9, 0x8f, 0x45, 0xf2, 0xbf, 0x1c, 0xd3, 0xa9, 0x88, 0xc0, 0xe1, 0xf8, 0x73, 0x1e, 0x72, 0xf1, 0x2c, 0x5b, 0x28, 0x3d, 0xa0, 0x12, 0x43, 0x22, 0x5c, 0x6d, 0xd1, 0x87, 0x95, 0x97, 0xad, 0xc4, 0x78, 0x45, 0x1e, 0x25, 0xc3, 0xea, 0x60, 0xb1, 0x4d, 0xa6, 0xfc, 0x3b, 0x80, 0x66, 0x5c, 0x96, 0x19, 0x4d, 0xa2, 0xfa, 0x8d, 0xb4, 0xfd, 0x17, 0x47, 0x05, 0xc0, 0x54, 0xe1, 0xfc, 0x37, 0x0f, 0x85, 0xad, 0x88, 0x7e, 0x29, 0xd4, 0x9b, 0x1e, 0x2b, 0xc4, 0x39, 0xe0, 0x1d, 0xfa, 0xc5, 0xa7, 0xd5, 0x76, 0x19, 0xe4, 0x4f, 0xaa, 0x92, 0x0c, 0x89, 0x09, 0x54, 0xa4, 0x2a, 0xd2, 0x7b, 0x26, 0x33, 0x5a, 0x62, 0x61, 0x64, 0x29, 0x55, 0x24, 0xff, 0x00, 0x5a, 0x06, 0xde, 0x40, 0x87, 0x50, 0xa8, 0x72, 0x97, 0x54, 0x71, 0x0d, 0x70, 0x76, 0x9a, 0xc7, 0xd9, 0x69, 0x7d, 0x48, 0xb7, 0x55, 0x2e, 0x26, 0xd1, 0xdd, 0x0d, 0x23, 0x31, 0x26, 0xf2, 0xa2, 0xa5, 0x12, 0xea, 0x81, 0xcd, 0xa8, 0xe6, 0x10, 0x08, 0xb0, 0x17, 0x98, 0xfe, 0x7a, 0xa4, 0x29, 0xbc, 0x58, 0xe2, 0x1f, 0xec, 0x2c, 0x8a, 0x54, 0xc3, 0x2a, 0x3d, 0xee, 0x79, 0x71, 0x20, 0x0d, 0x34, 0x89, 0xfd, 0xd6, 0xb9, 0x9b, 0x23, 0x54, 0x0d, 0x4c, 0x26, 0xd9, 0x74, 0x8b, 0x68, 0xb3, 0xa7, 0x43, 0x2b, 0x61, 0xb5, 0xde, 0x3c, 0xc4, 0xc4, 0x36, 0xd2, 0x7b, 0x4a, 0xd8, 0x61, 0xdd, 0x17, 0xc4, 0x3e, 0x39, 0x40, 0xfd, 0x96, 0x94, 0x19, 0x91, 0x8d, 0x68, 0x82, 0x1a, 0xd0, 0x26, 0x05, 0xe0, 0x46, 0xca, 0xc8, 0x82, 0x22, 0x55, 0xdb, 0x34, 0x90, 0x65, 0x64, 0xf6, 0x07, 0x4d, 0x86, 0xb1, 0xc9, 0x67, 0x54, 0x16, 0xb1, 0xc0, 0x46, 0x97, 0x3e, 0xc1, 0x7c, 0xff, 0x00, 0xc2, 0x07, 0xcf, 0x89, 0x69, 0x32, 0x25, 0xa0, 0x7d, 0x57, 0xd0, 0x1d, 0xa0, 0x18, 0x2a, 0x88, 0xef, 0xfb, 0xa0, 0x48, 0x98, 0x99, 0xd2, 0x39, 0x27, 0xb0, 0x06, 0x7d, 0x50, 0x00, 0x1a, 0x90, 0x80, 0xd1, 0x69, 0x2a, 0x84, 0x11, 0x17, 0x1d, 0x96, 0x81, 0xbe, 0x61, 0x17, 0x3f, 0x74, 0x65, 0x1c, 0x8f, 0xba, 0xf5, 0xbe, 0x27, 0xff, 0x00, 0xb8, 0x92, 0x34, 0x2d, 0x1f, 0x75, 0xe1, 0x4c, 0x9b, 0x8b, 0x15, 0x65, 0xa7, 0x51, 0x28, 0x88, 0x12, 0x77, 0xb6, 0x8a, 0x85, 0xb4, 0x2d, 0x52, 0x4f, 0x38, 0xf6, 0x43, 0x08, 0x92, 0x48, 0xfa, 0xaa, 0x36, 0x3e, 0x59, 0xbf, 0x44, 0xaf, 0xca, 0x00, 0xb2, 0xf9, 0xdf, 0x8c, 0x86, 0x61, 0x85, 0x17, 0x89, 0x76, 0x9d, 0x82, 0xf7, 0xe8, 0x00, 0x69, 0x30, 0xc9, 0xf9, 0x47, 0xd9, 0x68, 0x0c, 0x48, 0x25, 0x3d, 0x8d, 0x82, 0x87, 0x4d, 0x8c, 0x1f, 0x4b, 0xa6, 0x41, 0xcb, 0xa9, 0x06, 0x65, 0x2b, 0x0b, 0x90, 0x65, 0x00, 0x03, 0xa0, 0x00, 0xaa, 0x30, 0x34, 0xd0, 0xeb, 0x05, 0x4b, 0x9b, 0x63, 0x04, 0xce, 0xa9, 0x0b, 0x8b, 0xea, 0x12, 0x1f, 0xf9, 0x03, 0x94, 0x6b, 0xff, 0x00, 0x2a, 0x5d, 0x11, 0x16, 0x8e, 0xa1, 0x39, 0x24, 0x68, 0x20, 0x59, 0x04, 0x79, 0x2e, 0x00, 0x08, 0x20, 0x34, 0x5e, 0xe9, 0x40, 0x80, 0x40, 0x9b, 0xca, 0x6e, 0x27, 0x40, 0x23, 0x9d, 0xd1, 0x72, 0x60, 0x3b, 0xe8, 0xa4, 0x98, 0x89, 0x92, 0x65, 0x59, 0x77, 0x26, 0x98, 0x29, 0x90, 0x09, 0x00, 0x4f, 0xba, 0x59, 0x89, 0x30, 0x01, 0xf6, 0x47, 0xe6, 0x37, 0x13, 0xb0, 0x28, 0x22, 0x5b, 0x28, 0xb0, 0x00, 0x48, 0x40, 0xdc, 0x10, 0x34, 0xd5, 0x28, 0xdc, 0x85, 0x64, 0x90, 0xd2, 0x24, 0x5d, 0x26, 0xdc, 0xd8, 0x08, 0x52, 0x46, 0xc0, 0x2a, 0xb6, 0x58, 0x74, 0x75, 0x46, 0x50, 0x5b, 0xe5, 0xe7, 0x01, 0x4b, 0x47, 0x9a, 0x08, 0xb7, 0x34, 0xc9, 0xd5, 0xa2, 0x2e, 0x91, 0x30, 0x60, 0xea, 0x7e, 0x89, 0x1d, 0xdd, 0x1b, 0xa5, 0x00, 0xc8, 0x93, 0xa4, 0xa6, 0xd0, 0x2c, 0x0b, 0x5c, 0x4e, 0xa2, 0xe9, 0xcd, 0xe1, 0xa1, 0x06, 0xf0, 0x46, 0xfc, 0xd5, 0x79, 0x60, 0x83, 0xaf, 0x44, 0x18, 0xb1, 0xbc, 0x4c, 0x20, 0x90, 0x34, 0x88, 0xe4, 0x4a, 0x91, 0xcc, 0x99, 0x9e, 0xa8, 0x9e, 0xa6, 0x7a, 0xa4, 0x62, 0x0d, 0xc6, 0xbc, 0xd5, 0x41, 0x8d, 0x75, 0xfa, 0x24, 0x79, 0x1b, 0x8f, 0xd7, 0x9a, 0x46, 0x26, 0x21, 0x2b, 0x01, 0x6f, 0xb2, 0x23, 0x31, 0x91, 0xa0, 0x40, 0x96, 0x8f, 0x28, 0x37, 0xd6, 0x74, 0x4a, 0x67, 0x94, 0x84, 0x34, 0x5f, 0x63, 0x2a, 0xcb, 0x62, 0xd7, 0x8d, 0xe3, 0x74, 0xa2, 0x1b, 0x63, 0x71, 0xb2, 0xab, 0x9c, 0xb3, 0xa1, 0xd5, 0x32, 0x46, 0x84, 0x48, 0xd9, 0x4b, 0x60, 0x98, 0x20, 0x03, 0xcc, 0x1d, 0x15, 0x16, 0x80, 0x60, 0x0e, 0xa8, 0x00, 0x0b, 0xde, 0x35, 0x4c, 0x10, 0xe3, 0x63, 0xee, 0xa6, 0xf3, 0x68, 0xeb, 0x75, 0xcd, 0xc4, 0x38, 0x7e, 0x1b, 0x88, 0x78, 0x23, 0x13, 0x4e, 0x4d, 0x0a, 0x8d, 0xad, 0x4d, 0xc1, 0xc5, 0xa5, 0x8e, 0x6c, 0xc1, 0x06, 0xd6, 0xb9, 0x1d, 0x45, 0x96, 0xe4, 0x99, 0xb6, 0x9f, 0xcf, 0xd1, 0x50, 0x83, 0x10, 0x7b, 0xa2, 0x01, 0x26, 0xc5, 0x28, 0x83, 0x32, 0x32, 0x84, 0x9b, 0x13, 0x72, 0x55, 0x36, 0xe4, 0xb4, 0xc5, 0xfe, 0x88, 0x26, 0xd2, 0x34, 0x1c, 0x88, 0xba, 0x8b, 0x91, 0x20, 0x9f, 0x65, 0x12, 0x6f, 0x3a, 0xf6, 0x52, 0x5b, 0x6b, 0x5d, 0x30, 0x0e, 0x80, 0xfd, 0x7b, 0xa0, 0x9b, 0x90, 0x62, 0x47, 0xaf, 0xd9, 0x20, 0x40, 0x3e, 0x52, 0x27, 0xb4, 0xa2, 0x49, 0x8b, 0x03, 0xf4, 0x54, 0xd6, 0x97, 0x19, 0x04, 0xab, 0x6b, 0x6c, 0x33, 0x49, 0x1e, 0xca, 0xda, 0xd9, 0x26, 0x24, 0x7b, 0xab, 0xb0, 0x30, 0x7d, 0x65, 0x31, 0x00, 0x90, 0x01, 0x46, 0x90, 0x4c, 0x20, 0xde, 0x22, 0x50, 0xd1, 0x68, 0xf5, 0xd5, 0x67, 0x56, 0x99, 0xca, 0xe2, 0x39, 0x2f, 0x9e, 0xf8, 0x4c, 0x37, 0x36, 0x24, 0xc4, 0x10, 0x5a, 0x75, 0xd7, 0x55, 0xf4, 0x41, 0xa6, 0x77, 0xb0, 0xd5, 0x07, 0x36, 0x9a, 0x8f, 0xb2, 0x92, 0x0c, 0xd8, 0x14, 0x86, 0x68, 0xdb, 0xd5, 0x50, 0x19, 0xb5, 0x8f, 0x44, 0xf2, 0x93, 0x16, 0x04, 0x05, 0x60, 0x34, 0xb6, 0xcd, 0x33, 0xdd, 0x58, 0x19, 0x4c, 0x68, 0x3a, 0x98, 0xf6, 0x53, 0x9c, 0xf3, 0x77, 0xfe, 0xab, 0xd7, 0xf8, 0xa0, 0x81, 0xc4, 0x8c, 0x4c, 0xe5, 0x1f, 0x72, 0xbc, 0x40, 0x64, 0x85, 0x47, 0x31, 0x12, 0x75, 0xee, 0x80, 0x08, 0x16, 0xb9, 0xdf, 0x74, 0xdb, 0xf2, 0x9d, 0x41, 0x9e, 0x51, 0x08, 0x8b, 0xdc, 0x14, 0x08, 0x83, 0x02, 0xe9, 0x3a, 0x73, 0x5e, 0x53, 0x74, 0x35, 0xb3, 0x32, 0x57, 0xce, 0xfc, 0x59, 0x2f, 0x18, 0x52, 0x00, 0xb1, 0x33, 0x68, 0xd8, 0x2f, 0xa0, 0xa1, 0x02, 0x8b, 0x32, 0x83, 0xa0, 0x9d, 0x95, 0x90, 0x4c, 0x90, 0x05, 0xbe, 0xa9, 0x10, 0x0e, 0x5d, 0x55, 0x38, 0x1d, 0x07, 0xaa, 0xcd, 0xed, 0xb0, 0x20, 0x1f, 0x74, 0xc4, 0xe5, 0x80, 0x94, 0x98, 0xbe, 0xbb, 0x84, 0x01, 0x79, 0x26, 0xc7, 0x92, 0x08, 0x04, 0xc3, 0x44, 0xfa, 0x2c, 0xa9, 0x3c, 0xbb, 0x34, 0xb7, 0x2e, 0x57, 0x16, 0x89, 0x36, 0x74, 0x72, 0x5a, 0x3a, 0x60, 0x89, 0xdf, 0x9c, 0x2e, 0x6c, 0x4d, 0x67, 0xd1, 0xc8, 0xe6, 0xd1, 0x75, 0x41, 0x79, 0x87, 0x69, 0xee, 0xb9, 0x59, 0xc4, 0x5e, 0x68, 0x7e, 0x20, 0xe1, 0xea, 0x0a, 0x61, 0x99, 0x81, 0xcc, 0x27, 0x51, 0xb6, 0xbb, 0xea, 0xbd, 0x06, 0xd4, 0x0e, 0x31, 0x69, 0xdc, 0x48, 0x30, 0x3a, 0x85, 0x3e, 0x23, 0x0b, 0xc3, 0x43, 0x9b, 0x9e, 0x24, 0xb4, 0x3a, 0x60, 0x73, 0x54, 0x48, 0x17, 0x11, 0x20, 0x6b, 0xa0, 0x52, 0xc7, 0xb5, 0xd7, 0x6b, 0xd8, 0xe0, 0x09, 0x12, 0x0e, 0x85, 0x53, 0x5c, 0xcc, 0xe5, 0x92, 0xd0, 0xf1, 0xf9, 0x73, 0x02, 0x75, 0xe5, 0xc9, 0x27, 0x56, 0xa7, 0xe2, 0x65, 0x2e, 0x68, 0x74, 0x90, 0x06, 0x6d, 0x55, 0x1a, 0x8c, 0xa6, 0x5a, 0x2a, 0x3d, 0xad, 0x71, 0xd9, 0xc6, 0x13, 0x2f, 0x63, 0x5c, 0x25, 0xc0, 0x13, 0x6d, 0x7e, 0xc8, 0x35, 0x18, 0x0e, 0x53, 0x51, 0x81, 0xe6, 0x44, 0x66, 0x17, 0x3d, 0x96, 0x34, 0x2b, 0x87, 0x56, 0xaf, 0x48, 0x07, 0x4d, 0x27, 0x65, 0x32, 0x34, 0x24, 0x4a, 0xd1, 0xd5, 0x18, 0xcb, 0x39, 0xe1, 0xa4, 0x98, 0x12, 0x42, 0x6e, 0x7b, 0x18, 0x25, 0xc4, 0x37, 0xff, 0x00, 0xba, 0xd2, 0xa9, 0xd9, 0x4b, 0x43, 0x83, 0x84, 0x11, 0x1d, 0x8a, 0x96, 0xbd, 0xaf, 0x6f, 0x95, 0xcd, 0x31, 0x6b, 0x19, 0xba, 0x1b, 0x51, 0x8f, 0x39, 0x58, 0xf6, 0x97, 0x03, 0xa4, 0xfe, 0x89, 0x1a, 0xb4, 0xcb, 0xf2, 0x8a, 0x8d, 0xcf, 0x1f, 0x26, 0x61, 0x3a, 0x72, 0x43, 0x6a, 0x33, 0x31, 0x05, 0xed, 0x93, 0x68, 0xcc, 0x14, 0xd3, 0xab, 0x49, 0xf6, 0x0e, 0x6b, 0x88, 0x17, 0x01, 0xc0, 0xc7, 0x74, 0xc5, 0x7a, 0x25, 0xcd, 0x65, 0x3a, 0xac, 0xcc, 0x6e, 0x06, 0x69, 0x9d, 0x53, 0xad, 0x5d, 0x94, 0xdc, 0x18, 0xea, 0xad, 0x63, 0xce, 0x81, 0xc4, 0x49, 0xe7, 0x6f, 0xf8, 0x51, 0x53, 0x11, 0x4a, 0x99, 0x02, 0xad, 0x46, 0x30, 0x9b, 0x00, 0xe2, 0x04, 0xf4, 0x5a, 0x66, 0x6c, 0x87, 0x08, 0x23, 0xaa, 0xc8, 0x62, 0x28, 0xba, 0xa9, 0xa4, 0x2b, 0x53, 0xcd, 0x3f, 0x28, 0x70, 0x91, 0xe8, 0xb1, 0xc3, 0x63, 0x1b, 0x5f, 0x17, 0x56, 0x95, 0x36, 0xb1, 0xcc, 0x66, 0x8e, 0xcc, 0x2f, 0xd8, 0x7f, 0x95, 0x35, 0x31, 0xf4, 0xdb, 0x56, 0xbd, 0x30, 0x03, 0xaa, 0x53, 0xa7, 0x9c, 0x79, 0x87, 0x5f, 0xd9, 0x69, 0x86, 0xc5, 0xd1, 0xac, 0x18, 0x19, 0x51, 0x9e, 0x31, 0x00, 0x96, 0x35, 0xe0, 0xbb, 0x4d, 0x21, 0x68, 0x31, 0x34, 0xbc, 0x5f, 0x0d, 0xd5, 0x58, 0x1e, 0x4f, 0xca, 0x4d, 0xd6, 0x85, 0xc0, 0x35, 0xc5, 0xc7, 0x2c, 0xde, 0xfb, 0x05, 0xc8, 0xec, 0x75, 0x33, 0x5a, 0x8d, 0x3a, 0x4f, 0x63, 0xcd, 0x47, 0x11, 0x63, 0x76, 0x90, 0xd2, 0x55, 0x37, 0x15, 0x4f, 0xc2, 0x63, 0xab, 0xbe, 0x9b, 0x1c, 0x41, 0x30, 0x5c, 0x39, 0x8f, 0x7d, 0x55, 0x9c, 0x48, 0x73, 0x69, 0x3e, 0x93, 0xa9, 0x96, 0x39, 0xd9, 0x0b, 0xb3, 0x81, 0xb1, 0xd3, 0xaf, 0x44, 0x3b, 0x17, 0x86, 0x63, 0x83, 0x4d, 0x6a, 0x4d, 0x71, 0x75, 0x81, 0x70, 0x93, 0xb4, 0x42, 0x2b, 0x62, 0xb0, 0xf4, 0x5f, 0x92, 0xad, 0x56, 0xb0, 0xbb, 0x40, 0x4c, 0x6e, 0x56, 0xd4, 0xab, 0x36, 0xab, 0x43, 0xe9, 0xf9, 0xda, 0x6c, 0x0c, 0xfe, 0xab, 0x03, 0x8d, 0xc3, 0xf8, 0xd9, 0x0d, 0x66, 0x07, 0x93, 0x19, 0x73, 0x7d, 0x01, 0xd2, 0x7a, 0x2a, 0xfc, 0x45, 0x11, 0x58, 0x52, 0xf1, 0x1b, 0xe2, 0x4c, 0x16, 0xc8, 0x91, 0xba, 0x9a, 0x58, 0xba, 0x15, 0x9e, 0x59, 0x4a, 0xb3, 0x1e, 0xf8, 0xf9, 0x41, 0xd6, 0xda, 0x20, 0xe2, 0xb0, 0xfe, 0x2f, 0x86, 0x2a, 0xb3, 0xc4, 0x9c, 0xb1, 0x3a, 0x1e, 0xa4, 0x5a, 0x57, 0x26, 0x23, 0x19, 0x89, 0xa6, 0xca, 0xb5, 0xc5, 0x1a, 0x62, 0x85, 0x37, 0x65, 0x21, 0xd3, 0x99, 0xd0, 0x45, 0xc6, 0xdd, 0xaf, 0x75, 0xe9, 0x02, 0x2c, 0x06, 0x5f, 0xba, 0xa6, 0xc1, 0x37, 0x03, 0xd1, 0x0e, 0x6e, 0x5b, 0x83, 0x21, 0x04, 0xd8, 0x1c, 0xc6, 0x10, 0x0e, 0x86, 0x67, 0xba, 0xca, 0xbb, 0x9f, 0x9a, 0x9b, 0x29, 0xb8, 0x36, 0x4c, 0x13, 0x13, 0xb4, 0xa0, 0xb2, 0xac, 0xc0, 0xae, 0x67, 0xff, 0x00, 0xb4, 0x2a, 0x63, 0x9e, 0x2b, 0x96, 0xb9, 0xf9, 0xa5, 0xb3, 0xf2, 0xc7, 0x45, 0xa0, 0x71, 0x69, 0x8d, 0xb9, 0xf2, 0x47, 0xcc, 0xdd, 0xbe, 0xc8, 0x31, 0x20, 0x18, 0x9d, 0xb6, 0x5e, 0x6e, 0x1b, 0x88, 0x51, 0xc4, 0x71, 0x3c, 0x56, 0x0a, 0x9e, 0x2b, 0x2e, 0x27, 0x0e, 0x41, 0x34, 0x9c, 0xd8, 0x86, 0x90, 0x0c, 0x89, 0xd5, 0xba, 0xf9, 0x84, 0x80, 0x6d, 0x63, 0x20, 0x79, 0x5c, 0x47, 0x1f, 0xc4, 0xab, 0x71, 0xd6, 0x70, 0xee, 0x0d, 0x59, 0xa7, 0xf0, 0xf9, 0x2a, 0xe3, 0x1f, 0x50, 0x46, 0x56, 0x92, 0x21, 0xb1, 0xcf, 0x29, 0x71, 0xed, 0xcf, 0x55, 0xf4, 0x18, 0x77, 0x97, 0x52, 0x04, 0x90, 0xe2, 0x09, 0x13, 0xa6, 0x85, 0x6b, 0x98, 0x49, 0x97, 0x2a, 0xcc, 0xdc, 0xb0, 0x5c, 0x07, 0x48, 0xd5, 0x65, 0x59, 0xc5, 0x94, 0x9e, 0xf6, 0xb8, 0x07, 0x06, 0xeb, 0xee, 0x97, 0x85, 0x50, 0x41, 0xfc, 0x43, 0xe2, 0x35, 0xb1, 0x59, 0x54, 0x15, 0x29, 0x96, 0x7f, 0x5d, 0xee, 0x19, 0x80, 0xdb, 0x73, 0x1d, 0xf7, 0x5d, 0x22, 0x40, 0xb1, 0xba, 0x93, 0x9e, 0x2e, 0xd1, 0x7e, 0xaa, 0x6c, 0xd3, 0xad, 0xca, 0xe7, 0xab, 0x98, 0xd6, 0x63, 0x1a, 0xf7, 0x30, 0x65, 0x2e, 0x30, 0x01, 0x36, 0x23, 0x9f, 0x74, 0x8d, 0x0a, 0x99, 0xaf, 0x5e, 0xa5, 0xba, 0x36, 0xff, 0x00, 0x44, 0x51, 0x0f, 0x15, 0xea, 0xb3, 0x3b, 0xde, 0x21, 0xa6, 0xf1, 0x69, 0x9f, 0xd9, 0x6e, 0xc1, 0x3c, 0xbd, 0xd6, 0xcd, 0xb1, 0xba, 0xb0, 0xe0, 0xd1, 0x00, 0x98, 0x17, 0x5c, 0xd8, 0x60, 0xfa, 0x8c, 0x2e, 0x35, 0x5c, 0x3c, 0xce, 0x02, 0x00, 0x31, 0x07, 0xaf, 0x65, 0xa3, 0xa9, 0x38, 0xc9, 0xfc, 0x45, 0x6d, 0x39, 0x04, 0xf0, 0xcf, 0x73, 0xe9, 0x53, 0x73, 0x9c, 0x65, 0xcd, 0x04, 0x92, 0xb4, 0xbc, 0xc9, 0x00, 0xce, 0x8a, 0xdd, 0x9a, 0x2d, 0xa8, 0xe9, 0xfa, 0xa2, 0xc0, 0x00, 0x41, 0x0a, 0x49, 0x68, 0x04, 0x12, 0x66, 0x39, 0x73, 0x5f, 0x3d, 0xf0, 0xa3, 0xa4, 0x62, 0x40, 0xd4, 0xc7, 0xd8, 0xaf, 0xa2, 0x74, 0x92, 0x34, 0xfd, 0xd0, 0x64, 0xec, 0x07, 0x65, 0x31, 0x06, 0x6e, 0x3e, 0xaa, 0xb3, 0x4c, 0x01, 0xe9, 0x6d, 0x50, 0x5b, 0x04, 0xf3, 0x48, 0x43, 0x79, 0xcf, 0x25, 0x4d, 0x69, 0x26, 0x47, 0x96, 0x15, 0xe4, 0x73, 0x88, 0xde, 0x39, 0xa2, 0xfd, 0x57, 0xa9, 0xf1, 0x49, 0x23, 0x88, 0x82, 0x07, 0xe5, 0x1f, 0xaa, 0xf1, 0x72, 0xe6, 0x6d, 0xb7, 0x16, 0xba, 0x9c, 0xa4, 0x36, 0xe7, 0xea, 0xaa, 0xd9, 0x40, 0x30, 0x7d, 0x53, 0x6c, 0xc1, 0x16, 0x80, 0x9e, 0x63, 0xf9, 0x66, 0x12, 0xda, 0x2f, 0xee, 0xa9, 0xb1, 0x17, 0x3a, 0x6a, 0x81, 0xa4, 0x81, 0xbc, 0x68, 0xbe, 0x7b, 0xe2, 0xf9, 0x03, 0x0a, 0x41, 0x23, 0xcc, 0xe9, 0xfa, 0x2f, 0x7a, 0x85, 0xe9, 0xb0, 0x90, 0x4f, 0x97, 0x9f, 0x45, 0xa0, 0x89, 0xb0, 0x30, 0x35, 0x4c, 0xc5, 0xf2, 0x8e, 0xca, 0x49, 0x96, 0x7f, 0x02, 0xa6, 0xc1, 0xd4, 0xa0, 0xb4, 0x4d, 0x81, 0x95, 0x99, 0x6c, 0x98, 0x13, 0x3b, 0xa4, 0x67, 0x40, 0x05, 0xb5, 0xba, 0x79, 0x83, 0x84, 0x66, 0xbe, 0x9c, 0xb5, 0x5e, 0x77, 0x0e, 0xa8, 0xc6, 0x1c, 0x51, 0xa8, 0xf8, 0x9c, 0x41, 0x68, 0x9e, 0x64, 0x05, 0xe8, 0x30, 0x02, 0xe7, 0x1b, 0x44, 0x98, 0x51, 0x5a, 0x3c, 0x27, 0xc8, 0x04, 0x16, 0xfe, 0xeb, 0xc8, 0x71, 0x1f, 0xfc, 0x35, 0x04, 0x5b, 0xc3, 0x82, 0x00, 0xea, 0x34, 0x57, 0x56, 0x83, 0x30, 0xd8, 0xac, 0x21, 0xc3, 0xb4, 0x35, 0xce, 0x0f, 0x9c, 0xa2, 0x26, 0xdd, 0xa0, 0xea, 0xbc, 0xfa, 0x3f, 0xec, 0xe1, 0x8b, 0x8e, 0x18, 0x54, 0x35, 0x01, 0x96, 0x82, 0x2a, 0x13, 0xc8, 0xf4, 0x5e, 0xaf, 0x1b, 0x73, 0x86, 0x15, 0xa1, 0xc2, 0x29, 0x97, 0xb7, 0xc4, 0x03, 0xfb, 0x4f, 0x25, 0xc7, 0x58, 0x50, 0xff, 0x00, 0x51, 0xa7, 0xf8, 0x11, 0x4f, 0x3b, 0xa8, 0x3c, 0x11, 0x4c, 0x74, 0x10, 0x39, 0x4a, 0xc3, 0x0c, 0xd6, 0xe4, 0xc1, 0xbe, 0x9b, 0xe8, 0x32, 0xa3, 0x9e, 0x24, 0xd3, 0x07, 0xc4, 0x27, 0x52, 0x1d, 0xeb, 0x25, 0x68, 0xfa, 0x0c, 0x77, 0x0a, 0xc5, 0xd4, 0xca, 0x0d, 0x4f, 0x11, 0xe4, 0x3e, 0xf2, 0x21, 0xfb, 0x7a, 0x2a, 0xad, 0x0e, 0xc7, 0x62, 0x7c, 0x61, 0x40, 0x40, 0x6e, 0x51, 0x5a, 0x4c, 0x36, 0x35, 0x1d, 0x77, 0x55, 0x85, 0xa2, 0xda, 0x98, 0x9c, 0x2b, 0x6b, 0x11, 0x54, 0xb3, 0x0c, 0x08, 0x24, 0x11, 0x7c, 0xc5, 0x73, 0xe3, 0x1c, 0xc7, 0x61, 0x5e, 0xea, 0x7e, 0x03, 0x26, 0xa5, 0xa4, 0x93, 0x50, 0x43, 0x8d, 0xe7, 0x6d, 0x2d, 0xd1, 0x7a, 0x98, 0x12, 0x1d, 0x8c, 0xc6, 0x91, 0x10, 0xe7, 0xb7, 0xff, 0x00, 0xd4, 0x7e, 0xeb, 0x8f, 0x1e, 0xf6, 0xbf, 0x15, 0x8c, 0x23, 0xc0, 0x6e, 0x56, 0x86, 0xb8, 0xd4, 0x24, 0x93, 0x69, 0xf2, 0x8e, 0x77, 0x51, 0x87, 0xa9, 0x87, 0xa9, 0x5f, 0x07, 0xe3, 0xb9, 0x8e, 0x6f, 0xe1, 0x44, 0x78, 0x90, 0x46, 0x60, 0x77, 0x95, 0x15, 0x7c, 0x11, 0x41, 0xc0, 0x11, 0xf8, 0x53, 0x89, 0x01, 0xb1, 0x00, 0x75, 0x03, 0x98, 0x99, 0x5b, 0xd7, 0xcb, 0xf8, 0x8a, 0xa3, 0x87, 0x16, 0xb4, 0x9a, 0x0e, 0x2e, 0xf0, 0xfe, 0x59, 0x3a, 0x7a, 0xea, 0xa2, 0x80, 0x6f, 0x8b, 0x86, 0x75, 0x1a, 0xb8, 0x76, 0x99, 0x24, 0x78, 0x6d, 0x39, 0x88, 0x89, 0xbf, 0x23, 0x01, 0x61, 0xe2, 0x31, 0xc3, 0x0d, 0x51, 0xbe, 0x05, 0x3c, 0xd5, 0x9a, 0xed, 0x25, 0xe2, 0xfa, 0x39, 0xdc, 0xba, 0x42, 0xdc, 0x35, 0x8d, 0xc3, 0xf1, 0x1a, 0xde, 0x11, 0x7b, 0xbc, 0x57, 0x89, 0x1b, 0xb4, 0xc5, 0xbb, 0x5d, 0x4d, 0x07, 0xb4, 0x63, 0x68, 0x45, 0x4c, 0x30, 0x66, 0x47, 0x82, 0xda, 0x2c, 0x20, 0x68, 0x22, 0x79, 0x95, 0x4d, 0xa6, 0xca, 0x7c, 0x27, 0x04, 0xf6, 0xb0, 0x66, 0x0f, 0x65, 0xc0, 0x33, 0x24, 0xf3, 0xe5, 0x74, 0xe7, 0x0c, 0xd6, 0x63, 0x1b, 0x8d, 0x8f, 0x18, 0xbc, 0x87, 0x03, 0xf3, 0x3a, 0x48, 0x88, 0x58, 0xd4, 0x73, 0x5b, 0x89, 0xc5, 0x67, 0x75, 0x16, 0xb4, 0xb1, 0xb9, 0x3c, 0x5a, 0x79, 0x8e, 0x50, 0x07, 0x94, 0x19, 0xd5, 0x7a, 0x98, 0x46, 0x3d, 0xbc, 0x25, 0x8c, 0x69, 0x71, 0xa9, 0xe1, 0x16, 0x87, 0x69, 0x26, 0x2d, 0x6d, 0x87, 0x25, 0xe6, 0xbd, 0xd4, 0x4f, 0x0e, 0xa3, 0x4a, 0x88, 0x68, 0xc6, 0x02, 0xdb, 0x4c, 0x38, 0x38, 0x1b, 0xf5, 0x8b, 0xae, 0xec, 0x1b, 0x43, 0x31, 0x98, 0xe0, 0x1a, 0xd6, 0xb8, 0x54, 0x05, 0xb6, 0xe8, 0x17, 0x3e, 0x2b, 0x27, 0xe3, 0xb1, 0x81, 0xcd, 0x68, 0x73, 0xb0, 0xe3, 0x2f, 0x97, 0x53, 0x75, 0x4d, 0xa6, 0xda, 0x54, 0xb8, 0x61, 0x65, 0x38, 0x71, 0x7b, 0x6e, 0x07, 0x36, 0x93, 0x73, 0xca, 0x57, 0x03, 0x29, 0xe5, 0xc3, 0xba, 0x95, 0x4a, 0xcd, 0x6d, 0x52, 0xf8, 0xc8, 0x28, 0x02, 0xfb, 0x9d, 0x47, 0x45, 0xea, 0xf1, 0x51, 0x51, 0xfc, 0x3e, 0xa3, 0x00, 0x24, 0x8c, 0xa5, 0xcd, 0x1b, 0xb4, 0x1d, 0xfa, 0xc2, 0xe5, 0x75, 0x5c, 0x35, 0x5e, 0x21, 0x81, 0xfc, 0x36, 0x52, 0x41, 0x70, 0x25, 0xa2, 0x2d, 0x97, 0xef, 0x75, 0x38, 0x16, 0x66, 0x7f, 0x0f, 0x6b, 0x9a, 0x32, 0xb5, 0x95, 0x09, 0x07, 0x40, 0x67, 0xfc, 0x26, 0x69, 0x65, 0xab, 0x04, 0x40, 0x38, 0xd2, 0x45, 0xb4, 0x96, 0xff, 0x00, 0x94, 0x1a, 0x61, 0xbc, 0x2f, 0x16, 0xe2, 0xd3, 0x99, 0xd5, 0x1e, 0x74, 0x32, 0x4c, 0xff, 0x00, 0x39, 0x2d, 0x99, 0x56, 0x96, 0x1f, 0x15, 0x5c, 0xe2, 0x89, 0x1e, 0x23, 0x5b, 0x90, 0xb9, 0xa4, 0xe6, 0x04, 0x7c, 0xbd, 0xe5, 0x6b, 0xc1, 0x48, 0x3c, 0x39, 0xa5, 0x80, 0x81, 0x99, 0xd0, 0x0c, 0x8b, 0xe6, 0x2b, 0xcb, 0xaf, 0x55, 0xcf, 0xc2, 0xbd, 0xa3, 0x30, 0x77, 0x89, 0x98, 0xd0, 0x65, 0x3b, 0x80, 0x1d, 0x77, 0x13, 0xac, 0xc5, 0xfb, 0x2e, 0xd6, 0x51, 0x2f, 0x1c, 0x45, 0xd4, 0xd8, 0x3c, 0x47, 0x59, 0x8e, 0x80, 0x26, 0x5a, 0x20, 0xf7, 0x17, 0x58, 0xd1, 0xfe, 0xa3, 0xb0, 0x94, 0xd8, 0xf7, 0x39, 0xd4, 0x9c, 0x09, 0x63, 0x69, 0x65, 0xcb, 0x03, 0x9e, 0xe2, 0x6d, 0xf5, 0x58, 0x55, 0xaa, 0xe7, 0x61, 0xe9, 0x97, 0x12, 0x1d, 0xe2, 0x07, 0x3e, 0x8b, 0x29, 0x7c, 0x84, 0x93, 0x24, 0x9f, 0xe4, 0xf4, 0x5e, 0xce, 0x22, 0x98, 0xad, 0x8c, 0xa0, 0xca, 0x85, 0xc5, 0x82, 0x5e, 0x1b, 0x06, 0x1d, 0x1a, 0x13, 0x78, 0xf4, 0x5d, 0x84, 0x82, 0x64, 0xfa, 0x24, 0xd2, 0x2f, 0x2a, 0xda, 0xe3, 0x96, 0x0c, 0x14, 0xb5, 0xb9, 0x68, 0x29, 0x91, 0x60, 0x04, 0x0f, 0xd1, 0x63, 0x54, 0x81, 0x56, 0x88, 0x13, 0x39, 0x8f, 0xff, 0x00, 0xa9, 0x5b, 0x99, 0x26, 0x22, 0x00, 0xe8, 0xb1, 0x74, 0x8c, 0x4d, 0xe6, 0x4d, 0x39, 0xd1, 0x6b, 0xa8, 0x37, 0x09, 0x13, 0x06, 0x01, 0xba, 0x2d, 0x60, 0x57, 0xce, 0xfc, 0x49, 0xc3, 0x70, 0x55, 0xf0, 0x78, 0x8c, 0x7e, 0x25, 0xef, 0xc3, 0xd6, 0xc1, 0x66, 0xad, 0x4f, 0x15, 0x48, 0xe5, 0x7d, 0x28, 0x68, 0x36, 0x22, 0xe4, 0x7f, 0xe2, 0x64, 0x10, 0x57, 0x8d, 0xf0, 0x36, 0x26, 0xb7, 0x0e, 0x70, 0xc3, 0x71, 0xfa, 0x46, 0x96, 0x3f, 0x8a, 0x3c, 0xe2, 0x99, 0x8a, 0x70, 0x05, 0xb5, 0xcb, 0xa3, 0xca, 0x62, 0x03, 0x1e, 0x06, 0x8d, 0xd2, 0x3d, 0x63, 0xed, 0x70, 0xd0, 0xea, 0x50, 0x4c, 0x9c, 0xc6, 0x34, 0xe6, 0x77, 0x0b, 0x56, 0x86, 0xc0, 0x9f, 0xb2, 0x71, 0x71, 0xac, 0x2c, 0xb1, 0x44, 0xbb, 0x0e, 0xf1, 0x26, 0x03, 0x48, 0xd1, 0x6c, 0x72, 0x90, 0x01, 0x26, 0x3b, 0x2c, 0x71, 0x22, 0x19, 0x4c, 0x88, 0x30, 0xf1, 0xd3, 0x43, 0x3a, 0xad, 0x01, 0xbc, 0x1f, 0xd3, 0xf4, 0x4b, 0x34, 0x12, 0x60, 0xc7, 0x75, 0x26, 0x1c, 0xd2, 0xe8, 0x58, 0x19, 0xfc, 0x5b, 0x00, 0x06, 0xf4, 0xdd, 0xf7, 0x0b, 0xa2, 0x0d, 0xe4, 0x0b, 0x73, 0xee, 0xb0, 0x68, 0x1f, 0x8b, 0xa8, 0x64, 0xc9, 0x6b, 0x66, 0x0f, 0x7d, 0x7d, 0xd6, 0xc3, 0x5b, 0x4c, 0x72, 0xd1, 0x53, 0x00, 0x93, 0x32, 0xaf, 0x2d, 0xad, 0xa0, 0xd7, 0xd5, 0x63, 0x85, 0x20, 0x52, 0x36, 0xfc, 0xce, 0x3f, 0xff, 0x00, 0xa2, 0xb5, 0x2e, 0x9d, 0x0f, 0x2d, 0xc2, 0xcf, 0x07, 0x6c, 0x35, 0x19, 0x92, 0x4b, 0x1b, 0xf6, 0x5a, 0xe6, 0xb8, 0x93, 0xae, 0x8a, 0x9c, 0x2c, 0x23, 0x41, 0xc8, 0xa6, 0x1d, 0x20, 0x08, 0x3e, 0xca, 0x5e, 0xe8, 0x99, 0xd8, 0x72, 0x5e, 0x07, 0xc2, 0x44, 0x0f, 0xc4, 0x91, 0x04, 0xf9, 0x47, 0x2e, 0x6b, 0xe8, 0x4c, 0x48, 0x98, 0x95, 0x5a, 0xb4, 0x98, 0xb7, 0x75, 0x96, 0xb3, 0x04, 0xfa, 0xaa, 0x6e, 0xb7, 0x02, 0xda, 0x74, 0x57, 0xb4, 0x8d, 0x54, 0xfe, 0x76, 0x92, 0x35, 0x5a, 0x35, 0xad, 0x02, 0x44, 0x85, 0xa0, 0x99, 0x19, 0x81, 0x4f, 0x30, 0xe4, 0xbb, 0xfe, 0x27, 0xff, 0x00, 0xb9, 0xc0, 0x93, 0xe5, 0x1f, 0x75, 0xe3, 0x0c, 0xc2, 0x2d, 0x6e, 0xc9, 0x18, 0xdc, 0xdf, 0xb2, 0x04, 0x89, 0x37, 0x4d, 0xae, 0xcc, 0x34, 0x3f, 0xba, 0x6c, 0x8b, 0xed, 0x08, 0x8f, 0x30, 0x86, 0x9e, 0xea, 0x8c, 0x8d, 0x40, 0x20, 0xaa, 0x02, 0x41, 0x24, 0x1e, 0x51, 0x2b, 0xe7, 0x3e, 0x2f, 0x10, 0xdc, 0x36, 0xe2, 0x5d, 0xfa, 0x2f, 0x77, 0x0f, 0xfe, 0xdb, 0x00, 0x36, 0x81, 0xb6, 0x96, 0x5a, 0x44, 0x75, 0x1c, 0xd0, 0x4e, 0x52, 0x20, 0xb7, 0xf6, 0x49, 0xd1, 0x20, 0x88, 0x23, 0xba, 0x0b, 0x8c, 0xda, 0x24, 0xa5, 0x26, 0x75, 0x28, 0x83, 0x9a, 0x6d, 0xd6, 0xea, 0x5c, 0xd8, 0x37, 0x36, 0x49, 0xcd, 0x25, 0xbe, 0x58, 0xe9, 0x2b, 0x8f, 0x07, 0x85, 0xf0, 0x98, 0xf1, 0x51, 0xcd, 0x79, 0x7d, 0x43, 0x50, 0x9c, 0xba, 0x6d, 0x61, 0xd9, 0x76, 0x4d, 0x8d, 0xcc, 0xa9, 0x7f, 0x99, 0xb7, 0x1d, 0x14, 0xe5, 0x64, 0x16, 0x80, 0x32, 0x9b, 0x65, 0x84, 0xf2, 0xf9, 0x9b, 0x2d, 0xbb, 0x47, 0x94, 0x8d, 0xb6, 0x46, 0x46, 0x35, 0xf9, 0xc3, 0x5a, 0x1f, 0x1a, 0xe5, 0xbf, 0x75, 0x15, 0xe8, 0x9a, 0xb8, 0x77, 0x31, 0xaf, 0xf0, 0xdd, 0xfd, 0xd0, 0x0f, 0xbf, 0x35, 0x86, 0x1b, 0x00, 0x59, 0x5c, 0x55, 0xaa, 0xe6, 0x39, 0xcd, 0x04, 0x35, 0xac, 0x66, 0x50, 0x24, 0xeb, 0x6d, 0x4d, 0x97, 0x5d, 0x3a, 0x2d, 0x6d, 0x4c, 0xd9, 0x1b, 0x9c, 0xcd, 0xf2, 0x80, 0x4c, 0x88, 0xd5, 0x32, 0xd6, 0x86, 0x9a, 0x60, 0x0c, 0xa4, 0x41, 0x6c, 0x58, 0xf5, 0x28, 0x7d, 0x36, 0xbd, 0xd9, 0xaa, 0x30, 0x39, 0xcd, 0xd2, 0x40, 0x30, 0x39, 0x0f, 0x74, 0x35, 0x9a, 0x3b, 0xf3, 0x06, 0xe5, 0x06, 0xdb, 0x2c, 0xdb, 0x46, 0x98, 0x73, 0x89, 0xa6, 0xd9, 0x26, 0x4d, 0xb5, 0xee, 0x55, 0x80, 0xd6, 0xc8, 0x00, 0x01, 0xff, 0x00, 0x85, 0xaf, 0xfa, 0xac, 0xdf, 0x42, 0x9e, 0x71, 0x54, 0xb1, 0xa5, 0xe3, 0x7c, 0xa1, 0x62, 0x30, 0x74, 0xce, 0x20, 0x54, 0x01, 0xb9, 0x43, 0x0b, 0x3c, 0x3c, 0x83, 0x75, 0x58, 0x9c, 0x28, 0xaa, 0xca, 0x4d, 0xf2, 0xb5, 0xb4, 0xde, 0x1e, 0x06, 0x5e, 0x5b, 0x11, 0xfa, 0xad, 0x29, 0x53, 0xa5, 0x4c, 0x7f, 0x4d, 0xad, 0x64, 0xeb, 0x95, 0xba, 0xcf, 0x34, 0x31, 0x94, 0x9a, 0xe7, 0x3a, 0x9b, 0x1a, 0xd7, 0x9b, 0x18, 0x11, 0xd5, 0x21, 0x46, 0x90, 0x2e, 0x8a, 0x6c, 0xf3, 0x19, 0x36, 0xdf, 0xf6, 0x4c, 0x30, 0x09, 0x04, 0x08, 0x9b, 0xc5, 0x86, 0x91, 0xa2, 0x96, 0xd2, 0x6b, 0x41, 0x6b, 0x5a, 0x00, 0xda, 0x04, 0x5f, 0xf9, 0xb2, 0xd2, 0x00, 0x81, 0x0d, 0x23, 0x69, 0x16, 0x17, 0x9b, 0x7b, 0x20, 0x86, 0xb8, 0xb5, 0xcf, 0x19, 0x88, 0xd0, 0xf2, 0x41, 0x68, 0x73, 0x81, 0x7b, 0x43, 0xb9, 0x48, 0x94, 0xc8, 0x86, 0x98, 0x1a, 0xf4, 0x40, 0x6b, 0x4d, 0xcb, 0x4c, 0xc1, 0xf7, 0x3f, 0x44, 0x38, 0x0c, 0xb6, 0x17, 0xf4, 0x52, 0x43, 0x49, 0x10, 0x20, 0xf4, 0x1a, 0xff, 0x00, 0x2e, 0x98, 0x10, 0x2c, 0x04, 0x68, 0x3a, 0x6a, 0x88, 0x0e, 0x71, 0x24, 0x19, 0xd3, 0x41, 0xa7, 0xdd, 0x00, 0x10, 0x22, 0x04, 0xea, 0x3f, 0x9d, 0x93, 0x1e, 0x56, 0x12, 0xd0, 0x35, 0x06, 0xd6, 0x8b, 0xf4, 0x52, 0x5b, 0xa1, 0x00, 0x5b, 0x4e, 0x81, 0x51, 0x12, 0x44, 0x6e, 0x39, 0x6f, 0xcd, 0x41, 0x27, 0x48, 0x03, 0xd3, 0x55, 0xcd, 0x5f, 0x0a, 0xea, 0x95, 0x73, 0xd3, 0xaf, 0x52, 0x99, 0x70, 0x00, 0xc1, 0x04, 0x10, 0x39, 0x4e, 0x9b, 0x2d, 0xe8, 0x51, 0x14, 0x28, 0x8a, 0x54, 0xc1, 0x2d, 0x17, 0x12, 0x77, 0x56, 0x45, 0x8d, 0xaf, 0xd8, 0x6f, 0xd5, 0x33, 0x17, 0xb4, 0x13, 0x00, 0x5b, 0x4b, 0xaa, 0x2d, 0x8d, 0x23, 0x29, 0x9f, 0xaf, 0xf0, 0x26, 0x26, 0x64, 0x49, 0x33, 0xae, 0x89, 0x00, 0x76, 0x69, 0xd6, 0x7f, 0x85, 0x10, 0x49, 0x83, 0x65, 0x40, 0x16, 0xce, 0x52, 0x21, 0x4f, 0x52, 0x6d, 0xba, 0x64, 0x5a, 0x01, 0x3e, 0xe8, 0x81, 0x01, 0xa2, 0x64, 0xa8, 0xa9, 0x45, 0xb5, 0x1a, 0x27, 0x30, 0x2c, 0x32, 0x08, 0x2a, 0x4e, 0x1e, 0x66, 0x6a, 0x54, 0xb9, 0x9f, 0x99, 0x55, 0x2a, 0x2d, 0xa6, 0xf2, 0xf0, 0x5e, 0xe3, 0x11, 0x73, 0x2b, 0x57, 0x11, 0x10, 0x04, 0x25, 0x63, 0x12, 0x99, 0x9b, 0x40, 0xfd, 0x57, 0xcf, 0xfc, 0x5f, 0x85, 0x76, 0x23, 0x87, 0xb2, 0x88, 0x15, 0x4d, 0x3a, 0xf8, 0xba, 0x2c, 0xac, 0x18, 0xe3, 0xf2, 0x97, 0xb6, 0x6d, 0xc8, 0x81, 0x07, 0xa2, 0xef, 0xe2, 0x1c, 0x1b, 0x0b, 0xc4, 0x70, 0x8e, 0xc3, 0x62, 0x83, 0xaa, 0x51, 0x24, 0x16, 0x8f, 0x10, 0x88, 0x20, 0xc8, 0x70, 0x33, 0x20, 0xce, 0x87, 0x5e, 0x4b, 0xbe, 0x9d, 0x36, 0xd3, 0xa7, 0x90, 0x4e, 0x51, 0xfc, 0xd5, 0x36, 0x89, 0x24, 0x40, 0x80, 0x9b, 0x8f, 0x96, 0xd3, 0x07, 0xa2, 0x87, 0xb3, 0xc4, 0x61, 0x69, 0x16, 0x22, 0x0d, 0xe1, 0x66, 0x70, 0xed, 0xcd, 0x72, 0xfb, 0xf2, 0x79, 0xff, 0x00, 0x85, 0x2d, 0xc3, 0xb4, 0x46, 0x62, 0xfb, 0x19, 0xbb, 0xdd, 0xfb, 0xad, 0xe7, 0x56, 0x98, 0x03, 0x6b, 0xa9, 0x70, 0x99, 0x00, 0xd8, 0xa1, 0x9e, 0x5b, 0x10, 0x61, 0x4d, 0x6a, 0x2c, 0xaa, 0xe1, 0x9c, 0xbe, 0x45, 0x86, 0x52, 0x44, 0x7b, 0x76, 0x51, 0xf8, 0x56, 0x80, 0x40, 0x35, 0x4c, 0x0d, 0x7c, 0x47, 0x2a, 0xa5, 0x41, 0xad, 0xcc, 0x5a, 0x1d, 0x99, 0xd0, 0x09, 0x2e, 0x9d, 0x3b, 0xaa, 0x6c, 0x9b, 0x81, 0x69, 0x41, 0x96, 0xc4, 0x0b, 0x04, 0x8b, 0x8c, 0xd8, 0x0b, 0xea, 0xb3, 0x75, 0x16, 0x09, 0xf9, 0xee, 0x66, 0x03, 0x88, 0x89, 0xe8, 0x13, 0xf0, 0x69, 0x16, 0xc6, 0x67, 0xff, 0x00, 0xee, 0x79, 0x83, 0xfa, 0x2d, 0x9a, 0x32, 0x36, 0x1a, 0x4e, 0x50, 0x2d, 0xa9, 0x55, 0x30, 0x2c, 0x4c, 0xa0, 0x39, 0xda, 0xca, 0x27, 0x36, 0xba, 0x14, 0x9c, 0x00, 0x0e, 0xd2, 0x23, 0xd6, 0xeb, 0xe7, 0xbe, 0x14, 0xcb, 0x9b, 0x17, 0x00, 0x1f, 0x97, 0x6e, 0xeb, 0xe8, 0xe6, 0x0f, 0x96, 0x23, 0xb2, 0x60, 0xe9, 0x07, 0xe8, 0x80, 0x75, 0x54, 0x22, 0xe4, 0xd8, 0x47, 0x74, 0xc8, 0x68, 0x03, 0xcc, 0x60, 0xd9, 0x0d, 0x00, 0xba, 0x44, 0xfb, 0xab, 0x69, 0x71, 0xb4, 0x88, 0xea, 0xb4, 0xde, 0x0b, 0x84, 0x1d, 0x3a, 0x22, 0x5b, 0xcf, 0xe8, 0xbb, 0xfe, 0x24, 0x3f, 0xfc, 0xc4, 0x99, 0x36, 0x68, 0xfb, 0x95, 0xe3, 0x09, 0x70, 0xd4, 0x94, 0xe0, 0x81, 0x06, 0x4c, 0x74, 0x48, 0xf9, 0xa2, 0x41, 0x4e, 0xf1, 0x12, 0x3d, 0x95, 0x10, 0x34, 0x04, 0x66, 0x4a, 0x44, 0x8b, 0x02, 0x46, 0xa8, 0x99, 0x00, 0x01, 0x1b, 0x59, 0x50, 0xe8, 0x48, 0x8d, 0xc9, 0x5f, 0x39, 0xf1, 0x84, 0x9a, 0x58, 0x61, 0x70, 0x4b, 0x8f, 0xe8, 0xbd, 0xec, 0x39, 0x22, 0x8b, 0x01, 0x06, 0xcd, 0x8e, 0xeb, 0x57, 0x6b, 0x62, 0x08, 0xe4, 0x98, 0x13, 0xc8, 0x7a, 0x29, 0x70, 0xb9, 0x93, 0xaf, 0x44, 0xb4, 0x22, 0x35, 0x4a, 0xee, 0x07, 0x5d, 0x53, 0x3a, 0x68, 0x3f, 0x75, 0x26, 0xf2, 0x36, 0xe5, 0xfe, 0x52, 0x6c, 0xc1, 0x04, 0x6d, 0x3f, 0xc2, 0x90, 0x6d, 0xac, 0x40, 0x1a, 0x94, 0x66, 0xb8, 0xd1, 0x0e, 0x24, 0x91, 0x23, 0x4f, 0xaa, 0x44, 0x09, 0x9b, 0x49, 0x54, 0x34, 0x8d, 0x40, 0x69, 0xf7, 0x53, 0x06, 0x01, 0xe7, 0xce, 0xca, 0x87, 0xcd, 0xca, 0x34, 0x4e, 0x4c, 0xe5, 0x32, 0x41, 0xd6, 0x6f, 0xb2, 0x33, 0x58, 0x6c, 0x79, 0x46, 0x8a, 0x64, 0x92, 0x64, 0x1b, 0x04, 0xe2, 0xd1, 0x05, 0x0e, 0xd8, 0x01, 0xbc, 0xd9, 0x49, 0x71, 0xde, 0xe3, 0x61, 0xcd, 0x27, 0x1b, 0xc0, 0x00, 0x29, 0x92, 0x4c, 0x59, 0x5b, 0x5a, 0x44, 0x81, 0x02, 0x2e, 0x93, 0xa6, 0x60, 0x8b, 0x12, 0x94, 0x01, 0x60, 0xd1, 0xaa, 0x6e, 0xb9, 0x10, 0x00, 0xb4, 0xf7, 0xba, 0x4d, 0xcb, 0x9b, 0x51, 0xaa, 0xa3, 0x19, 0x89, 0xda, 0x6d, 0x74, 0xb3, 0x5e, 0x24, 0x44, 0xa4, 0x6f, 0x20, 0x93, 0x24, 0xc0, 0x40, 0x30, 0xe8, 0x1d, 0xb4, 0x44, 0x91, 0x24, 0xc0, 0x03, 0x44, 0xdc, 0x0c, 0x0d, 0x0c, 0xfd, 0x12, 0x11, 0x12, 0x62, 0x07, 0x54, 0xa4, 0x4c, 0x09, 0x00, 0xe8, 0x9c, 0x5f, 0x30, 0xd8, 0x73, 0x4a, 0x33, 0x41, 0x20, 0xa6, 0xd3, 0x98, 0xdc, 0x81, 0x06, 0x07, 0x52, 0x99, 0x22, 0xfa, 0xdb, 0x45, 0x33, 0x96, 0xe0, 0x14, 0x98, 0x49, 0x93, 0x78, 0x56, 0xe3, 0xb0, 0x26, 0x54, 0x99, 0x1a, 0x93, 0xee, 0x83, 0x24, 0x18, 0xf5, 0x43, 0xac, 0x04, 0x1b, 0x8d, 0x4f, 0x20, 0x86, 0x91, 0x00, 0x99, 0x9d, 0x2c, 0x45, 0xd3, 0x12, 0x76, 0x3e, 0xa9, 0x09, 0x93, 0x2a, 0xb3, 0x02, 0x60, 0x01, 0x3f, 0x75, 0x4c, 0x96, 0xb0, 0x9b, 0x88, 0x4a, 0xf2, 0x09, 0x17, 0xd7, 0xba, 0x26, 0x6f, 0x02, 0x05, 0xb9, 0x7b, 0xa1, 0xe4, 0xb5, 0xf7, 0x84, 0xf3, 0x4d, 0xac, 0x1b, 0xcd, 0x17, 0xd4, 0x13, 0x3b, 0x19, 0x4e, 0x04, 0x19, 0x90, 0x90, 0xcb, 0x16, 0x20, 0xfa, 0x85, 0x4d, 0xb5, 0x84, 0x1d, 0xc6, 0x89, 0x9e, 0x65, 0xbf, 0x55, 0x31, 0x30, 0x40, 0xbf, 0xb2, 0x6d, 0x1f, 0xdd, 0x36, 0x3c, 0xd2, 0x9c, 0xc0, 0x00, 0x0d, 0xe0, 0xed, 0xb2, 0x46, 0x03, 0xa1, 0xda, 0x47, 0x7f, 0x44, 0x07, 0x12, 0xe8, 0xca, 0x61, 0x5f, 0x94, 0xeb, 0x2a, 0xb4, 0xb6, 0x93, 0x64, 0x9e, 0xe6, 0x37, 0xe6, 0x70, 0x64, 0xd8, 0x4c, 0x99, 0x3c, 0xad, 0xd3, 0xd5, 0x48, 0x2d, 0x97, 0x07, 0x38, 0x0b, 0xc0, 0xfe, 0x73, 0x56, 0xe0, 0xc7, 0x40, 0x31, 0xac, 0x58, 0x6a, 0x7f, 0x90, 0xa4, 0xd3, 0xef, 0xda, 0x34, 0x50, 0x59, 0x0e, 0xb9, 0x09, 0x86, 0x01, 0x12, 0x06, 0xb2, 0x9b, 0xcb, 0x5a, 0x41, 0x25, 0xa0, 0xc4, 0xea, 0x07, 0xf3, 0x65, 0x0e, 0x75, 0x33, 0x12, 0xf6, 0x5f, 0xff, 0x00, 0x20, 0xaa, 0x99, 0x04, 0x4b, 0x4b, 0x6d, 0xac, 0x19, 0x84, 0xe4, 0x65, 0x98, 0xd6, 0xea, 0x1f, 0x11, 0x20, 0x6a, 0xb3, 0x0d, 0x21, 0xa4, 0xd9, 0x2f, 0x11, 0x99, 0x8c, 0xbd, 0xa0, 0x44, 0x6c, 0x90, 0xab, 0x4a, 0x0f, 0x99, 0xb3, 0xee, 0xa8, 0x38, 0x3a, 0x00, 0x20, 0xb4, 0xf2, 0x54, 0x49, 0x1a, 0x10, 0x98, 0xbe, 0xae, 0x1e, 0xc9, 0x6f, 0x62, 0x3e, 0xc8, 0x27, 0xca, 0xe2, 0x63, 0x45, 0xf3, 0xdf, 0x08, 0x3b, 0xff, 0x00, 0xaa, 0xeb, 0x93, 0xe9, 0x3f, 0xba, 0xfa, 0x30, 0x44, 0xdc, 0x1b, 0xaa, 0x0f, 0xca, 0x4c, 0x7a, 0xa4, 0x63, 0x52, 0x6d, 0xd9, 0x13, 0x94, 0x58, 0xea, 0x8c, 0xc0, 0x92, 0x0c, 0x18, 0x11, 0xae, 0x88, 0xcd, 0x0e, 0x68, 0x25, 0x53, 0x5f, 0x7d, 0x44, 0xaa, 0xf1, 0x1c, 0x1a, 0x6e, 0x2c, 0xa3, 0xc7, 0x3c, 0x9c, 0xbd, 0xbf, 0x88, 0xff, 0x00, 0xee, 0x2e, 0x81, 0xf9, 0x42, 0xf1, 0xc5, 0xa2, 0x44, 0x03, 0xa2, 0x66, 0xd6, 0x00, 0x9f, 0x54, 0x9c, 0x41, 0x00, 0x13, 0x09, 0xc0, 0xdb, 0x43, 0xd5, 0x4b, 0x7e, 0x6b, 0x12, 0x0e, 0xc5, 0x38, 0x0e, 0x04, 0x13, 0x74, 0xcc, 0x81, 0x36, 0xe5, 0xdd, 0x19, 0xa6, 0x44, 0x08, 0xdd, 0x7c, 0xd7, 0xc5, 0xe6, 0x19, 0x86, 0xb1, 0x37, 0x74, 0x74, 0xd1, 0x7b, 0xf8, 0x67, 0x1f, 0x0d, 0x84, 0x8b, 0xe5, 0xfd, 0x16, 0xc4, 0x96, 0xea, 0x20, 0x1d, 0xe5, 0x01, 0xc0, 0x82, 0x0c, 0xdf, 0x42, 0x91, 0x89, 0x12, 0x4a, 0x1d, 0x61, 0x63, 0x7d, 0x8c, 0x29, 0x36, 0x90, 0x43, 0xa7, 0xbc, 0xab, 0x13, 0x96, 0x26, 0xca, 0x1c, 0x20, 0x0b, 0x9b, 0xa4, 0x41, 0x22, 0x08, 0x24, 0x2f, 0x3e, 0x86, 0x36, 0x19, 0x59, 0xd5, 0xdc, 0x06, 0x4a, 0xbe, 0x1b, 0x60, 0x4c, 0xc7, 0xfc, 0xaf, 0x40, 0x10, 0xe0, 0x6d, 0x72, 0x79, 0x2e, 0x7c, 0x63, 0x31, 0x07, 0x2b, 0xb0, 0xf5, 0x45, 0x31, 0x07, 0x30, 0x2d, 0x9c, 0xdf, 0xb2, 0xf3, 0x5b, 0x89, 0xc6, 0x0e, 0x1e, 0xec, 0x5b, 0xab, 0xb7, 0x29, 0xa6, 0x1c, 0x18, 0x69, 0x9b, 0x41, 0xe7, 0xbf, 0xb2, 0xef, 0xc3, 0xe3, 0xa9, 0xd5, 0xaa, 0xda, 0x4d, 0xce, 0xd7, 0xba, 0x48, 0xcc, 0xd8, 0x0e, 0x22, 0xe6, 0x11, 0x4b, 0x88, 0x51, 0x75, 0x56, 0xb4, 0x87, 0x65, 0x26, 0x1b, 0x51, 0xcc, 0xf2, 0x92, 0x79, 0x2d, 0xf1, 0x55, 0x99, 0x87, 0xa6, 0xea, 0xb5, 0x4c, 0x00, 0x63, 0x9c, 0x9f, 0xe0, 0x5c, 0x18, 0x9e, 0x22, 0x0e, 0x16, 0xbb, 0xa9, 0x66, 0x65, 0x76, 0x37, 0x30, 0x0f, 0x17, 0x21, 0x6f, 0x5b, 0x19, 0x4d, 0x8f, 0x2d, 0x21, 0xef, 0x73, 0x5a, 0x1c, 0xef, 0x0d, 0xa5, 0xd1, 0x3c, 0xe3, 0x44, 0xea, 0x63, 0x69, 0x53, 0xc9, 0x95, 0xae, 0xa8, 0xe7, 0xb7, 0x33, 0x5b, 0x4d, 0xa4, 0x98, 0x9f, 0xf2, 0xa1, 0xfc, 0x4b, 0x0c, 0x29, 0x52, 0xa8, 0x33, 0xb8, 0x55, 0x9c, 0x80, 0x30, 0x93, 0x6d, 0xbb, 0xeb, 0x65, 0x8e, 0x23, 0x88, 0x67, 0xc3, 0x3d, 0xd8, 0x76, 0x39, 0x8f, 0x15, 0x1b, 0x4d, 0xc1, 0xed, 0xca, 0x44, 0x91, 0xfb, 0xad, 0x1f, 0x8e, 0xa4, 0xc1, 0x5f, 0xc4, 0x73, 0xdc, 0xc6, 0xd5, 0xc9, 0x19, 0x09, 0x83, 0x06, 0xc2, 0x3b, 0x27, 0x4f, 0x1d, 0x41, 0xfe, 0x2b, 0x7c, 0xd4, 0xcb, 0x1b, 0x98, 0x87, 0xb4, 0xb6, 0x07, 0x34, 0xe8, 0xe3, 0xa9, 0xd4, 0x77, 0x86, 0x1b, 0x56, 0x9b, 0x88, 0x2e, 0x06, 0xa5, 0x32, 0xd0, 0xe0, 0x39, 0x1d, 0xd2, 0xa5, 0xc4, 0x68, 0xd6, 0x7b, 0x1a, 0xd1, 0x55, 0xbe, 0x24, 0x86, 0x39, 0xec, 0x20, 0x3a, 0x3a, 0xa2, 0x9f, 0x10, 0xa3, 0x55, 0xec, 0x68, 0xf1, 0x06, 0x63, 0xe5, 0x71, 0x64, 0x07, 0x1e, 0x87, 0x45, 0xb6, 0x27, 0x10, 0xcc, 0x3d, 0x3c, 0xf5, 0x5d, 0x69, 0xca, 0x00, 0xb9, 0x71, 0xe4, 0xd1, 0xb9, 0x5c, 0x95, 0x38, 0x8d, 0x3f, 0xc3, 0xd7, 0x7d, 0x36, 0x3d, 0xb5, 0x69, 0xb4, 0xbb, 0x23, 0x9a, 0x43, 0xa7, 0xaf, 0xd0, 0xab, 0xc1, 0xd6, 0xa8, 0xec, 0x00, 0xab, 0x50, 0xb9, 0xd5, 0x32, 0xcf, 0x99, 0xb1, 0x79, 0xd8, 0x2c, 0xa8, 0x71, 0x56, 0x7e, 0x16, 0x9d, 0x5a, 0xac, 0x7e, 0x6a, 0x93, 0x94, 0x06, 0x1f, 0x37, 0xa7, 0x65, 0xa3, 0xf1, 0xcc, 0xa7, 0x98, 0x0a, 0x55, 0x9c, 0x1a, 0x3c, 0xe4, 0x36, 0xcd, 0x91, 0x32, 0x67, 0xba, 0xda, 0x96, 0x2a, 0x95, 0x5a, 0x8e, 0x60, 0x71, 0x96, 0xb5, 0xae, 0xbe, 0xe0, 0xf2, 0x2b, 0x9d, 0x9c, 0x49, 0x8f, 0xc9, 0xe0, 0xd3, 0xab, 0x57, 0x30, 0x2f, 0x01, 0xa0, 0x7c, 0xa0, 0xea, 0x64, 0xf3, 0x5d, 0x74, 0x2b, 0xb6, 0xad, 0x21, 0x56, 0x9b, 0x89, 0x6b, 0xb6, 0x22, 0x14, 0xe2, 0x71, 0x22, 0x83, 0x58, 0x0b, 0x1e, 0xf7, 0x39, 0xd9, 0x43, 0x5b, 0xad, 0xfb, 0xae, 0x67, 0xe3, 0x03, 0xc5, 0x2c, 0xa2, 0xad, 0x37, 0x0a, 0xb9, 0x1c, 0xc2, 0xd1, 0x20, 0xd8, 0xc1, 0x9d, 0xae, 0x96, 0x07, 0x19, 0x2e, 0x14, 0xeb, 0xe7, 0x35, 0x1f, 0x52, 0xa0, 0x69, 0x22, 0x01, 0xca, 0xed, 0x3e, 0xab, 0x47, 0xf1, 0x0a, 0x6d, 0xcd, 0x90, 0x39, 0xee, 0x6b, 0xfc, 0x36, 0xe5, 0x03, 0xcc, 0x75, 0x23, 0x9c, 0x5f, 0x54, 0xbf, 0xd4, 0x29, 0x52, 0xa6, 0xf7, 0xd4, 0x65, 0x56, 0xb9, 0x8e, 0x6b, 0x5e, 0xcc, 0xbe, 0x60, 0x4e, 0xfc, 0xa2, 0xc9, 0xb7, 0x88, 0xb3, 0x25, 0x53, 0x52, 0x95, 0x5a, 0x4e, 0xa7, 0x4f, 0x3b, 0x85, 0x41, 0x12, 0xd3, 0xb8, 0x8e, 0xa0, 0xa6, 0xde, 0x25, 0x45, 0xcc, 0xa0, 0x5b, 0x9b, 0xfa, 0x8d, 0x71, 0x16, 0x98, 0xca, 0x26, 0xea, 0x69, 0xf1, 0x10, 0xe7, 0xd3, 0x6b, 0xe8, 0x55, 0xa6, 0xda, 0xa3, 0xc8, 0xe2, 0x07, 0x9a, 0xd6, 0xb6, 0xa1, 0x4b, 0x78, 0x9d, 0x37, 0x32, 0xa3, 0xc5, 0x3a, 0xa1, 0x8c, 0x31, 0x9b, 0x29, 0x19, 0x8c, 0x9b, 0x0f, 0x6d, 0x56, 0xd8, 0x7c, 0x50, 0xa9, 0x59, 0xf4, 0xaa, 0x52, 0x7d, 0x2a, 0x80, 0x66, 0x01, 0xe7, 0x51, 0xa6, 0xa1, 0x74, 0x66, 0x02, 0xe6, 0x67, 0x51, 0xfb, 0xaf, 0x3d, 0xbc, 0x4f, 0x35, 0x26, 0x57, 0x75, 0x0a, 0xa3, 0x0e, 0x4e, 0x5f, 0x12, 0x5b, 0x6b, 0xc5, 0xc4, 0xcc, 0x27, 0x4f, 0x14, 0xe6, 0xd4, 0xc6, 0x12, 0x1f, 0x50, 0x0a, 0x8d, 0x6b, 0x5a, 0xd1, 0xac, 0xb4, 0x18, 0xed, 0x75, 0x18, 0x8e, 0x23, 0x55, 0xb4, 0x31, 0x31, 0x41, 0xec, 0xab, 0x49, 0x99, 0x88, 0x96, 0x9b, 0x77, 0xfd, 0x16, 0xc3, 0x16, 0xfc, 0x94, 0x5a, 0x28, 0x3d, 0xf5, 0x9c, 0xcc, 0xc5, 0xa1, 0xc0, 0x46, 0xda, 0xa4, 0xee, 0x22, 0xd7, 0x78, 0x42, 0x9d, 0x32, 0xfa, 0xaf, 0x2e, 0x19, 0x33, 0x01, 0x04, 0x6b, 0x27, 0x45, 0xd5, 0x42, 0xb1, 0xad, 0x48, 0xe6, 0x63, 0x98, 0xe0, 0xe2, 0xd7, 0x07, 0x08, 0xd2, 0xda, 0xee, 0x17, 0x3d, 0x7e, 0x20, 0xea, 0x46, 0xab, 0xce, 0x1d, 0xde, 0x0b, 0x0e, 0x57, 0x38, 0xba, 0x0f, 0x70, 0x37, 0x09, 0xd4, 0xe2, 0x2e, 0x18, 0x9a, 0x94, 0xa8, 0xe1, 0xea, 0x56, 0x75, 0x36, 0x87, 0x12, 0x08, 0x10, 0x08, 0x40, 0xe2, 0x1e, 0x23, 0x28, 0x7e, 0x1e, 0x8b, 0xaa, 0x3e, 0xa8, 0x2e, 0x0d, 0x04, 0x00, 0x00, 0xe7, 0xea, 0x08, 0x47, 0x0f, 0xaa, 0xea, 0xd5, 0xb1, 0x82, 0xa0, 0x73, 0x4b, 0x5e, 0x00, 0x69, 0x33, 0x16, 0xff, 0x00, 0x95, 0xda, 0x49, 0x22, 0xd1, 0x1c, 0x95, 0x35, 0xd3, 0xb5, 0xd7, 0x3e, 0x29, 0xa1, 0xf5, 0x68, 0x87, 0x34, 0x10, 0x5c, 0x6c, 0x5a, 0x0c, 0x8c, 0xa5, 0x68, 0x28, 0x61, 0xc1, 0x24, 0xd0, 0xa5, 0x7d, 0x3c, 0x81, 0x48, 0xa6, 0xca, 0x58, 0xaf, 0x23, 0x00, 0x19, 0x36, 0x1d, 0x56, 0xf3, 0xb0, 0x94, 0x0e, 0x44, 0x13, 0x1d, 0x53, 0x93, 0x06, 0xd6, 0x5c, 0xac, 0xa3, 0x4a, 0xa5, 0x4a, 0xc5, 0xed, 0x69, 0x70, 0x74, 0x02, 0x5a, 0x0e, 0xca, 0xbf, 0x0f, 0x42, 0x49, 0x34, 0x69, 0xed, 0x3e, 0x44, 0x60, 0xc0, 0xf0, 0x00, 0x61, 0x00, 0x07, 0x38, 0x46, 0x9b, 0x95, 0xb8, 0x8b, 0x80, 0x6f, 0xba, 0xac, 0xc6, 0xd1, 0xf7, 0x5e, 0x1f, 0xc5, 0x9c, 0x17, 0x0f, 0xc7, 0x30, 0x14, 0xd9, 0x8a, 0x75, 0x46, 0xb7, 0x0e, 0xf3, 0x59, 0xb9, 0x0c, 0x1c, 0xc1, 0x8e, 0x68, 0xbe, 0xb2, 0x26, 0x76, 0x20, 0x8e, 0x52, 0x17, 0x83, 0x80, 0xf8, 0x8a, 0x87, 0x0b, 0xa7, 0x8b, 0xc1, 0x7c, 0x46, 0x18, 0x38, 0x86, 0x0c, 0x0c, 0xa5, 0xac, 0x19, 0xb1, 0x8c, 0x27, 0xca, 0xf6, 0x37, 0xfb, 0x8e, 0x84, 0x58, 0x03, 0xa2, 0xf5, 0x3e, 0x1f, 0xa7, 0xc4, 0x1d, 0x87, 0x76, 0x37, 0x8a, 0x86, 0xd1, 0xad, 0x88, 0xaa, 0xd7, 0xd3, 0xc3, 0x80, 0x08, 0xc3, 0xb2, 0x6c, 0x24, 0x09, 0x24, 0xcc, 0xbb, 0xda, 0xd0, 0xbe, 0x91, 0xaf, 0x11, 0xbc, 0x00, 0x37, 0xd0, 0x74, 0xe8, 0x8c, 0xcd, 0x37, 0x9d, 0x39, 0xa0, 0x39, 0xb2, 0x67, 0x4d, 0x97, 0x3d, 0x40, 0xd7, 0xe2, 0xa9, 0x87, 0x34, 0x39, 0xb9, 0x1d, 0x12, 0x3a, 0xb7, 0xfc, 0xad, 0x7c, 0x3a, 0x72, 0x26, 0x9b, 0x3f, 0xf5, 0x0a, 0x29, 0xb4, 0x37, 0x15, 0x54, 0x34, 0x08, 0x2d, 0x61, 0xb5, 0xa6, 0xee, 0x5b, 0x98, 0x6c, 0x73, 0x16, 0x37, 0x52, 0x44, 0x91, 0xe5, 0xfa, 0xa5, 0x98, 0x0d, 0x40, 0x1b, 0x73, 0x5c, 0xd8, 0x76, 0x35, 0xd4, 0xdc, 0x72, 0x83, 0x0e, 0x70, 0x92, 0xd1, 0xfd, 0xca, 0x9d, 0x4c, 0x10, 0xe9, 0xa6, 0xdd, 0x35, 0xf7, 0xfd, 0xd4, 0x60, 0xa7, 0xf0, 0xd4, 0x62, 0x27, 0x23, 0x67, 0xad, 0x82, 0xd8, 0x4d, 0xe4, 0x58, 0x2a, 0x69, 0xb5, 0x80, 0xf6, 0x4d, 0xad, 0x82, 0x6e, 0x0a, 0x97, 0x47, 0x98, 0x0b, 0xdb, 0xf5, 0x5f, 0x3d, 0xf0, 0xb1, 0x19, 0xb1, 0x50, 0xd3, 0x3e, 0x55, 0xf4, 0x12, 0x08, 0x99, 0x83, 0x64, 0x8b, 0xc4, 0xc4, 0xdb, 0xb4, 0x21, 0xaf, 0xe6, 0x44, 0x6c, 0x93, 0x9d, 0x61, 0x71, 0xf7, 0x41, 0x71, 0x81, 0xe5, 0x4b, 0x3c, 0x9b, 0x94, 0xc3, 0x8e, 0x82, 0x08, 0xe8, 0xac, 0xc9, 0x20, 0x80, 0x7d, 0x51, 0x91, 0xdd, 0x57, 0xd0, 0xfc, 0x47, 0xff, 0x00, 0x71, 0x74, 0x7f, 0x68, 0xfb, 0x95, 0xe4, 0x11, 0x6d, 0x6f, 0x0a, 0x0e, 0x6e, 0x42, 0x13, 0x04, 0x47, 0x98, 0x1f, 0x74, 0x03, 0x2d, 0x23, 0x50, 0x7d, 0x13, 0x33, 0x6e, 0x40, 0x29, 0x0e, 0x12, 0x63, 0x64, 0xec, 0x46, 0xb0, 0x06, 0xe8, 0x26, 0xcb, 0xe7, 0x3e, 0x2e, 0x10, 0xcc, 0x30, 0x98, 0x92, 0x4f, 0xd9, 0x7b, 0xb8, 0x76, 0x8f, 0x0d, 0x91, 0xb3, 0x41, 0xfa, 0x2d, 0x43, 0x81, 0x26, 0x66, 0x3b, 0x24, 0x4e, 0x9c, 0xb9, 0x24, 0xe0, 0x74, 0x09, 0x9b, 0x8d, 0x34, 0xea, 0x80, 0x49, 0x1f, 0x2c, 0xa6, 0x46, 0x51, 0x66, 0xfd, 0x74, 0x52, 0x5c, 0x37, 0x69, 0x8d, 0xd4, 0x12, 0x08, 0x30, 0x1c, 0x00, 0x5e, 0x1d, 0x3c, 0x2d, 0x7a, 0x38, 0x87, 0xe2, 0x9a, 0xd7, 0xb9, 0xec, 0xaf, 0x22, 0x9c, 0x48, 0x2d, 0xbd, 0xfb, 0xaf, 0x66, 0x95, 0x52, 0xea, 0x8f, 0x69, 0x6b, 0xed, 0x94, 0x87, 0x1b, 0x66, 0x9d, 0x96, 0x95, 0x09, 0xca, 0x4b, 0x41, 0x71, 0x33, 0xb7, 0x75, 0xe5, 0x3a, 0x8d, 0x4f, 0xf4, 0x03, 0x48, 0x34, 0x97, 0x9a, 0x7a, 0x19, 0x9d, 0x56, 0xf8, 0xaa, 0x2f, 0x7e, 0x2b, 0x08, 0x5a, 0xdb, 0x37, 0x38, 0x2e, 0xe5, 0x22, 0x17, 0x9d, 0x85, 0xc3, 0xd5, 0xf0, 0xe8, 0x50, 0x7d, 0x2c, 0x49, 0x7b, 0x1c, 0x33, 0x07, 0x3b, 0xc9, 0x6f, 0xcc, 0x39, 0xf6, 0x5e, 0xa7, 0x14, 0xa6, 0x6a, 0xd2, 0x06, 0x93, 0x03, 0xdd, 0x4e, 0xa3, 0x6a, 0x65, 0x27, 0x58, 0x2b, 0x93, 0x1b, 0x52, 0xae, 0x32, 0x85, 0x76, 0xd3, 0xc3, 0xb9, 0xa0, 0x33, 0x24, 0xbc, 0x43, 0x89, 0x27, 0x4e, 0xcb, 0x1c, 0x45, 0x2a, 0xb4, 0x71, 0x75, 0x9e, 0xe6, 0x62, 0x5c, 0x2a, 0xb4, 0x16, 0xf8, 0x26, 0x04, 0x80, 0x06, 0x53, 0x7d, 0x2d, 0xaa, 0x0d, 0x2a, 0xf4, 0x45, 0x1a, 0x6e, 0x65, 0x73, 0x47, 0xc3, 0xb3, 0x68, 0x19, 0x39, 0x89, 0xbc, 0x9d, 0x61, 0x18, 0x2c, 0x3d, 0x56, 0xfe, 0x0c, 0x54, 0xa4, 0xe6, 0x8a, 0x35, 0x2a, 0x4c, 0xc1, 0x80, 0x41, 0x02, 0xfb, 0x9b, 0x85, 0xa6, 0x27, 0x0f, 0x59, 0xef, 0xc6, 0x39, 0xac, 0x0e, 0x0e, 0xa9, 0x48, 0xb4, 0xeb, 0x21, 0xa4, 0x4f, 0xac, 0x05, 0x15, 0x70, 0xf5, 0x73, 0xd5, 0x77, 0x84, 0x0b, 0x4e, 0x29, 0xaf, 0xd3, 0x50, 0x22, 0xeb, 0x6e, 0x23, 0x86, 0xa9, 0x5e, 0xbd, 0x76, 0xb0, 0x18, 0x7d, 0x02, 0xc6, 0xbc, 0xee, 0xe9, 0xfa, 0x2c, 0x28, 0xd0, 0x7d, 0x5a, 0xf4, 0x48, 0xa3, 0x88, 0xcd, 0x4d, 0xae, 0x91, 0x88, 0x79, 0x2d, 0x06, 0x34, 0x1c, 0xc2, 0x30, 0x54, 0xea, 0xb2, 0xad, 0x01, 0x4a, 0x9d, 0x7a, 0x2d, 0x91, 0xe2, 0x53, 0xa8, 0xe9, 0x66, 0x84, 0xdb, 0x7d, 0x61, 0x3c, 0x35, 0x1a, 0xac, 0xab, 0x45, 0xb4, 0x69, 0xd7, 0xa6, 0xf9, 0x9a, 0x94, 0xf3, 0x4d, 0x38, 0xf5, 0xea, 0xbb, 0x38, 0x95, 0x3a, 0x87, 0xc1, 0xa9, 0x45, 0x86, 0xa1, 0xa3, 0x50, 0x3c, 0x80, 0x05, 0xc4, 0x11, 0x6e, 0xb2, 0x7e, 0x8b, 0x9a, 0xb3, 0x6b, 0xe2, 0x5f, 0x5a, 0xb3, 0x69, 0x3a, 0x9b, 0x45, 0x13, 0x49, 0xb9, 0xc1, 0x97, 0x13, 0x7d, 0x3f, 0x55, 0xe8, 0x61, 0x9a, 0xf1, 0x87, 0xa4, 0xd7, 0x32, 0x5c, 0x18, 0xd0, 0x44, 0xef, 0x7b, 0x2f, 0x37, 0x07, 0x46, 0xb8, 0x1c, 0x3c, 0x1a, 0x2e, 0x60, 0xa2, 0x5c, 0x1f, 0x26, 0xda, 0x0b, 0x8e, 0x57, 0xd9, 0x46, 0x2a, 0x8e, 0x22, 0xa5, 0x4c, 0x4b, 0x5f, 0x4e, 0xbd, 0x52, 0xf1, 0x14, 0xf2, 0xbf, 0x2b, 0x22, 0xdc, 0xae, 0x7d, 0x65, 0x4e, 0x35, 0x95, 0xa9, 0xd2, 0xc2, 0x3a, 0x9b, 0x43, 0x2b, 0x39, 0x9f, 0x87, 0x73, 0x5d, 0x02, 0x01, 0xb4, 0xfb, 0x8f, 0xe6, 0xab, 0x6c, 0x6e, 0x1c, 0x1a, 0x94, 0xda, 0xdc, 0x3b, 0xdd, 0x49, 0x94, 0xf2, 0xb6, 0xa5, 0x37, 0xe5, 0x73, 0x4f, 0x2d, 0x74, 0xbf, 0x25, 0xbe, 0x16, 0xa5, 0x5a, 0x2d, 0xc3, 0xd1, 0xc4, 0x02, 0xe7, 0xb8, 0x1c, 0xce, 0x24, 0x18, 0x8b, 0x8e, 0xfb, 0x04, 0xf8, 0x9d, 0x0f, 0x1e, 0x9d, 0x30, 0x70, 0xe2, 0xbb, 0x43, 0xae, 0xd9, 0x87, 0x8e, 0xad, 0x32, 0xb9, 0x29, 0xe0, 0xf1, 0x19, 0x69, 0x97, 0x35, 0xe6, 0x9b, 0x6b, 0x8a, 0x8d, 0x63, 0xdd, 0x98, 0x86, 0x8d, 0x64, 0xf7, 0x57, 0xf8, 0x4a, 0xdf, 0x84, 0x90, 0xd1, 0xe3, 0x53, 0xac, 0x6b, 0x53, 0x97, 0x6b, 0xe6, 0x3e, 0xc2, 0x2c, 0xa6, 0xa6, 0x05, 0xec, 0xc2, 0xe1, 0x32, 0x35, 0xd5, 0x0d, 0x22, 0x4b, 0xda, 0xd7, 0x65, 0x2e, 0xcd, 0xa8, 0x07, 0x9a, 0x4c, 0xc0, 0xd6, 0x2c, 0x76, 0x5a, 0x02, 0x94, 0xd4, 0x61, 0xca, 0x5d, 0x2e, 0x2d, 0x6d, 0xee, 0x4c, 0x83, 0x79, 0x5b, 0xf1, 0x1c, 0x25, 0x4a, 0xd5, 0xe9, 0x3e, 0x98, 0x01, 0xa4, 0xe4, 0xab, 0x07, 0xf2, 0x98, 0xfd, 0x02, 0xca, 0x9e, 0x0a, 0xbb, 0x31, 0x18, 0xb7, 0x03, 0x1e, 0x47, 0x36, 0x85, 0xfe, 0x5c, 0xc4, 0x93, 0xf5, 0x8f, 0x45, 0x95, 0x2c, 0x35, 0x7f, 0x17, 0x08, 0xf1, 0x85, 0x20, 0xb1, 0xc4, 0x3a, 0x6a, 0x87, 0x13, 0x22, 0x24, 0x0d, 0x3e, 0xdf, 0xaa, 0xdb, 0xf0, 0x55, 0x1d, 0xc2, 0x7f, 0x0f, 0x27, 0x3e, 0x62, 0xe0, 0xd2, 0x45, 0xfc, 0xc4, 0xed, 0x69, 0x88, 0xec, 0xab, 0x0f, 0x45, 0xd4, 0x1f, 0x57, 0x11, 0xf8, 0x56, 0xd1, 0xcb, 0x4a, 0xc0, 0xbe, 0x4b, 0x8e, 0xa6, 0xf3, 0xcd, 0x76, 0xd3, 0x71, 0xa9, 0x45, 0xb5, 0x08, 0x23, 0x33, 0x73, 0x38, 0x6b, 0x12, 0x07, 0xeb, 0x2b, 0xc8, 0xc2, 0xfe, 0x2b, 0x13, 0xc2, 0x69, 0x61, 0xc5, 0x21, 0xe1, 0xbc, 0x47, 0x88, 0x5d, 0x30, 0xd9, 0x9d, 0x05, 0xd7, 0x46, 0x23, 0x07, 0x88, 0x9c, 0x49, 0xa7, 0x24, 0x54, 0xaa, 0xd7, 0x06, 0x87, 0x19, 0x2c, 0x0d, 0x02, 0x2f, 0xd9, 0x66, 0xdc, 0x0d, 0x52, 0xec, 0x4e, 0x4c, 0x3b, 0x29, 0x32, 0xad, 0x2c, 0xa1, 0xb9, 0xa4, 0x83, 0x3b, 0xcf, 0xa2, 0x75, 0x70, 0xb5, 0x6a, 0x54, 0xa5, 0x55, 0xf8, 0x76, 0x55, 0x70, 0xa5, 0x91, 0xd4, 0xf3, 0x96, 0x99, 0x1b, 0xcf, 0x24, 0xc6, 0x0d, 0xed, 0xa0, 0xd0, 0xec, 0x3e, 0x1e, 0xb0, 0x2e, 0x25, 0xd4, 0xae, 0x05, 0xcf, 0x3d, 0x67, 0x9f, 0x55, 0xd7, 0xc3, 0x28, 0xd4, 0xa3, 0x87, 0x73, 0x1e, 0x63, 0xce, 0x4b, 0x5a, 0x49, 0x76, 0x46, 0x9d, 0xa7, 0x70, 0xb8, 0x31, 0x3c, 0x3e, 0xbd, 0x6a, 0x78, 0x8a, 0x66, 0x8d, 0x27, 0xd4, 0x79, 0x25, 0xb5, 0x9e, 0xe3, 0x60, 0x74, 0xb6, 0xd1, 0xa2, 0xef, 0xc3, 0xd1, 0xaa, 0xcc, 0x45, 0x67, 0xd4, 0x0d, 0xfe, 0xa3, 0x5a, 0x03, 0x66, 0x62, 0x01, 0xdd, 0x73, 0x61, 0xf0, 0x78, 0x8c, 0x35, 0x3c, 0x35, 0x56, 0xb1, 0x95, 0x2a, 0x32, 0x9e, 0x47, 0x30, 0xb8, 0x00, 0x64, 0xcc, 0xcf, 0x65, 0xd7, 0xc3, 0xe9, 0x55, 0x65, 0x6c, 0x4d, 0x4c, 0x40, 0x6e, 0x6a, 0xaf, 0x0e, 0x00, 0x19, 0xd0, 0x2e, 0xd7, 0x16, 0xc1, 0x0d, 0x1e, 0x6d, 0x11, 0x78, 0x04, 0xeb, 0xbf, 0x55, 0xcf, 0x89, 0xa8, 0xc6, 0x54, 0xa0, 0xe7, 0xb8, 0x34, 0x87, 0x9b, 0x93, 0xff, 0x00, 0x89, 0x5a, 0x7e, 0x23, 0x0e, 0x1d, 0x26, 0xbd, 0x23, 0xff, 0x00, 0xe4, 0xa1, 0xb5, 0x29, 0xd5, 0xc5, 0x83, 0x48, 0x87, 0x8c, 0x91, 0x22, 0xfb, 0xae, 0x89, 0xe9, 0x64, 0xd9, 0x69, 0x3b, 0x72, 0x55, 0x7e, 0x56, 0xb2, 0xe4, 0xa7, 0x5a, 0x9b, 0x2b, 0x55, 0xce, 0xf6, 0xb5, 0xc6, 0xa0, 0x30, 0x4c, 0x7e, 0x50, 0xad, 0xd8, 0x8a, 0x10, 0x08, 0xad, 0x4e, 0xf1, 0x37, 0xd1, 0x3c, 0x1d, 0xf0, 0xe1, 0xc3, 0x2c, 0x17, 0x38, 0xdb, 0x4d, 0x4a, 0xd0, 0xeb, 0x62, 0x99, 0x27, 0x2c, 0xf2, 0xb2, 0xe1, 0xe2, 0x98, 0x96, 0x61, 0xb8, 0x76, 0x2a, 0xb6, 0x21, 0xf9, 0x29, 0x53, 0xa4, 0xe7, 0x3d, 0xdc, 0x80, 0xfd, 0x75, 0x5f, 0x9e, 0x63, 0xf0, 0xf8, 0xce, 0x30, 0x4f, 0xc5, 0x4d, 0x86, 0x62, 0xf0, 0xaf, 0xf1, 0x30, 0x18, 0x1a, 0x80, 0x43, 0xa8, 0xb4, 0x99, 0x0e, 0xb4, 0xe6, 0x70, 0x24, 0x8d, 0x22, 0xc6, 0xeb, 0xef, 0x30, 0x3c, 0x4b, 0x0d, 0xc4, 0xb0, 0x58, 0x4c, 0x5e, 0x0a, 0xab, 0x5c, 0xca, 0xe5, 0xaf, 0x67, 0x30, 0x09, 0x9d, 0x36, 0x3c, 0xc4, 0xfd, 0x57, 0xa5, 0x2e, 0xd0, 0x01, 0x16, 0x33, 0xfa, 0xa6, 0x08, 0x0d, 0x93, 0xbd, 0xbb, 0x20, 0xba, 0x6d, 0x06, 0x07, 0x45, 0x85, 0x62, 0xd6, 0xe2, 0x29, 0xb9, 0xc5, 0xc1, 0xb9, 0x1d, 0x27, 0x91, 0x96, 0x8f, 0xe7, 0x64, 0xc6, 0x26, 0x8e, 0xa5, 0xce, 0x31, 0xd3, 0x54, 0x50, 0x78, 0xa9, 0x89, 0xa8, 0xe6, 0xce, 0x52, 0xd6, 0x01, 0xee, 0x7f, 0x75, 0xb8, 0xf3, 0x6c, 0x67, 0x55, 0xa0, 0xcd, 0x06, 0x20, 0x05, 0x19, 0x64, 0xc4, 0x5f, 0x52, 0xb9, 0x28, 0x55, 0x63, 0x58, 0xe6, 0xbd, 0xae, 0x92, 0xe7, 0x73, 0xfe, 0xe5, 0x46, 0xbd, 0x32, 0xd8, 0x19, 0xae, 0x6d, 0xe5, 0x3b, 0x23, 0x08, 0x03, 0x70, 0xd4, 0xa7, 0x50, 0xd1, 0x16, 0x88, 0x5b, 0x6d, 0x63, 0x74, 0x8c, 0xed, 0x12, 0x35, 0x4c, 0x5c, 0x18, 0x8e, 0xd0, 0x87, 0xb0, 0x90, 0x60, 0x91, 0xa0, 0x5f, 0x3b, 0xf0, 0xa5, 0x32, 0x4e, 0x24, 0x36, 0x3f, 0x2d, 0xe7, 0xbf, 0xec, 0xbd, 0xe0, 0xdb, 0x5d, 0x4b, 0x9a, 0x43, 0xa4, 0x83, 0xc9, 0x4b, 0x8f, 0x2f, 0xb2, 0x82, 0x4c, 0x92, 0xd0, 0x65, 0x5d, 0xcf, 0x3e, 0xb7, 0x4c, 0x32, 0x34, 0xb8, 0x3a, 0x74, 0x5a, 0x01, 0x6d, 0x3b, 0xdd, 0x68, 0x4b, 0x6c, 0x32, 0xdd, 0x54, 0x1e, 0x4b, 0xdc, 0xf8, 0x8e, 0xfc, 0x48, 0x89, 0xd4, 0x0f, 0xb9, 0x5e, 0x43, 0xad, 0xab, 0x49, 0x8d, 0x2e, 0x93, 0x4c, 0x88, 0xeb, 0x08, 0x75, 0x85, 0x89, 0x9e, 0xe9, 0x0d, 0x2e, 0x44, 0x6e, 0x99, 0x70, 0x06, 0xd2, 0x42, 0x89, 0x8d, 0x37, 0x45, 0x86, 0xb2, 0x67, 0xd1, 0x00, 0x1c, 0xa4, 0x8d, 0x17, 0xcd, 0xfc, 0x61, 0x31, 0x85, 0x27, 0x40, 0x48, 0xfb, 0x2f, 0xa2, 0xa3, 0x3e, 0x0b, 0x23, 0xfb, 0x47, 0xd9, 0x57, 0xe6, 0x04, 0x13, 0x08, 0x22, 0xd2, 0x37, 0x37, 0x49, 0xc4, 0x81, 0xe5, 0x9d, 0x51, 0xca, 0x35, 0xde, 0xca, 0xb5, 0x3b, 0x24, 0x1b, 0x03, 0xaa, 0x64, 0x65, 0x31, 0x06, 0x08, 0xe6, 0xa3, 0xf2, 0x91, 0x24, 0x4a, 0xbc, 0xa6, 0x66, 0xc3, 0x73, 0x7d, 0x12, 0x2d, 0x04, 0x48, 0x02, 0xc5, 0x48, 0x91, 0x04, 0x13, 0x61, 0xf6, 0x4a, 0x20, 0xdb, 0x4e, 0x66, 0x34, 0x4c, 0x4c, 0x00, 0x67, 0x99, 0x84, 0xcb, 0x9a, 0x44, 0x5c, 0xdf, 0x91, 0xd5, 0x66, 0x62, 0xe7, 0xd3, 0x5d, 0x02, 0x57, 0x37, 0x3a, 0x73, 0x82, 0x60, 0x2a, 0x2d, 0x01, 0xa4, 0xea, 0x63, 0x4f, 0xe0, 0x52, 0x3c, 0xbe, 0x67, 0x46, 0x5b, 0x49, 0x20, 0x5b, 0x6f, 0xd1, 0x36, 0x39, 0xae, 0x61, 0x23, 0x29, 0xb5, 0xa2, 0x0d, 0xf9, 0x59, 0x37, 0x46, 0x58, 0x6c, 0x68, 0x2e, 0x15, 0x00, 0x08, 0xbc, 0xdd, 0x4e, 0x5b, 0x10, 0x24, 0xca, 0xa2, 0x2d, 0xb5, 0xcc, 0xef, 0x64, 0xc3, 0x4c, 0x93, 0x02, 0xfa, 0xef, 0x64, 0x01, 0x73, 0x33, 0x27, 0x92, 0xab, 0x4d, 0xc7, 0x6e, 0x8a, 0x5c, 0x32, 0x89, 0x37, 0xd7, 0xf8, 0x14, 0x81, 0xac, 0x83, 0x7f, 0xe4, 0xa6, 0x00, 0x2e, 0x12, 0x2e, 0x3d, 0x2c, 0x14, 0xe4, 0x02, 0x73, 0x42, 0xcd, 0xd8, 0x7a, 0x47, 0x10, 0xca, 0xc5, 0x93, 0x51, 0xb1, 0x04, 0x99, 0x8f, 0x45, 0x65, 0xbb, 0x09, 0x20, 0x88, 0xd4, 0x84, 0x65, 0xb9, 0x3c, 0x84, 0x02, 0x4c, 0xff, 0x00, 0x34, 0x4a, 0x44, 0x9d, 0x63, 0x6b, 0x2a, 0x68, 0xb4, 0x81, 0x0a, 0x43, 0x4c, 0x92, 0x00, 0xee, 0x90, 0x69, 0x71, 0x04, 0xc5, 0xb9, 0xdf, 0xdb, 0xaa, 0xa0, 0x01, 0x17, 0x80, 0x7a, 0x23, 0x2d, 0xad, 0x7b, 0xc1, 0x53, 0xb1, 0x06, 0x37, 0xdb, 0x42, 0xa8, 0x10, 0xef, 0x30, 0xd3, 0x71, 0xa6, 0xe8, 0x68, 0x19, 0x40, 0x37, 0x16, 0xdc, 0xa4, 0x58, 0x37, 0x88, 0x33, 0xb6, 0xaa, 0x80, 0x81, 0x78, 0x82, 0x23, 0xd9, 0x26, 0x53, 0x0c, 0x68, 0x6b, 0x18, 0xd6, 0xb4, 0x18, 0x00, 0x72, 0xe4, 0x99, 0x02, 0x62, 0xf0, 0x3a, 0xea, 0xa4, 0xb0, 0x90, 0x46, 0x56, 0xc1, 0xf7, 0x49, 0xcc, 0x30, 0x09, 0x69, 0x3b, 0x41, 0xd9, 0x33, 0x77, 0x99, 0x1b, 0x29, 0x92, 0x1b, 0x13, 0x73, 0xd4, 0xaa, 0xef, 0x96, 0x07, 0x22, 0x80, 0x49, 0xbd, 0xc9, 0xdc, 0x91, 0xba, 0x77, 0x0d, 0xb4, 0x6a, 0x93, 0x84, 0x0e, 0xf7, 0x44, 0x4d, 0xc1, 0xd5, 0x3e, 0x42, 0x24, 0x73, 0xe6, 0x82, 0x74, 0xd3, 0x94, 0x4a, 0x6c, 0x33, 0xca, 0x7b, 0x05, 0x46, 0x64, 0x48, 0x11, 0xfc, 0xe4, 0x93, 0x5d, 0xce, 0x7d, 0x50, 0x66, 0xe0, 0x02, 0x99, 0x75, 0x84, 0x93, 0xee, 0xa0, 0x00, 0x4c, 0x41, 0xe6, 0x15, 0xe6, 0xf3, 0x5c, 0x08, 0x48, 0x1b, 0xdc, 0xa4, 0x08, 0x9b, 0x02, 0x65, 0x51, 0x91, 0xa4, 0x42, 0xe5, 0xc6, 0xe1, 0xa9, 0x63, 0x30, 0xb5, 0x70, 0xd8, 0xaa, 0x61, 0xf4, 0x2a, 0x02, 0x1c, 0xc3, 0xf9, 0x81, 0x1a, 0x2b, 0x0d, 0x2c, 0xca, 0xd0, 0x03, 0x40, 0x8b, 0x34, 0x5b, 0xb4, 0x72, 0xff, 0x00, 0x85, 0xe5, 0x7c, 0x31, 0xc3, 0xaa, 0xf0, 0xda, 0x18, 0xaa, 0x0f, 0x0d, 0x6d, 0x03, 0x8a, 0xab, 0x57, 0x0e, 0xdd, 0x72, 0xb2, 0x66, 0x09, 0xdb, 0xcc, 0x49, 0x03, 0x61, 0xcd, 0x7b, 0x67, 0x4b, 0x13, 0x13, 0xdf, 0xdd, 0x4c, 0x12, 0x6c, 0x77, 0xe4, 0x91, 0x04, 0x99, 0x24, 0xf6, 0x54, 0xeb, 0xb6, 0xd0, 0x47, 0x6d, 0x92, 0x89, 0x90, 0x4c, 0xf3, 0xb2, 0xa8, 0x00, 0x88, 0x09, 0x89, 0x1a, 0x4d, 0xd4, 0x97, 0x5a, 0x09, 0x20, 0xfd, 0xd1, 0x9c, 0xc6, 0xf3, 0xfe, 0x55, 0x97, 0x48, 0x3d, 0x75, 0x52, 0xd3, 0x94, 0x89, 0x06, 0x0f, 0xe8, 0x99, 0xcb, 0x04, 0x02, 0x7a, 0x24, 0xd8, 0x9e, 0x47, 0xb2, 0xa8, 0x9d, 0x7f, 0x64, 0x46, 0x52, 0x48, 0x84, 0xe4, 0xc4, 0x13, 0x07, 0x50, 0xbe, 0x77, 0xe1, 0x21, 0xe6, 0xc4, 0xb8, 0x38, 0xcf, 0x97, 0xd7, 0xe6, 0x5f, 0x42, 0xe6, 0x5a, 0xf0, 0x56, 0x6f, 0x67, 0x29, 0xf7, 0x59, 0xb9, 0x84, 0xf3, 0x1f, 0xaa, 0x4d, 0x60, 0x2e, 0xb0, 0x3e, 0x8b, 0x63, 0x4c, 0x01, 0xa1, 0x52, 0x05, 0xcc, 0x69, 0xdf, 0x45, 0xa0, 0x17, 0x9b, 0x2b, 0xca, 0x26, 0x44, 0x14, 0x65, 0x3c, 0xca, 0xf6, 0xbe, 0x23, 0x23, 0xfd, 0x48, 0xcf, 0xf6, 0xfe, 0xab, 0xc8, 0x71, 0x1b, 0x13, 0xa2, 0x88, 0x30, 0x08, 0x22, 0x26, 0x50, 0xd3, 0xb9, 0x20, 0xfd, 0x11, 0x6c, 0xc4, 0xda, 0x0a, 0x4f, 0x83, 0xa4, 0xa4, 0x2e, 0x04, 0xe8, 0x10, 0x6f, 0xa6, 0x89, 0x02, 0x60, 0xaf, 0x9d, 0xf8, 0xc5, 0xbf, 0xd2, 0xc2, 0x90, 0x0e, 0xae, 0xfd, 0x17, 0xd0, 0xe1, 0xe7, 0xc1, 0x6d, 0xe3, 0xcb, 0xa2, 0xa7, 0x7c, 0xb0, 0x4a, 0x05, 0xc0, 0x2d, 0x9e, 0x49, 0x82, 0x60, 0x0b, 0xc2, 0x07, 0x96, 0xe4, 0xea, 0xa8, 0x9b, 0x02, 0x62, 0x34, 0x3d, 0x13, 0x81, 0x32, 0x67, 0xee, 0x82, 0xd0, 0x41, 0x91, 0x7e, 0xea, 0x2c, 0x60, 0x01, 0x74, 0x44, 0xcc, 0x9f, 0xa2, 0x1a, 0x40, 0x69, 0x82, 0x04, 0xae, 0x4c, 0x7e, 0x29, 0xd4, 0x5b, 0x49, 0xb4, 0x99, 0x9e, 0xb5, 0x57, 0x64, 0x60, 0x26, 0xc3, 0xa9, 0xe4, 0x21, 0x70, 0xe2, 0xf1, 0x15, 0xc3, 0x31, 0x58, 0x6c, 0x43, 0x69, 0x87, 0x0c, 0x39, 0x7b, 0x5c, 0xcd, 0xf4, 0xd3, 0x92, 0xba, 0xd8, 0xca, 0x94, 0x59, 0x4c, 0x67, 0xc3, 0x53, 0xa6, 0x18, 0xd3, 0x9a, 0xab, 0xae, 0xe2, 0x76, 0x00, 0x19, 0x95, 0x9d, 0x4e, 0x24, 0xff, 0x00, 0x0f, 0x0c, 0xf6, 0x78, 0x74, 0x5b, 0x55, 0xa5, 0xc6, 0xa5, 0x59, 0x2d, 0x91, 0xb4, 0xab, 0xad, 0xc4, 0x2b, 0x32, 0x9e, 0x1c, 0x3b, 0xc1, 0xa4, 0x5e, 0x09, 0x35, 0x09, 0x2e, 0x60, 0x83, 0xd0, 0xda, 0x6c, 0xa2, 0xb6, 0x3d, 0xf4, 0xd9, 0x42, 0x5f, 0x41, 0x95, 0x6a, 0x13, 0xe6, 0x73, 0xf3, 0x30, 0x01, 0xb9, 0x8d, 0x76, 0xdd, 0x48, 0xe2, 0x8f, 0xf0, 0x2a, 0x0f, 0xe9, 0x3a, 0xa3, 0x2a, 0x35, 0x8e, 0x7b, 0x49, 0x2c, 0x6e, 0x62, 0x6f, 0x1a, 0xc6, 0x96, 0x5d, 0x14, 0x4d, 0x4c, 0x7e, 0x1c, 0xb6, 0xad, 0x4a, 0x45, 0x8d, 0x2d, 0x71, 0x75, 0x2d, 0x1e, 0x39, 0x10, 0x6e, 0x34, 0xd5, 0x2e, 0x16, 0xd0, 0x31, 0x15, 0xeb, 0x50, 0x60, 0xa7, 0x86, 0xa9, 0x94, 0x53, 0x03, 0xf3, 0x46, 0xe0, 0x75, 0x5e, 0x96, 0x6b, 0xc1, 0x69, 0xf6, 0x4c, 0x00, 0x6e, 0x09, 0x8d, 0x93, 0x16, 0x1a, 0x1e, 0xe9, 0x88, 0x24, 0xc0, 0xf7, 0x54, 0x34, 0x3f, 0xc8, 0x52, 0x40, 0x93, 0x7b, 0x24, 0x66, 0xf3, 0xaf, 0x74, 0x41, 0x3a, 0x4c, 0xa0, 0x12, 0x09, 0x99, 0x33, 0xac, 0xa7, 0x23, 0x61, 0x64, 0x80, 0xb4, 0x93, 0x30, 0x9b, 0x5c, 0x24, 0x83, 0x6f, 0x44, 0x8b, 0x26, 0xff, 0x00, 0xc2, 0x93, 0x9b, 0x94, 0x98, 0x88, 0x53, 0x68, 0xb6, 0xa5, 0x04, 0x92, 0x6c, 0x7e, 0x88, 0x0e, 0xe4, 0x0a, 0x04, 0x93, 0x00, 0x89, 0x4c, 0xc3, 0x4e, 0xf0, 0x86, 0x69, 0x04, 0xa0, 0xde, 0x49, 0x93, 0x1d, 0x15, 0x58, 0x03, 0x01, 0x20, 0x2d, 0x3a, 0x0d, 0x92, 0x73, 0x41, 0x37, 0xf4, 0x44, 0x01, 0x13, 0xa7, 0x74, 0xa6, 0xc6, 0xd7, 0xd0, 0x26, 0x01, 0x16, 0x24, 0x4a, 0x44, 0x18, 0x04, 0xc5, 0xb7, 0x4d, 0xd1, 0xb9, 0x3e, 0xe9, 0x48, 0xf9, 0x80, 0x3a, 0x24, 0x5a, 0x63, 0xcb, 0x13, 0xbc, 0xa5, 0x00, 0x02, 0x6c, 0x3d, 0x12, 0x91, 0xb6, 0x6e, 0xbd, 0x53, 0xd4, 0x89, 0x36, 0x1d, 0x15, 0x08, 0x76, 0xb1, 0x01, 0x27, 0x01, 0xa4, 0xd9, 0x4c, 0x5a, 0x00, 0x24, 0x2a, 0xd1, 0xb1, 0x6d, 0x52, 0x6b, 0x49, 0xd4, 0x05, 0x5a, 0x0b, 0x0b, 0x25, 0x30, 0x24, 0xc9, 0x4d, 0xa7, 0x96, 0x5e, 0x89, 0x1d, 0x77, 0x91, 0xd1, 0x30, 0xe3, 0x62, 0x05, 0xfa, 0x94, 0x07, 0xf4, 0x1e, 0xc8, 0x93, 0x32, 0x1b, 0xf4, 0x40, 0x6c, 0xea, 0x4f, 0xb2, 0x1d, 0x6d, 0x21, 0x00, 0x82, 0x2f, 0x26, 0x34, 0x4a, 0x48, 0x30, 0x44, 0x6e, 0x82, 0x6f, 0x62, 0x63, 0x4e, 0xff, 0x00, 0xe5, 0x02, 0x60, 0x97, 0x17, 0x75, 0xea, 0x80, 0x40, 0xd2, 0x52, 0x2e, 0x99, 0x00, 0x8f, 0xd9, 0x22, 0xf0, 0xd6, 0xf7, 0xe8, 0xac, 0x3b, 0xc8, 0x48, 0xd9, 0x00, 0xcc, 0x6b, 0x3b, 0xaa, 0x69, 0x1e, 0x6b, 0x05, 0x39, 0x01, 0x74, 0xc5, 0x82, 0x65, 0xa0, 0x6c, 0x7d, 0xd4, 0x90, 0xe0, 0x46, 0x5d, 0xd3, 0xcc, 0x75, 0x70, 0xd3, 0xd1, 0x01, 0xc0, 0x83, 0xe6, 0x4f, 0x30, 0x71, 0xf4, 0xe7, 0xaa, 0xb1, 0xa5, 0xcd, 0x82, 0x6d, 0x83, 0x11, 0xaf, 0x64, 0xcd, 0x9d, 0x7b, 0x5a, 0x3b, 0x2f, 0x9a, 0xf8, 0x46, 0x58, 0x71, 0x9a, 0x4c, 0x33, 0x6b, 0x6f, 0xfb, 0xaf, 0xa5, 0x12, 0x2c, 0x02, 0xa7, 0x09, 0x69, 0x92, 0x01, 0xed, 0xaa, 0xc1, 0xad, 0x05, 0xa6, 0x65, 0x3c, 0xb0, 0x01, 0x00, 0xc6, 0xf0, 0x61, 0x39, 0x9b, 0x09, 0xf7, 0x50, 0x5b, 0x11, 0x1a, 0x1e, 0x8b, 0x56, 0x8c, 0xb7, 0x00, 0x92, 0xac, 0x5e, 0xe2, 0x07, 0x60, 0xab, 0x31, 0xfe, 0xd5, 0xe9, 0xfc, 0x48, 0x72, 0xf1, 0x27, 0x12, 0x24, 0x65, 0xfd, 0x57, 0x8e, 0x4e, 0x84, 0x73, 0xf7, 0x4d, 0xd1, 0x16, 0x81, 0x3d, 0x54, 0x36, 0x27, 0x28, 0x32, 0x50, 0xd3, 0x6d, 0x20, 0x26, 0xe2, 0x5c, 0x2d, 0x00, 0x24, 0x2e, 0x48, 0x07, 0x44, 0x58, 0xc0, 0x22, 0xe3, 0xaa, 0x00, 0x6d, 0xe2, 0x73, 0x44, 0xaf, 0x9d, 0xf8, 0xc2, 0x43, 0x30, 0xa0, 0x81, 0x04, 0xb8, 0xf6, 0xb0, 0x5e, 0xfd, 0x07, 0x45, 0x26, 0x0b, 0x83, 0x02, 0x56, 0xb7, 0x75, 0xed, 0x09, 0x16, 0xcc, 0x41, 0x2a, 0xa0, 0x02, 0x40, 0x9b, 0xea, 0x87, 0x1b, 0x0c, 0xa3, 0xe8, 0x91, 0x3e, 0x53, 0x3a, 0x12, 0xaa, 0xf0, 0x48, 0x22, 0xdc, 0xca, 0x59, 0x84, 0x58, 0x19, 0xfb, 0xa0, 0x3a, 0x09, 0x84, 0xa7, 0x94, 0x4e, 0xe8, 0xb4, 0xc4, 0x02, 0x4e, 0x8b, 0x83, 0x8b, 0x82, 0x19, 0x49, 0xed, 0x96, 0xbe, 0x9d, 0x49, 0x6b, 0xe2, 0x44, 0xc1, 0xf9, 0x86, 0xb0, 0xbc, 0xfa, 0x34, 0xea, 0xe3, 0xb1, 0x18, 0x87, 0x3a, 0xab, 0x5c, 0xd7, 0xd0, 0xf0, 0xfc, 0x46, 0xb3, 0x2b, 0x41, 0x27, 0x6d, 0xcf, 0xb2, 0xeb, 0xff, 0x00, 0x4f, 0xa8, 0xcc, 0x43, 0xaa, 0x52, 0xaa, 0xd8, 0x73, 0x03, 0x1c, 0x5f, 0x4f, 0x31, 0x10, 0x22, 0x47, 0x2e, 0xeb, 0x3a, 0x58, 0x1c, 0x4d, 0x0a, 0x14, 0xe9, 0xd3, 0xaf, 0x4c, 0xe4, 0x69, 0x64, 0x3d, 0x92, 0x0c, 0x99, 0x98, 0x9d, 0x7f, 0x55, 0xa5, 0x2c, 0x05, 0x7a, 0x14, 0xd8, 0xcc, 0x3d, 0x7f, 0x37, 0x98, 0xb8, 0x54, 0x6e, 0x66, 0xbb, 0x31, 0x26, 0x20, 0x10, 0x06, 0xaa, 0x0f, 0x0b, 0x34, 0xe9, 0xd2, 0x2d, 0xae, 0x1b, 0x55, 0x8f, 0x2e, 0xcc, 0x58, 0x48, 0x33, 0xb4, 0x4d, 0x82, 0xd4, 0x60, 0xb1, 0x1e, 0x1b, 0xdc, 0xec, 0x53, 0xbc, 0x62, 0xf1, 0x53, 0x30, 0xf9, 0x2c, 0x34, 0x02, 0x74, 0xe7, 0xd5, 0x5e, 0x07, 0x04, 0x70, 0xef, 0xab, 0x52, 0xa3, 0xd8, 0xea, 0xb5, 0x80, 0x90, 0xc6, 0x40, 0xb6, 0x96, 0xf5, 0x5b, 0x61, 0xa9, 0xf8, 0x34, 0x19, 0x4d, 0xce, 0xce, 0xe0, 0x32, 0xe6, 0xca, 0x07, 0xb0, 0x5a, 0xc1, 0x88, 0x69, 0x26, 0x39, 0x95, 0x6d, 0x02, 0x3b, 0x25, 0xb9, 0x89, 0x4f, 0x7d, 0xe4, 0xa9, 0x6c, 0x89, 0x91, 0x6d, 0xae, 0x99, 0x8d, 0xfe, 0xe9, 0xb4, 0x4f, 0x22, 0x91, 0x81, 0xcc, 0x1e, 0xe9, 0xe6, 0x80, 0x20, 0x08, 0x29, 0x1d, 0x6e, 0x4c, 0x20, 0x38, 0x41, 0x02, 0xc9, 0x87, 0x18, 0xb1, 0x11, 0xbd, 0x94, 0x93, 0xa6, 0x52, 0x7d, 0x94, 0x96, 0xdc, 0x92, 0x6e, 0xa8, 0x8b, 0x09, 0x3f, 0x45, 0x36, 0x6e, 0x9e, 0xb7, 0x4c, 0x69, 0x79, 0x0a, 0x98, 0x6d, 0x61, 0xea, 0x88, 0x04, 0x99, 0xd9, 0x29, 0x17, 0xca, 0x2e, 0x37, 0x41, 0xbe, 0xe5, 0x02, 0x40, 0x20, 0x82, 0x42, 0x00, 0xdc, 0x03, 0x08, 0xca, 0x6c, 0x0d, 0xb9, 0x24, 0xd1, 0x7b, 0xcc, 0xa6, 0x2e, 0xe3, 0xcd, 0x07, 0x2b, 0x44, 0xc9, 0x82, 0xa4, 0xdc, 0x44, 0x02, 0x0e, 0xa8, 0x32, 0x22, 0x20, 0x29, 0xcc, 0x20, 0xcc, 0xc9, 0x55, 0x00, 0xb7, 0xb7, 0x58, 0x4c, 0xc7, 0x21, 0x3d, 0xd6, 0x46, 0x01, 0x13, 0x0a, 0xc0, 0x9b, 0x86, 0x88, 0x0a, 0x41, 0x22, 0xc4, 0x5b, 0xb2, 0x62, 0x2e, 0x0c, 0x7b, 0xa3, 0x30, 0x8d, 0xfd, 0xd2, 0x88, 0x83, 0x99, 0xdf, 0xb2, 0x24, 0x48, 0xca, 0x4c, 0xa2, 0x67, 0x42, 0x73, 0x72, 0xd9, 0x38, 0x31, 0x72, 0x12, 0x24, 0xd8, 0x90, 0x1a, 0x07, 0x4d, 0x51, 0xb5, 0xc8, 0x98, 0x94, 0xdb, 0x26, 0x26, 0x20, 0x25, 0x77, 0x1f, 0x2c, 0x7d, 0x90, 0x33, 0xe6, 0x06, 0x74, 0x4c, 0x39, 0xc4, 0x90, 0x6c, 0x53, 0x9b, 0x5c, 0xca, 0x4d, 0x04, 0x92, 0x39, 0x75, 0x4c, 0x90, 0x6e, 0x27, 0x92, 0x9b, 0xff, 0x00, 0x02, 0x0e, 0x63, 0x24, 0xcc, 0x14, 0x8d, 0xcd, 0x89, 0x84, 0x48, 0x02, 0x60, 0x02, 0x98, 0x69, 0x04, 0x91, 0x30, 0x7e, 0x89, 0xb6, 0x06, 0x84, 0xc2, 0xad, 0xe0, 0x68, 0x13, 0x64, 0x67, 0x84, 0x9b, 0xa9, 0x99, 0x83, 0xaa, 0xbd, 0x8c, 0x13, 0x2a, 0x5b, 0x98, 0x09, 0x26, 0xea, 0xc3, 0xc1, 0x75, 0xc0, 0xd1, 0x4c, 0x4f, 0xca, 0x40, 0xf5, 0x50, 0x60, 0x3a, 0xe0, 0xcf, 0x74, 0xdb, 0x6d, 0x8c, 0x15, 0xa6, 0x61, 0xb0, 0x20, 0xa4, 0xe2, 0x5d, 0x20, 0xc9, 0xde, 0x74, 0x5f, 0x39, 0xf0, 0x80, 0xca, 0xec, 0x53, 0x49, 0x90, 0x72, 0x0f, 0xba, 0xfa, 0x60, 0xe1, 0x70, 0x65, 0x23, 0x13, 0x13, 0x28, 0x81, 0x16, 0x22, 0x7a, 0x95, 0x22, 0x01, 0x31, 0x04, 0x6e, 0x99, 0x96, 0x80, 0x41, 0x10, 0x54, 0xe6, 0x71, 0x20, 0x8d, 0x15, 0xe6, 0x33, 0xae, 0xbd, 0x51, 0x9b, 0x2e, 0x84, 0x40, 0x57, 0xe3, 0x1e, 0x4b, 0xd3, 0xf8, 0xa3, 0xfe, 0xe4, 0x40, 0x26, 0x4b, 0x65, 0x78, 0xa4, 0x65, 0xf9, 0x89, 0x92, 0x65, 0x54, 0x92, 0x6e, 0xd8, 0x1d, 0x96, 0x61, 0xb3, 0x78, 0xba, 0xb0, 0x6d, 0x07, 0x54, 0x38, 0x5a, 0xd7, 0xf5, 0x41, 0x06, 0x44, 0xf2, 0x41, 0x70, 0x6c, 0x12, 0x07, 0xb2, 0x79, 0x85, 0xef, 0x16, 0x81, 0x65, 0xf3, 0x9f, 0x18, 0xc1, 0xa7, 0x85, 0x00, 0xc9, 0x93, 0xa7, 0xa2, 0xf7, 0xb0, 0xe4, 0x78, 0x34, 0xc1, 0x9b, 0x0d, 0xc7, 0x45, 0xb5, 0x85, 0x84, 0x90, 0x98, 0x21, 0xb6, 0x00, 0xe9, 0x29, 0x93, 0x31, 0x06, 0x0c, 0x5f, 0x75, 0x32, 0x35, 0xcd, 0xd9, 0x29, 0xd8, 0x5c, 0xcc, 0xea, 0x9b, 0x8e, 0x63, 0x78, 0x90, 0xa5, 0xd0, 0x1c, 0x06, 0xe3, 0x74, 0xcb, 0x9b, 0xbe, 0xfe, 0xa9, 0x11, 0x0e, 0x04, 0x6a, 0x7e, 0xa8, 0x0e, 0x37, 0x26, 0x24, 0x24, 0xe7, 0x69, 0x20, 0x58, 0xce, 0x9a, 0x8e, 0x49, 0x34, 0xe5, 0x0d, 0x13, 0x60, 0x00, 0xff, 0x00, 0x84, 0xf3, 0x02, 0xd8, 0x24, 0xc8, 0xe4, 0x8d, 0x06, 0x62, 0xe7, 0x4e, 0xd1, 0x6f, 0x74, 0x66, 0x26, 0xd0, 0x7a, 0xa3, 0x30, 0x88, 0x26, 0x39, 0x5b, 0x74, 0x87, 0x9b, 0x50, 0x49, 0xee, 0x94, 0xc0, 0x82, 0x0c, 0x6e, 0x55, 0x30, 0x49, 0xb4, 0x11, 0xd6, 0xca, 0x9c, 0x32, 0x80, 0x40, 0xb8, 0x49, 0xe7, 0x78, 0xef, 0x7d, 0x53, 0x76, 0x58, 0x04, 0x12, 0x0f, 0x54, 0x49, 0x70, 0xd6, 0xc1, 0x23, 0x96, 0x2d, 0x74, 0x40, 0x02, 0xe5, 0x20, 0x44, 0x98, 0x21, 0x19, 0x89, 0x10, 0x46, 0x9d, 0x10, 0x34, 0x90, 0x41, 0x08, 0x17, 0x24, 0x08, 0x09, 0x11, 0x02, 0x49, 0x1f, 0x64, 0xee, 0x0c, 0x83, 0x63, 0xf5, 0x4c, 0x19, 0xd4, 0x24, 0x21, 0xda, 0x4f, 0xb2, 0x4e, 0x8d, 0xdc, 0x7d, 0x92, 0x2e, 0x00, 0x00, 0x7e, 0x53, 0xd1, 0x1a, 0x91, 0x94, 0x18, 0x55, 0xa1, 0x33, 0xaf, 0x74, 0x83, 0x80, 0xe5, 0x9b, 0x74, 0xc3, 0xb9, 0xc5, 0xba, 0xa4, 0x5d, 0x7b, 0xa6, 0x5c, 0x32, 0xc8, 0x9b, 0xf5, 0x48, 0x3e, 0xd3, 0x32, 0x4a, 0x65, 0xda, 0x0c, 0xd2, 0x47, 0x44, 0x13, 0x73, 0xac, 0xa9, 0x03, 0x79, 0x32, 0x86, 0x38, 0x17, 0x10, 0x4c, 0xc7, 0x44, 0x38, 0xf9, 0x4c, 0x11, 0xd8, 0x24, 0xe2, 0x08, 0x1a, 0x84, 0x81, 0x9e, 0x5e, 0xc9, 0xbd, 0xd7, 0x01, 0xcd, 0x00, 0x73, 0x09, 0x35, 0xc2, 0x6c, 0x24, 0x20, 0x91, 0x33, 0x6b, 0xeb, 0x64, 0x32, 0x44, 0x90, 0x6d, 0xca, 0x10, 0x60, 0xfc, 0xa4, 0xc2, 0x6d, 0x26, 0x2e, 0x5a, 0x7f, 0x45, 0x25, 0xd0, 0x60, 0xe9, 0xb4, 0x22, 0xd1, 0x94, 0x8b, 0x9d, 0x2f, 0xa5, 0xa5, 0x0f, 0xb1, 0x00, 0xc4, 0xc0, 0x44, 0x38, 0xdc, 0x46, 0x64, 0x00, 0x75, 0x9b, 0xee, 0x82, 0x73, 0x98, 0x94, 0x81, 0x26, 0x44, 0x09, 0x02, 0xca, 0x84, 0xc0, 0x98, 0x8d, 0xf4, 0xdb, 0xf8, 0x14, 0x91, 0x94, 0xc8, 0x80, 0x07, 0xcd, 0xb4, 0x1f, 0x5d, 0xad, 0xaa, 0xce, 0x8d, 0x6a, 0x55, 0xe9, 0xb5, 0xf4, 0xaa, 0x31, 0xed, 0x24, 0x80, 0x58, 0xe0, 0xe0, 0x48, 0x37, 0xbe, 0x9a, 0x82, 0xb5, 0x27, 0xdd, 0x56, 0xa2, 0x11, 0xa3, 0x75, 0x17, 0xd3, 0x4f, 0xf9, 0x4c, 0x3a, 0xf7, 0x00, 0x23, 0x30, 0x8b, 0xc7, 0xd9, 0x30, 0xe6, 0xc4, 0xee, 0x79, 0x91, 0x0b, 0x32, 0x40, 0x06, 0xcd, 0x33, 0xc8, 0xe8, 0x99, 0x2d, 0x8b, 0x88, 0xb4, 0xa0, 0xb8, 0xda, 0x08, 0x8f, 0xe7, 0xf8, 0x48, 0x9b, 0xdb, 0xd5, 0x50, 0x22, 0xe7, 0x51, 0xbf, 0x44, 0xda, 0xe0, 0x01, 0x24, 0x0c, 0xdb, 0x5f, 0x54, 0xc3, 0x87, 0x31, 0xd7, 0x9a, 0x59, 0x88, 0x82, 0x67, 0x2a, 0x06, 0xfa, 0xc9, 0x4c, 0x93, 0x33, 0x1b, 0x5e, 0xc9, 0xde, 0x66, 0x00, 0x1f, 0xa2, 0xab, 0x12, 0x24, 0x59, 0x19, 0x7c, 0xb0, 0x09, 0x85, 0x26, 0x1a, 0x20, 0x92, 0x91, 0x89, 0x92, 0x4c, 0x08, 0x2b, 0xe7, 0x3e, 0x12, 0x33, 0x53, 0x17, 0x03, 0x76, 0xef, 0xca, 0x57, 0xd1, 0xc9, 0x06, 0x4d, 0xa5, 0x50, 0x71, 0x31, 0x96, 0xe7, 0x92, 0x65, 0xa7, 0x30, 0x2e, 0x09, 0x81, 0x78, 0x06, 0xc7, 0x64, 0x3a, 0xd7, 0x32, 0x82, 0xd1, 0x16, 0x01, 0x26, 0x41, 0x98, 0x08, 0xd2, 0x20, 0x19, 0xee, 0xaa, 0x4f, 0x23, 0xec, 0xbd, 0x8f, 0x8a, 0xbc, 0xbc, 0x48, 0x6f, 0xe4, 0xf6, 0x5e, 0x21, 0x71, 0xcc, 0x09, 0x8b, 0xa4, 0x49, 0x9b, 0xcd, 0xba, 0xa4, 0x4e, 0x53, 0x61, 0xaa, 0x0b, 0x86, 0xf3, 0x74, 0x17, 0x0d, 0xb6, 0xe4, 0x9b, 0x89, 0x91, 0x1a, 0x42, 0x90, 0x6f, 0x04, 0x84, 0x3a, 0x0b, 0x4c, 0x4a, 0xf9, 0xdf, 0x8b, 0x8b, 0x45, 0x1c, 0x2e, 0x62, 0x0d, 0xcc, 0x7d, 0x17, 0xbb, 0x43, 0x28, 0xa2, 0xc7, 0x00, 0x27, 0x28, 0xd3, 0xb2, 0xd5, 0xa5, 0xd0, 0x24, 0x13, 0x3d, 0x55, 0x03, 0xe5, 0x1a, 0x4a, 0x0c, 0x99, 0x83, 0xee, 0xb3, 0x27, 0xcd, 0x10, 0x20, 0xaa, 0xcd, 0x07, 0x68, 0x29, 0x07, 0x01, 0x30, 0x53, 0x75, 0xc1, 0x88, 0x9e, 0xe9, 0x5c, 0x02, 0x6d, 0xa6, 0x9d, 0x56, 0x6c, 0xaa, 0xca, 0x99, 0xbc, 0x37, 0x07, 0x64, 0x25, 0xa7, 0xb8, 0xd9, 0x54, 0xdc, 0xce, 0xb3, 0x75, 0x96, 0x2b, 0x17, 0x47, 0x0a, 0x58, 0x6a, 0x97, 0x8c, 0xc0, 0xfc, 0xac, 0x73, 0xb7, 0xe8, 0x17, 0x30, 0xe2, 0xd8, 0x4a, 0x8c, 0x2e, 0x6d, 0x47, 0x16, 0x86, 0x97, 0x49, 0x63, 0x80, 0xdb, 0x98, 0x5e, 0x80, 0x70, 0xb1, 0x07, 0xcb, 0x08, 0x77, 0xcc, 0x24, 0x89, 0xe5, 0x3a, 0x77, 0xe5, 0xb9, 0x54, 0xd9, 0x06, 0xe0, 0xc9, 0xfb, 0x7f, 0xc5, 0xd0, 0x48, 0x6c, 0x49, 0x37, 0xe4, 0x27, 0x4f, 0xd5, 0x45, 0x6a, 0x8d, 0xa3, 0x4e, 0xa5, 0x57, 0x38, 0x86, 0xb0, 0x49, 0xb1, 0x10, 0x05, 0xb5, 0x85, 0x4d, 0x73, 0x5e, 0xd0, 0xe6, 0xba, 0x43, 0xa2, 0x0f, 0xa2, 0xa6, 0x89, 0x80, 0x4c, 0x9d, 0xc0, 0x07, 0x92, 0x64, 0x9b, 0x49, 0x11, 0xba, 0x52, 0x26, 0x40, 0x74, 0x01, 0x3b, 0xae, 0x7c, 0x46, 0x26, 0x9d, 0x2a, 0xd4, 0xa9, 0xbc, 0xb9, 0xcf, 0xa8, 0x7c, 0xa1, 0xa3, 0x41, 0x20, 0x49, 0xe9, 0x75, 0x75, 0x2a, 0x31, 0xaf, 0x6b, 0x4b, 0x80, 0x73, 0xcc, 0x0e, 0xb1, 0xb2, 0x58, 0x7c, 0x45, 0x2a, 0xa5, 0xfe, 0x1b, 0x8f, 0x91, 0xe5, 0x8e, 0xe9, 0x1d, 0xb4, 0x5a, 0x17, 0x66, 0xd2, 0x0f, 0xd6, 0xfc, 0x91, 0x22, 0xfe, 0x53, 0x1b, 0xaa, 0x7b, 0xa4, 0x40, 0x06, 0x74, 0xef, 0xfc, 0x0a, 0x43, 0x84, 0x83, 0x16, 0xd1, 0x27, 0x3a, 0xc5, 0xc4, 0x18, 0x9d, 0x82, 0x6d, 0x74, 0x02, 0x5c, 0x40, 0xbc, 0x09, 0x05, 0x65, 0x47, 0x12, 0x2b, 0xb1, 0xcf, 0x60, 0x2e, 0x0d, 0x24, 0x58, 0x6a, 0x45, 0xbb, 0x2d, 0x0e, 0xb0, 0x62, 0x0c, 0xc1, 0xfe, 0x6c, 0x87, 0x4f, 0xe5, 0x1d, 0x0f, 0x7e, 0x9d, 0x12, 0xcd, 0x2d, 0x32, 0x2f, 0x1c, 0xc6, 0xb7, 0xb2, 0x6d, 0xb0, 0xea, 0x6e, 0x7b, 0x28, 0xbc, 0x19, 0x68, 0x93, 0x63, 0x74, 0x83, 0x9c, 0x4c, 0x5a, 0xdf, 0x45, 0x4d, 0x20, 0x0b, 0x81, 0x1f, 0xcb, 0xa1, 0xa6, 0xd1, 0x1b, 0x9e, 0xa9, 0xb9, 0xc1, 0xad, 0x17, 0x11, 0x33, 0xfc, 0xea, 0xb1, 0x75, 0x66, 0xfe, 0x27, 0xc1, 0x33, 0x9b, 0x2e, 0x7e, 0x56, 0x98, 0x85, 0xa8, 0x01, 0xa6, 0x4f, 0x29, 0xd4, 0x7d, 0xf4, 0x4c, 0x11, 0x9a, 0x44, 0x47, 0x7f, 0xe0, 0x8f, 0x55, 0x2d, 0x71, 0x32, 0x43, 0x81, 0x3f, 0x7f, 0xd1, 0x00, 0x9b, 0xc4, 0x7f, 0x3b, 0x2c, 0xab, 0x62, 0x05, 0x23, 0x45, 0xae, 0x12, 0x5e, 0xf1, 0x4c, 0x65, 0xd8, 0x99, 0xd7, 0xa2, 0xe4, 0x3c, 0x51, 0xa4, 0xe6, 0xf0, 0x5e, 0x30, 0xc5, 0xd9, 0x3c, 0x43, 0x02, 0x0f, 0x6d, 0x62, 0x41, 0xbf, 0x35, 0xe8, 0xb4, 0xc0, 0xb0, 0xb2, 0x05, 0xde, 0x7c, 0xa6, 0x63, 0x9a, 0x4f, 0x73, 0xc5, 0xc3, 0x49, 0x4d, 0xa2, 0xda, 0x11, 0xea, 0x91, 0x2e, 0xd2, 0xe9, 0x81, 0xbc, 0x9b, 0xea, 0x99, 0x86, 0xdc, 0x13, 0x7e, 0x88, 0x9b, 0x13, 0x00, 0x14, 0x08, 0x20, 0x99, 0x1e, 0xcb, 0x9f, 0x14, 0xd0, 0x5f, 0x49, 0xa1, 0xee, 0x00, 0xb8, 0x83, 0x7e, 0x85, 0x50, 0xc3, 0xcc, 0xf9, 0xea, 0x01, 0x36, 0xf3, 0x9f, 0xd1, 0x4b, 0x19, 0xe1, 0xe2, 0xb2, 0x87, 0xb9, 0xc0, 0xb2, 0x7c, 0xc6, 0x77, 0x1f, 0xba, 0xe8, 0x1e, 0x53, 0xb7, 0x54, 0x38, 0x9c, 0xd6, 0x02, 0x3a, 0x24, 0xeb, 0x10, 0x40, 0x36, 0xda, 0x17, 0xc8, 0xfc, 0x41, 0x8c, 0xc7, 0x70, 0x8e, 0x22, 0xee, 0x28, 0x5d, 0x88, 0xc4, 0xf0, 0x9b, 0x52, 0xc4, 0xd0, 0x61, 0x24, 0xe1, 0xc0, 0x13, 0xe2, 0xb4, 0x0b, 0x91, 0x7b, 0x8d, 0x77, 0x5c, 0xd8, 0xfc, 0x70, 0xf8, 0x8f, 0x88, 0xd2, 0xe1, 0x5c, 0x0b, 0x15, 0x50, 0xe0, 0xf2, 0x36, 0xb6, 0x37, 0x15, 0x46, 0xab, 0x9d, 0x14, 0xdd, 0x19, 0x69, 0x83, 0x3f, 0x33, 0xae, 0x48, 0xb1, 0x8e, 0x5a, 0x1f, 0xa2, 0xf8, 0x6f, 0x85, 0xd0, 0xe1, 0x3c, 0x2d, 0xb8, 0x4c, 0x23, 0x48, 0xa4, 0xca, 0x95, 0x32, 0xde, 0x60, 0x17, 0x93, 0x1c, 0xe3, 0x65, 0xea, 0x88, 0x9b, 0x2b, 0x90, 0x2e, 0x26, 0xfd, 0x16, 0x38, 0xa7, 0x46, 0x1a, 0xa9, 0x19, 0x81, 0x6b, 0x5d, 0x70, 0xe8, 0x8f, 0xe4, 0x29, 0x76, 0x1a, 0x99, 0x9c, 0xe6, 0xac, 0xed, 0xfd, 0x47, 0x7d, 0xe5, 0x45, 0x4a, 0x7e, 0x1b, 0x58, 0xe6, 0x3d, 0xf3, 0x9d, 0xa3, 0xe7, 0x71, 0xd4, 0x8d, 0xa7, 0xa7, 0xd5, 0x6c, 0x49, 0x16, 0x32, 0x63, 0xea, 0x9c, 0x5e, 0x7d, 0x93, 0x8e, 0x82, 0x4e, 0xb7, 0x5c, 0xf5, 0x80, 0x7d, 0x7a, 0x6c, 0x39, 0xc3, 0x72, 0xb8, 0xd9, 0xe4, 0x5c, 0x65, 0xbd, 0x95, 0x9a, 0x2c, 0x32, 0x07, 0x89, 0xff, 0x00, 0xf6, 0x39, 0x46, 0x1d, 0x8d, 0xa7, 0x89, 0xaa, 0xd0, 0x5d, 0x19, 0x18, 0x60, 0x92, 0x77, 0x77, 0xaa, 0xe8, 0x03, 0xcd, 0x6d, 0x84, 0x6a, 0x80, 0x0e, 0xa0, 0x8f, 0x65, 0xad, 0xb4, 0x20, 0xc8, 0x93, 0xaa, 0xe4, 0xc3, 0xd2, 0xa6, 0xf6, 0x39, 0xce, 0x24, 0x90, 0xe3, 0xb9, 0xd9, 0xc4, 0x2d, 0x0d, 0x0a, 0x44, 0x19, 0x0e, 0xff, 0x00, 0xd8, 0xf5, 0x1f, 0xaa, 0x78, 0x37, 0x9f, 0xc2, 0xd1, 0x16, 0x27, 0x23, 0x7d, 0x6c, 0x16, 0xa5, 0xee, 0x82, 0x0c, 0x4a, 0xa6, 0xbc, 0x00, 0x49, 0x94, 0x12, 0x0d, 0xc6, 0xa7, 0x9a, 0x53, 0x62, 0x0c, 0x6c, 0xbe, 0x73, 0xe1, 0x28, 0x0e, 0xc5, 0x12, 0x40, 0x36, 0xdb, 0xba, 0xfa, 0x38, 0x24, 0xf4, 0xec, 0xaa, 0x43, 0x4c, 0x88, 0xf4, 0x4b, 0xcd, 0x3a, 0xf5, 0xba, 0xa8, 0x25, 0xd6, 0x89, 0x8b, 0xa6, 0x35, 0x89, 0x17, 0x4f, 0x29, 0x91, 0x03, 0x5e, 0xa9, 0xc5, 0xcc, 0xea, 0x13, 0x75, 0xbf, 0xb7, 0x4e, 0x4a, 0x64, 0xf2, 0xfa, 0x2f, 0x63, 0xe2, 0xc8, 0xff, 0x00, 0x50, 0x13, 0x3f, 0x22, 0xf0, 0x5d, 0xe7, 0x8d, 0x86, 0x81, 0x4d, 0x86, 0xe6, 0x01, 0x43, 0x9b, 0x72, 0x66, 0xe7, 0x44, 0x34, 0x09, 0x83, 0x25, 0x32, 0x00, 0xba, 0x92, 0x62, 0x2f, 0x69, 0x94, 0x13, 0x32, 0x64, 0x42, 0x26, 0x41, 0x8b, 0x2f, 0x9f, 0xf8, 0xbd, 0xb9, 0x59, 0x86, 0x20, 0x17, 0x19, 0x33, 0xec, 0xbd, 0xdc, 0x34, 0x9a, 0x0c, 0x00, 0x44, 0xb4, 0x2b, 0xf3, 0x69, 0x99, 0xbe, 0x8a, 0x88, 0x92, 0x04, 0xc0, 0xec, 0x82, 0x01, 0xb1, 0x9b, 0x29, 0xb4, 0x43, 0x41, 0xe8, 0x52, 0x76, 0x62, 0x2c, 0x0a, 0x50, 0x5a, 0x08, 0x23, 0x54, 0x34, 0x89, 0x00, 0x1b, 0xf6, 0x85, 0x42, 0xce, 0xbc, 0x74, 0x9b, 0xde, 0xcb, 0x83, 0x85, 0x8c, 0xce, 0xc6, 0x00, 0x40, 0xfe, 0xb9, 0xfa, 0xd9, 0x77, 0x79, 0x63, 0x4f, 0xa2, 0x87, 0x80, 0x58, 0x60, 0x5e, 0x09, 0x9f, 0x45, 0xe4, 0x52, 0x6b, 0x9d, 0xf0, 0xbd, 0xcc, 0x38, 0x51, 0x32, 0x67, 0x94, 0x7a, 0x6a, 0xb4, 0x73, 0x6a, 0x60, 0xf1, 0x78, 0x67, 0x0a, 0xb5, 0x5f, 0x9c, 0x3b, 0x38, 0x27, 0xe6, 0x81, 0xa8, 0x1a, 0x2e, 0x7a, 0x35, 0x71, 0x6e, 0xc3, 0x51, 0xc4, 0x03, 0x5f, 0x3b, 0x9e, 0x0b, 0x9c, 0xea, 0xa3, 0x23, 0x81, 0x31, 0x19, 0x66, 0x05, 0xbd, 0x67, 0x65, 0xe9, 0x71, 0x43, 0x52, 0x9e, 0x1f, 0xc5, 0xa4, 0x5c, 0xd3, 0x4d, 0xcd, 0x79, 0x8b, 0x4b, 0x77, 0x1e, 0xd3, 0xdd, 0x72, 0x54, 0xc4, 0x3a, 0xb3, 0x6b, 0xd7, 0x6d, 0x4a, 0x9e, 0x0b, 0xde, 0xda, 0x4c, 0x14, 0xee, 0x4f, 0x38, 0xef, 0x31, 0x3d, 0x16, 0x24, 0xd5, 0xa6, 0xcc, 0x5d, 0x37, 0x36, 0xa8, 0x69, 0xc3, 0x17, 0x96, 0xd4, 0x76, 0x63, 0x31, 0x1e, 0x8b, 0xbf, 0x01, 0x50, 0x9c, 0x55, 0x46, 0x17, 0x9c, 0xa2, 0x8d, 0x32, 0x06, 0xc3, 0x5e, 0x5a, 0x6c, 0xb8, 0x5b, 0x88, 0xa9, 0x5a, 0x8e, 0x0e, 0x93, 0x4d, 0x5a, 0x81, 0xe2, 0xa3, 0x8e, 0x47, 0x86, 0x97, 0x41, 0xd2, 0x49, 0xfd, 0x17, 0xa3, 0xc2, 0x1f, 0x58, 0x0a, 0xf4, 0xeb, 0x02, 0xd6, 0x35, 0xe0, 0x30, 0x3c, 0x82, 0x62, 0x34, 0x31, 0xba, 0xce, 0x9b, 0x4e, 0x2a, 0xae, 0x2c, 0xd5, 0xc4, 0x54, 0xa6, 0xe6, 0x3b, 0x2b, 0x5a, 0x1e, 0x5a, 0x1b, 0xd4, 0xf3, 0x17, 0x5c, 0xb8, 0x40, 0xec, 0x4e, 0x2b, 0x01, 0x5a, 0xb3, 0xaa, 0xf8, 0x86, 0x93, 0x89, 0xf3, 0x11, 0x39, 0x48, 0x1a, 0x72, 0xff, 0x00, 0x95, 0xd1, 0xc5, 0x29, 0x07, 0x62, 0xb0, 0x52, 0xe7, 0x83, 0xe2, 0x11, 0x67, 0x91, 0xb1, 0x33, 0x6d, 0xd7, 0x33, 0xa8, 0xbb, 0xf0, 0xfc, 0x42, 0xb8, 0xaf, 0x58, 0x3a, 0x95, 0x4a, 0xb9, 0x43, 0x5e, 0xe0, 0x2d, 0xb9, 0x03, 0x54, 0xea, 0xbf, 0x11, 0x89, 0xc5, 0x96, 0x06, 0x55, 0x7b, 0x59, 0x4d, 0xae, 0x8a, 0x6f, 0x0d, 0x83, 0x04, 0xc9, 0xe6, 0x17, 0x77, 0x0c, 0xa9, 0x52, 0xa6, 0x0a, 0x98, 0xaa, 0xe9, 0x7c, 0x1f, 0x30, 0x20, 0xcc, 0x4e, 0xe2, 0xcb, 0xce, 0xcb, 0x57, 0xf0, 0x4c, 0xc4, 0x0c, 0x4d, 0x66, 0xd5, 0x75, 0x5c, 0xa3, 0xce, 0x60, 0x02, 0xf2, 0xdd, 0x34, 0xd1, 0x69, 0x89, 0x7d, 0x4c, 0x23, 0xb1, 0x42, 0x93, 0xde, 0x40, 0xa2, 0xd7, 0x37, 0x31, 0x26, 0x09, 0x71, 0x93, 0x25, 0x0c, 0x75, 0x4c, 0x2e, 0x26, 0x9b, 0xc8, 0xa9, 0x4d, 0x8e, 0x0e, 0x2e, 0xcf, 0x50, 0x3b, 0x33, 0x40, 0xd4, 0x0d, 0x3e, 0xa1, 0x63, 0x40, 0x96, 0x55, 0xc2, 0x55, 0xa6, 0xda, 0xcd, 0xf1, 0x5c, 0x01, 0x7b, 0xea, 0x4e, 0x70, 0x6f, 0xa6, 0x83, 0xf4, 0x4d, 0x81, 0xcf, 0xa4, 0xda, 0x6d, 0x2d, 0x74, 0xd7, 0xa9, 0xfd, 0x22, 0xfc, 0xb9, 0xe0, 0x9d, 0x0a, 0xf4, 0x78, 0x43, 0xf3, 0xd1, 0x78, 0x06, 0xa4, 0x35, 0xe5, 0xa5, 0xaf, 0x32, 0x5b, 0xbc, 0x0e, 0x62, 0xeb, 0x87, 0x11, 0x51, 0xed, 0x7d, 0x5c, 0x17, 0x88, 0xe6, 0xbe, 0xb5, 0x56, 0xf8, 0x64, 0xc9, 0x86, 0xbb, 0xcc, 0x63, 0xb4, 0x10, 0xb5, 0xa5, 0x49, 0xb8, 0x8a, 0x98, 0xbf, 0xc4, 0x67, 0x06, 0x9b, 0xb2, 0x35, 0xb3, 0xf2, 0x82, 0x01, 0x9b, 0x7d, 0xd4, 0x70, 0xea, 0xd5, 0xaa, 0x62, 0x70, 0xbe, 0x2b, 0xdc, 0x66, 0x8b, 0xc4, 0xec, 0x60, 0x88, 0x33, 0xd9, 0x75, 0x70, 0xe7, 0xf8, 0xae, 0xc5, 0x1c, 0xc4, 0xe5, 0xae, 0xf6, 0x8b, 0xf4, 0x0b, 0x9a, 0x95, 0x1a, 0x38, 0x9a, 0xf8, 0xff, 0x00, 0xc4, 0x39, 0xde, 0x57, 0x69, 0x98, 0x8c, 0xa2, 0x00, 0xb7, 0xbe, 0x89, 0x60, 0x2a, 0x55, 0x75, 0x6c, 0x31, 0xaa, 0xf2, 0x33, 0x61, 0xcc, 0x17, 0x1d, 0x61, 0xd6, 0x33, 0xce, 0x21, 0x62, 0x63, 0x10, 0xc2, 0xd0, 0xf2, 0x58, 0xfc, 0x73, 0x9b, 0x21, 0xc4, 0x1b, 0x36, 0x60, 0x74, 0xb7, 0x25, 0xd2, 0xda, 0x54, 0x2a, 0x63, 0x71, 0x14, 0xab, 0x93, 0xe1, 0xd2, 0x63, 0x72, 0x0c, 0xc4, 0x43, 0x62, 0xe7, 0xba, 0xca, 0x8d, 0x2a, 0x78, 0x8c, 0x65, 0x16, 0x3d, 0xef, 0xad, 0x48, 0x61, 0xe6, 0xe4, 0xb7, 0x3c, 0x3b, 0x7d, 0xf6, 0x50, 0x1c, 0xc3, 0x49, 0xb8, 0x73, 0x2f, 0xff, 0x00, 0xa9, 0x7b, 0x1a, 0xc7, 0x3f, 0x2b, 0x5c, 0xd0, 0x4f, 0xcd, 0xd3, 0xa2, 0xce, 0x9b, 0x5c, 0xec, 0x2d, 0x7a, 0x45, 0xf4, 0xd8, 0x3c, 0x71, 0x95, 0x84, 0x97, 0x30, 0x82, 0x27, 0x28, 0x3c, 0xa4, 0x90, 0xaa, 0xad, 0x47, 0x53, 0xa1, 0x89, 0xa5, 0x49, 0x9e, 0x13, 0x85, 0x46, 0x0a, 0x80, 0x54, 0x96, 0x00, 0x4e, 0xc6, 0x2d, 0xa5, 0xd2, 0x79, 0xa9, 0x87, 0x7e, 0x24, 0xe1, 0xcd, 0x2a, 0x67, 0xc0, 0x2f, 0x2c, 0xa4, 0xf2, 0xf1, 0x00, 0xc4, 0xce, 0xdb, 0xf7, 0xe8, 0xb5, 0x7d, 0x3c, 0x2d, 0x2a, 0x98, 0x17, 0x61, 0xcb, 0x5c, 0xef, 0x11, 0xbf, 0x9a, 0x64, 0x00, 0x75, 0x1c, 0xd7, 0x65, 0x6a, 0x02, 0xb6, 0x32, 0x95, 0x27, 0x16, 0x8c, 0x3d, 0x3f, 0x31, 0x60, 0x22, 0x5c, 0x76, 0xb7, 0x2d, 0xf5, 0xd5, 0x77, 0x99, 0xcb, 0x00, 0x69, 0x6d, 0x51, 0x7d, 0xa6, 0xc9, 0x18, 0x04, 0x4c, 0x80, 0x7a, 0xab, 0x12, 0x4c, 0x89, 0x43, 0xa0, 0x98, 0xe6, 0x98, 0x16, 0xb2, 0x4d, 0x91, 0xa0, 0xfa, 0xa7, 0x02, 0x4c, 0x81, 0x25, 0x00, 0x40, 0x8b, 0x5d, 0x63, 0x5d, 0xbf, 0xd5, 0xa1, 0x31, 0x19, 0x8e, 0xf1, 0xf9, 0x4a, 0xd8, 0x0f, 0x34, 0x02, 0x40, 0x5c, 0xf5, 0x1b, 0xff, 0x00, 0x58, 0xd8, 0x20, 0x9c, 0x84, 0x1b, 0xf5, 0x95, 0xd2, 0x33, 0x58, 0x11, 0xaf, 0x54, 0x8b, 0x4c, 0x9b, 0x10, 0x02, 0x88, 0x74, 0x88, 0xe7, 0xcd, 0x78, 0x7f, 0x10, 0x71, 0x41, 0xc2, 0xb8, 0x66, 0x37, 0x10, 0xca, 0x62, 0xb6, 0x21, 0xd5, 0x05, 0x2a, 0x34, 0x80, 0xbd, 0x5a, 0xae, 0x0d, 0x0d, 0x6c, 0x7d, 0xfa, 0x02, 0xbe, 0x67, 0x83, 0x70, 0xfc, 0x47, 0xc0, 0xaf, 0xc3, 0xd5, 0xab, 0x51, 0xb5, 0xb8, 0x6e, 0x30, 0xb5, 0xb8, 0xc7, 0x16, 0x86, 0xfe, 0x1e, 0xb1, 0x98, 0x23, 0x2e, 0x8c, 0x24, 0x96, 0x9d, 0x62, 0xc7, 0x9c, 0xfd, 0xde, 0x16, 0x0d, 0x19, 0x04, 0xfc, 0xce, 0xe9, 0x69, 0x2b, 0xa0, 0x03, 0xca, 0xfd, 0xe5, 0x19, 0x88, 0x17, 0x69, 0xec, 0xb3, 0xc6, 0x99, 0xc2, 0x55, 0x01, 0xb6, 0xc8, 0x4e, 0x84, 0xc9, 0x5a, 0x82, 0x27, 0x68, 0x07, 0x49, 0x58, 0x62, 0xc8, 0xca, 0xc2, 0x00, 0x9c, 0xed, 0xdb, 0xa8, 0x1b, 0x77, 0x5b, 0x11, 0x02, 0x04, 0x81, 0xec, 0x90, 0xd6, 0xda, 0x29, 0x0e, 0x1a, 0x4d, 0xc1, 0x9b, 0xac, 0xaa, 0x3f, 0xfe, 0xaa, 0x9c, 0x80, 0x0e, 0x47, 0x5e, 0x79, 0x96, 0xad, 0x33, 0x92, 0x64, 0x44, 0x7a, 0x2c, 0xa9, 0x09, 0xc5, 0xd6, 0x24, 0x88, 0xca, 0xd1, 0xf5, 0x77, 0xee, 0xb6, 0x13, 0x20, 0x88, 0x03, 0x5d, 0x55, 0x90, 0x62, 0xc0, 0x7b, 0x27, 0x36, 0xbf, 0x2b, 0x2e, 0x7c, 0x2b, 0xd8, 0x29, 0x39, 0xa0, 0x81, 0x0e, 0x7c, 0xc9, 0x1f, 0xdc, 0x56, 0xe6, 0xb3, 0x20, 0x93, 0x51, 0x80, 0x58, 0x6b, 0xdd, 0x65, 0x84, 0xff, 0x00, 0xe9, 0xa9, 0x40, 0x1f, 0x28, 0x9f, 0x60, 0xb7, 0x12, 0x48, 0x02, 0x21, 0x0d, 0xcd, 0xa1, 0x23, 0xd9, 0x54, 0xda, 0xfa, 0xa9, 0x70, 0xe4, 0x48, 0x9d, 0x3a, 0xdd, 0x7c, 0xef, 0xc2, 0x64, 0x78, 0xd8, 0xbc, 0xb1, 0x20, 0x37, 0x51, 0xdd, 0x7d, 0x20, 0x33, 0x06, 0x6f, 0xba, 0x47, 0x33, 0x89, 0x11, 0x61, 0xd1, 0x3f, 0x36, 0xa7, 0xb2, 0xb2, 0x23, 0x29, 0x1b, 0x88, 0x36, 0x4c, 0x38, 0x5a, 0x07, 0xd1, 0x50, 0x3a, 0xde, 0xfb, 0x29, 0x8b, 0x82, 0x4a, 0xa1, 0x17, 0x26, 0x4d, 0xa1, 0x19, 0x0f, 0xf6, 0x85, 0xec, 0xfc, 0x57, 0xff, 0x00, 0x71, 0x02, 0xf7, 0x66, 0xbe, 0xab, 0xc3, 0x73, 0x43, 0xac, 0x60, 0x81, 0xbc, 0xa9, 0x3a, 0xc3, 0x60, 0x83, 0xaf, 0x45, 0x31, 0x24, 0x81, 0x22, 0x37, 0x40, 0x0d, 0xd4, 0x8d, 0x10, 0x44, 0x82, 0x00, 0x1e, 0xe9, 0x43, 0x62, 0xe8, 0x0c, 0x02, 0x60, 0x09, 0xee, 0x98, 0xb1, 0x82, 0xbe, 0x7b, 0xe3, 0x06, 0x91, 0x47, 0x0c, 0x41, 0x31, 0x9c, 0xfe, 0x8b, 0xdc, 0xa3, 0x1e, 0x05, 0x28, 0x26, 0x72, 0x89, 0xf6, 0x5a, 0x36, 0x09, 0x20, 0x7a, 0xd9, 0x21, 0x11, 0xa9, 0x95, 0x4d, 0x00, 0x85, 0x31, 0x0e, 0x33, 0xf7, 0x5a, 0x65, 0xf2, 0xc8, 0x1a, 0xf5, 0x59, 0x96, 0xd8, 0x93, 0x2a, 0x72, 0x19, 0x02, 0x53, 0x2d, 0xb1, 0x04, 0x1d, 0x2d, 0x7d, 0xd6, 0x1f, 0x83, 0xa2, 0x0b, 0xb2, 0xb3, 0x28, 0x73, 0xc5, 0x43, 0x06, 0xe5, 0xd6, 0xdf, 0xd1, 0x74, 0xe5, 0x20, 0x09, 0x46, 0x50, 0x5a, 0x67, 0x42, 0x08, 0xfe, 0x7b, 0x2c, 0x9d, 0x84, 0xa5, 0xf8, 0x53, 0x87, 0x23, 0xfa, 0x44, 0x44, 0x4e, 0xd7, 0x54, 0xfc, 0x3d, 0x27, 0x3e, 0x93, 0xcb, 0x06, 0x6a, 0x64, 0x96, 0x19, 0x26, 0x24, 0x47, 0x65, 0x8b, 0x38, 0x6e, 0x1d, 0xb5, 0x1a, 0xe2, 0xd7, 0x79, 0x5c, 0x1c, 0x04, 0x98, 0x9d, 0x67, 0x29, 0xb4, 0xfa, 0x2e, 0xaf, 0x0f, 0x3b, 0x4b, 0x5f, 0xe6, 0xb4, 0x19, 0x03, 0xdd, 0x73, 0x7e, 0x02, 0x87, 0xe1, 0xdb, 0x86, 0x6b, 0x00, 0xa2, 0xdb, 0x80, 0x1c, 0x64, 0x5e, 0x64, 0x14, 0x7f, 0xa6, 0xe1, 0x61, 0xc7, 0xc2, 0x19, 0x9c, 0xc2, 0xc2, 0x64, 0xcc, 0x19, 0xd7, 0x9a, 0x2a, 0xe0, 0x30, 0xd5, 0x1e, 0xd3, 0x52, 0x94, 0x90, 0x20, 0x43, 0x88, 0xb5, 0xf9, 0x6a, 0x2e, 0x99, 0xc0, 0x61, 0x9d, 0x41, 0xb4, 0x8b, 0x0e, 0x46, 0x1f, 0x2c, 0x18, 0x8e, 0xd0, 0xaf, 0x0f, 0x85, 0xa7, 0x87, 0x61, 0x6d, 0x06, 0x06, 0xb5, 0xc6, 0x4e, 0xb2, 0x4f, 0x53, 0x32, 0xb3, 0xad, 0x81, 0xa1, 0x59, 0xe5, 0xf5, 0x29, 0x9c, 0xe6, 0xc7, 0x2b, 0x8b, 0x73, 0x01, 0x6b, 0xc6, 0xbf, 0x55, 0x6d, 0xc3, 0x51, 0x0f, 0xa4, 0xf6, 0xb1, 0xa1, 0xcc, 0x6e, 0x46, 0x45, 0xa0, 0x4a, 0x2b, 0x61, 0xe9, 0xd6, 0x01, 0xb5, 0x58, 0x5d, 0x95, 0xd9, 0x81, 0x92, 0x20, 0xa3, 0xc0, 0xa6, 0xda, 0x75, 0x69, 0xb5, 0x83, 0x23, 0xc9, 0x2e, 0x13, 0x33, 0x3f, 0xf2, 0xb3, 0xa9, 0x81, 0xa1, 0x54, 0xb5, 0xd5, 0x1b, 0x66, 0x80, 0x06, 0x57, 0x10, 0x60, 0x6d, 0x3c, 0x96, 0xad, 0xa4, 0xca, 0x54, 0xda, 0xd6, 0x06, 0xc3, 0x44, 0x40, 0x10, 0xa7, 0xf0, 0x94, 0x4d, 0x06, 0xd2, 0xc8, 0x3c, 0x30, 0xe0, 0xe0, 0x33, 0x6e, 0x0c, 0xfd, 0xca, 0xbf, 0xc3, 0xd3, 0x35, 0x1e, 0xe7, 0x53, 0x69, 0x73, 0x9b, 0x95, 0xd6, 0xd5, 0xb7, 0xb2, 0xe7, 0xa5, 0x80, 0xc2, 0x51, 0x79, 0xf0, 0xa9, 0x0c, 0xce, 0x19, 0x5d, 0x27, 0x35, 0xb9, 0x09, 0xd1, 0x26, 0xf0, 0xdc, 0x2c, 0x1f, 0xe9, 0x53, 0x90, 0x49, 0x07, 0x96, 0xd6, 0xe5, 0xaa, 0xa7, 0xe0, 0x70, 0xee, 0x60, 0x68, 0xa4, 0xdc, 0xa0, 0x97, 0x01, 0xc8, 0x9d, 0xf9, 0xad, 0x68, 0x50, 0xa7, 0x46, 0x97, 0x87, 0x4d, 0xa1, 0x8d, 0x99, 0xb6, 0xcb, 0x95, 0xb8, 0x6a, 0x87, 0x88, 0x1c, 0x45, 0x5c, 0xb9, 0x18, 0xdc, 0xac, 0x89, 0x9b, 0xee, 0x7e, 0xa1, 0x6d, 0x57, 0x05, 0x86, 0xae, 0xf0, 0xea, 0xb4, 0x98, 0xe2, 0x20, 0x0d, 0xec, 0x3b, 0xa2, 0xbe, 0x0f, 0x0f, 0x59, 0xad, 0x6d, 0x4a, 0x2c, 0x73, 0x5a, 0x03, 0x5b, 0x6f, 0x94, 0x0d, 0x82, 0xaa, 0x14, 0x69, 0xd1, 0x05, 0x94, 0x69, 0xb5, 0x8d, 0x99, 0x81, 0x6b, 0xae, 0x66, 0x70, 0xea, 0x4e, 0xaf, 0x5e, 0xb5, 0x7a, 0x74, 0x9e, 0xea, 0x8f, 0xcc, 0xd2, 0x47, 0x40, 0x3e, 0xe1, 0x74, 0x54, 0xc2, 0x61, 0xeb, 0x35, 0xad, 0xab, 0x49, 0x8f, 0xcb, 0x66, 0x82, 0x07, 0x97, 0xa0, 0x57, 0x4f, 0x0d, 0x41, 0x81, 0xad, 0xa7, 0x4d, 0x80, 0x35, 0xd9, 0xc4, 0x36, 0x2f, 0x11, 0x3e, 0xca, 0x71, 0x18, 0x5a, 0x15, 0xea, 0x66, 0xc4, 0x52, 0x63, 0xc8, 0xd0, 0xe5, 0x17, 0xd7, 0xf7, 0x56, 0xca, 0x74, 0xda, 0x43, 0x80, 0x68, 0x70, 0x19, 0x41, 0x88, 0xf2, 0xf2, 0x59, 0xbf, 0x0b, 0x87, 0xac, 0xd2, 0xc7, 0xd1, 0x63, 0xda, 0x5d, 0x24, 0x38, 0x6b, 0xfa, 0xca, 0x3f, 0x0b, 0x40, 0x87, 0x30, 0xd1, 0xa7, 0x04, 0x41, 0xf2, 0x6b, 0x16, 0xfd, 0x11, 0x4f, 0x0f, 0x4a, 0x95, 0x33, 0x4e, 0x9d, 0x3a, 0x6c, 0x6b, 0xac, 0x5a, 0x1b, 0x63, 0xce, 0xc8, 0xa5, 0x87, 0xa1, 0x40, 0x38, 0x51, 0xa4, 0xd6, 0x03, 0xa8, 0x6b, 0x75, 0xf7, 0x43, 0x70, 0x94, 0x19, 0x0e, 0xa7, 0x46, 0x98, 0x7e, 0x60, 0xe9, 0x0c, 0xdf, 0x9a, 0xd0, 0x53, 0x68, 0x39, 0xcb, 0x47, 0x89, 0x10, 0x5d, 0x10, 0x63, 0xf6, 0x54, 0x2c, 0xd2, 0x4c, 0xc9, 0x29, 0xe5, 0xcc, 0x2c, 0x6d, 0xed, 0x08, 0x2d, 0x21, 0xa6, 0x48, 0x4c, 0xb7, 0x94, 0xf5, 0xba, 0x50, 0x24, 0x2b, 0x80, 0x5b, 0x64, 0x08, 0xf6, 0x52, 0xfd, 0x44, 0x01, 0x1f, 0x64, 0xed, 0x2a, 0x2b, 0x51, 0x6b, 0xff, 0x00, 0xdc, 0x00, 0xde, 0x45, 0xd4, 0x8c, 0x2d, 0x13, 0xa5, 0x36, 0x4e, 0xba, 0x2b, 0x65, 0x0a, 0x6c, 0x7c, 0xb1, 0x8d, 0x07, 0x43, 0xd1, 0x68, 0xd6, 0x83, 0xa1, 0x16, 0xd7, 0x64, 0x89, 0x9d, 0x33, 0x59, 0x49, 0x68, 0x89, 0xdf, 0x51, 0x75, 0xf3, 0xbc, 0x57, 0x87, 0x3b, 0x17, 0xf1, 0x4f, 0x0a, 0xad, 0x56, 0x81, 0x76, 0x06, 0x85, 0x3a, 0xd5, 0x1c, 0xe0, 0x1a, 0x62, 0xb4, 0x35, 0xad, 0x9d, 0xfe, 0x52, 0xf8, 0xb5, 0x8a, 0xf4, 0xf1, 0x5c, 0x33, 0x05, 0x8c, 0xc2, 0xd6, 0xc2, 0xe2, 0x30, 0xec, 0x75, 0x1a, 0xad, 0x2d, 0x7b, 0x72, 0x8d, 0x0f, 0x2f, 0xe7, 0xb2, 0xe9, 0xc3, 0x50, 0x66, 0x1b, 0x0d, 0x4e, 0x85, 0x00, 0x1b, 0x4e, 0x98, 0xca, 0xd1, 0x33, 0xa2, 0xd5, 0xad, 0x23, 0x43, 0xa7, 0xa2, 0x0c, 0x87, 0x6a, 0x60, 0xf3, 0xd9, 0x2c, 0xad, 0x20, 0xb5, 0xed, 0x0e, 0x06, 0xc4, 0x40, 0x50, 0xec, 0x3e, 0x1c, 0xdc, 0xd0, 0xa7, 0xff, 0x00, 0xa2, 0x63, 0x0f, 0x48, 0x10, 0xe1, 0x49, 0x92, 0x0c, 0x83, 0x94, 0x2d, 0x1a, 0x1a, 0x41, 0x82, 0x67, 0xd9, 0x44, 0x5c, 0x00, 0x8c, 0xa3, 0x49, 0x21, 0x67, 0x56, 0x8b, 0x2a, 0x10, 0x5c, 0xc6, 0xba, 0x0d, 0xa5, 0xb3, 0x01, 0x02, 0x85, 0x3b, 0xcd, 0x16, 0x7f, 0xe8, 0x13, 0x65, 0x36, 0x53, 0xb5, 0x36, 0x34, 0x1d, 0x4c, 0x08, 0x57, 0x96, 0x48, 0x24, 0x95, 0x46, 0x74, 0x9b, 0xa7, 0x04, 0xea, 0x44, 0xc1, 0x01, 0x66, 0x68, 0xd3, 0x73, 0x89, 0x0d, 0x12, 0x64, 0x9b, 0x4a, 0xaf, 0x09, 0x8d, 0x17, 0xa6, 0xc8, 0xea, 0x98, 0xca, 0x00, 0xcb, 0x11, 0xdb, 0x45, 0x63, 0x40, 0x06, 0xe8, 0xca, 0x1b, 0xa5, 0xd1, 0x6e, 0x8a, 0x5d, 0xa1, 0xd6, 0xd1, 0xf7, 0x5f, 0x39, 0xf0, 0x9f, 0xcf, 0x8a, 0x20, 0x99, 0x31, 0x3e, 0xc5, 0x7d, 0x20, 0x90, 0x6e, 0x2e, 0x98, 0x33, 0x24, 0x81, 0x0a, 0x89, 0x05, 0xb7, 0xb0, 0xec, 0x87, 0x3b, 0xe5, 0x13, 0xb2, 0x01, 0x3b, 0x01, 0xd1, 0x3c, 0xc0, 0x9b, 0xc5, 0xb4, 0x4e, 0x43, 0x40, 0x06, 0x07, 0xaa, 0x79, 0xb6, 0x9b, 0x6f, 0x79, 0x55, 0xe2, 0x1f, 0xe0, 0x5e, 0xd7, 0xc5, 0x2d, 0x07, 0x1f, 0x68, 0x9c, 0x8b, 0xc3, 0xcb, 0x13, 0x37, 0x3d, 0xd2, 0x33, 0xa8, 0x6d, 0xca, 0x50, 0x4e, 0xbf, 0x74, 0xc3, 0x76, 0x83, 0x7d, 0x50, 0x03, 0x20, 0x4f, 0xa2, 0x65, 0xa0, 0x05, 0x05, 0xa0, 0x11, 0x12, 0x95, 0xc1, 0xbc, 0x2f, 0x03, 0xe2, 0xf9, 0x18, 0x7c, 0x3c, 0x7f, 0x71, 0xfb, 0x02, 0xbd, 0xac, 0x3c, 0x1c, 0x3d, 0x23, 0xbe, 0x51, 0x36, 0xe8, 0xb4, 0x8d, 0x22, 0x6c, 0xa4, 0xc8, 0x06, 0x77, 0xe8, 0x81, 0x96, 0xc0, 0x03, 0x12, 0xa8, 0x80, 0xe2, 0x39, 0x8f, 0xaa, 0xb8, 0x17, 0x20, 0xdc, 0x20, 0xf9, 0x85, 0xc8, 0xf7, 0x53, 0x02, 0x41, 0x00, 0xeb, 0x1a, 0xa7, 0x94, 0x34, 0xc8, 0x92, 0x47, 0x45, 0x2e, 0xe8, 0x13, 0x0d, 0x73, 0x89, 0x94, 0xc1, 0x0d, 0x80, 0x01, 0x83, 0xcf, 0x64, 0xb7, 0x88, 0x09, 0xb8, 0x1b, 0x0b, 0x24, 0x44, 0x0b, 0x1f, 0xd1, 0x22, 0x4d, 0xa2, 0x48, 0x4c, 0x34, 0x66, 0x91, 0x13, 0xa1, 0x56, 0xe8, 0x00, 0xf2, 0x3d, 0xff, 0x00, 0x75, 0x36, 0xb1, 0x33, 0xec, 0x80, 0x03, 0xa4, 0x14, 0xe2, 0x22, 0x26, 0x06, 0xc9, 0xea, 0x20, 0x08, 0x0a, 0x5e, 0x01, 0x10, 0x00, 0xf4, 0x53, 0xad, 0x88, 0x36, 0x54, 0xe2, 0x01, 0x16, 0x0a, 0x43, 0x4c, 0x8c, 0xb1, 0x3b, 0xa1, 0xc0, 0x66, 0x16, 0xbe, 0xe1, 0x05, 0xae, 0x22, 0xd3, 0x23, 0x64, 0xc6, 0x6b, 0x02, 0x63, 0xb2, 0x44, 0x89, 0x31, 0xaf, 0xdd, 0x21, 0x27, 0x30, 0x31, 0xd6, 0xc8, 0x81, 0x20, 0x99, 0x48, 0x00, 0x5d, 0x69, 0x8e, 0x48, 0x37, 0x6c, 0x02, 0x63, 0xa2, 0x96, 0xb7, 0x4d, 0x27, 0x74, 0xc8, 0x00, 0x97, 0x18, 0x41, 0x82, 0x44, 0x4f, 0x64, 0x36, 0x36, 0x80, 0x62, 0x3b, 0x20, 0x48, 0x36, 0x23, 0xa5, 0xd5, 0x6b, 0x61, 0xc9, 0x22, 0x2d, 0x04, 0x5d, 0x0c, 0x10, 0x3b, 0xf3, 0xd9, 0x22, 0x2e, 0x0d, 0xad, 0xa1, 0x57, 0x60, 0x24, 0xb4, 0x1f, 0x45, 0x2c, 0xca, 0xf9, 0x81, 0x11, 0xd1, 0x20, 0x00, 0x32, 0x01, 0x8e, 0xea, 0xc0, 0x05, 0x84, 0x82, 0x67, 0x61, 0xc9, 0x2c, 0xb0, 0x06, 0xaa, 0x48, 0x88, 0x26, 0x0f, 0xa2, 0x46, 0x6e, 0x04, 0x0e, 0x90, 0xab, 0x2e, 0xe1, 0x36, 0x0c, 0xa2, 0x09, 0x17, 0x40, 0xdc, 0x11, 0x7e, 0x6a, 0x80, 0xe5, 0x1d, 0x52, 0x32, 0x04, 0x1d, 0x13, 0x88, 0xbb, 0x66, 0x10, 0xd7, 0x1d, 0x0c, 0x6b, 0x1a, 0x23, 0x5d, 0x2e, 0x74, 0x48, 0x98, 0x74, 0x98, 0x4c, 0x9f, 0x3d, 0xae, 0x0a, 0x09, 0x19, 0x2c, 0x04, 0x02, 0x94, 0x18, 0xf2, 0xbb, 0x54, 0xb5, 0x07, 0x34, 0x48, 0x59, 0xb9, 0xa2, 0x73, 0x02, 0x64, 0x7f, 0x3d, 0x53, 0x30, 0x3e, 0x50, 0x40, 0xee, 0x80, 0x44, 0x19, 0x40, 0x3e, 0x6b, 0x38, 0x0f, 0x5d, 0x55, 0x18, 0x81, 0x26, 0xe8, 0x9d, 0x23, 0x5f, 0x65, 0x20, 0x90, 0x6f, 0x32, 0xae, 0x79, 0x90, 0x7d, 0x11, 0x02, 0x08, 0x11, 0x1e, 0xca, 0x62, 0x0c, 0x0e, 0x4a, 0x00, 0x22, 0x65, 0xc0, 0xfd, 0xd5, 0x36, 0x77, 0x09, 0x6f, 0x36, 0x8e, 0xe9, 0xb4, 0x03, 0x69, 0xb6, 0xca, 0x9a, 0xd1, 0x6b, 0x84, 0xf2, 0x89, 0x24, 0xca, 0x04, 0x69, 0x16, 0x44, 0x80, 0x61, 0xa2, 0xc9, 0x9d, 0x48, 0x09, 0x16, 0xbb, 0x68, 0x4c, 0x45, 0x81, 0x99, 0xdf, 0x92, 0xa2, 0x20, 0xc8, 0x88, 0x2a, 0x08, 0x8b, 0x0f, 0xa2, 0x47, 0x43, 0x73, 0xb6, 0xab, 0xe6, 0xbe, 0x12, 0x39, 0xaa, 0xe2, 0x88, 0x13, 0x39, 0x4f, 0x2e, 0x6b, 0xe9, 0x23, 0x61, 0xbf, 0x55, 0x62, 0x39, 0xa0, 0x90, 0x40, 0x98, 0xbf, 0xd1, 0x1a, 0x91, 0xe7, 0x82, 0x13, 0x02, 0x01, 0x99, 0x24, 0x24, 0xc0, 0x66, 0xe0, 0x4f, 0x75, 0xa4, 0xb8, 0x08, 0x39, 0x4f, 0xa2, 0xcd, 0xd2, 0x04, 0x40, 0xbf, 0xd1, 0x13, 0xd7, 0xea, 0xbe, 0x8b, 0xe2, 0x99, 0xfc, 0x7d, 0x8d, 0xb2, 0x05, 0xe2, 0x65, 0x26, 0xd9, 0xbb, 0x85, 0x04, 0x4e, 0x88, 0x80, 0x40, 0x93, 0x61, 0xc9, 0x57, 0x97, 0x30, 0x22, 0xe9, 0x38, 0x93, 0xa8, 0x68, 0x48, 0x03, 0x23, 0x58, 0x48, 0xe6, 0x02, 0x6c, 0x5b, 0xb2, 0x92, 0xd9, 0xb9, 0x26, 0xfd, 0x17, 0xcf, 0xfc, 0x5f, 0x22, 0x86, 0x1a, 0x0e, 0x8e, 0x77, 0xad, 0x82, 0xf7, 0x70, 0xd9, 0x8e, 0x1a, 0x91, 0xb5, 0xda, 0x27, 0xd8, 0x2d, 0xae, 0xdb, 0x08, 0x52, 0xec, 0xc6, 0x34, 0xb1, 0x93, 0xd5, 0x16, 0x9e, 0x92, 0xa3, 0x7d, 0x77, 0x57, 0xa3, 0x49, 0xca, 0x7d, 0xd5, 0x5b, 0x2d, 0x80, 0x53, 0x02, 0x40, 0x12, 0x04, 0xa1, 0xd6, 0x98, 0x1b, 0xf3, 0x41, 0x68, 0xdc, 0x99, 0x46, 0x6b, 0xc1, 0x9f, 0x74, 0x8e, 0x86, 0xf2, 0x8b, 0x6c, 0x3e, 0xa9, 0xe6, 0x11, 0x24, 0x7d, 0x52, 0x70, 0x06, 0xe2, 0x65, 0x19, 0xa0, 0x10, 0x60, 0x14, 0x81, 0xb1, 0x8d, 0xc2, 0xa0, 0xeb, 0x41, 0x53, 0x98, 0xc9, 0x92, 0x27, 0x92, 0x65, 0xd0, 0x34, 0x48, 0x13, 0x94, 0x93, 0xf7, 0x41, 0x96, 0x8b, 0x6e, 0x91, 0x74, 0x68, 0x82, 0x6c, 0x66, 0xc9, 0x91, 0x6b, 0xfa, 0x26, 0xd3, 0xac, 0x04, 0x3b, 0x49, 0xba, 0x60, 0x66, 0x01, 0xc2, 0x2d, 0xaf, 0x54, 0x03, 0x06, 0x40, 0x17, 0x49, 0xc2, 0x4f, 0x4d, 0x0f, 0x35, 0x20, 0x00, 0x77, 0x94, 0x07, 0x5b, 0x79, 0x41, 0x97, 0x3b, 0x50, 0x3d, 0x15, 0x58, 0x6b, 0x17, 0x49, 0xd6, 0xb0, 0xd5, 0x22, 0x22, 0x09, 0xd7, 0x70, 0x90, 0x91, 0x06, 0x02, 0x08, 0x22, 0x65, 0x04, 0x36, 0x01, 0x20, 0x08, 0xfa, 0xa6, 0x20, 0x1c, 0xd0, 0x2f, 0xd5, 0x13, 0x73, 0x11, 0xa2, 0x08, 0xe6, 0xa4, 0x46, 0xe4, 0x4f, 0x25, 0x52, 0x00, 0x93, 0x29, 0x4b, 0x4c, 0x91, 0x32, 0x88, 0x31, 0xaf, 0x44, 0xa4, 0x09, 0x12, 0x07, 0xaa, 0x64, 0x92, 0xd3, 0x04, 0xd9, 0x23, 0x3b, 0xaa, 0x12, 0x01, 0x11, 0xae, 0xe8, 0x68, 0x91, 0x7d, 0x66, 0x15, 0x08, 0x83, 0xa5, 0xb4, 0x4a, 0x04, 0x79, 0x89, 0x3d, 0x94, 0xda, 0x60, 0x12, 0x99, 0x16, 0xb8, 0x10, 0x80, 0xeb, 0x40, 0x02, 0x07, 0x44, 0xda, 0x48, 0x3a, 0x6f, 0x29, 0x92, 0x7e, 0xbc, 0x94, 0x98, 0x70, 0x20, 0x14, 0x10, 0x20, 0x27, 0x12, 0xd8, 0x1a, 0xcd, 0xd2, 0x2d, 0x22, 0x74, 0xf7, 0x53, 0xb5, 0xf7, 0x48, 0xb4, 0xda, 0xfd, 0x91, 0x06, 0x7f, 0xca, 0x6e, 0x68, 0x8d, 0x54, 0x48, 0x06, 0x27, 0xa6, 0x8a, 0xf5, 0x02, 0x34, 0x84, 0xa4, 0x4f, 0x98, 0x12, 0xa6, 0xc4, 0xda, 0x55, 0x8d, 0x34, 0xee, 0x65, 0x17, 0xe4, 0x3a, 0x75, 0x48, 0x3e, 0xf2, 0x45, 0xbb, 0xa9, 0x0e, 0x04, 0x1b, 0x1e, 0x96, 0x4d, 0xba, 0x5e, 0x75, 0x4e, 0x2e, 0x40, 0xd1, 0x43, 0x6c, 0x1a, 0x3a, 0xad, 0x09, 0xbe, 0xa7, 0xb2, 0x52, 0x22, 0x08, 0x24, 0xab, 0x74, 0x45, 0x81, 0x09, 0x36, 0x48, 0x88, 0x36, 0x12, 0x8e, 0x44, 0x1b, 0xa6, 0x66, 0x64, 0x9b, 0x24, 0xd7, 0x0c, 0xe2, 0x41, 0xba, 0xa7, 0x40, 0xd0, 0xc8, 0x29, 0x12, 0x26, 0x04, 0xd9, 0x23, 0x06, 0xc4, 0xd8, 0x41, 0xee, 0xbe, 0x73, 0xe1, 0x39, 0x15, 0x31, 0x60, 0x72, 0x1b, 0x47, 0xf3, 0x55, 0xf4, 0x41, 0xb7, 0x8d, 0xd3, 0xb8, 0x17, 0x1f, 0x54, 0x16, 0xda, 0xda, 0xf6, 0x56, 0xd8, 0x98, 0x74, 0x66, 0xd9, 0x3d, 0xee, 0x7d, 0x11, 0xe1, 0x82, 0x6f, 0x05, 0x3f, 0x2c, 0x88, 0x69, 0x6a, 0x0d, 0xa7, 0x43, 0xe8, 0xa3, 0x37, 0x4f, 0xa2, 0xfa, 0x2f, 0x8a, 0x40, 0x18, 0xf0, 0x41, 0x8f, 0x20, 0x85, 0xe1, 0x38, 0x97, 0x1b, 0x8b, 0xf7, 0x52, 0x1c, 0x00, 0xbe, 0x88, 0x2e, 0x33, 0xa5, 0x8a, 0x60, 0xd8, 0xc0, 0x23, 0xf4, 0x50, 0xf9, 0xcc, 0x49, 0x26, 0x53, 0x63, 0xdd, 0xe8, 0x55, 0x68, 0x2e, 0x44, 0xa4, 0x60, 0x7c, 0xc6, 0xdb, 0x2f, 0x9e, 0xf8, 0xba, 0x3c, 0x1c, 0x39, 0x99, 0x19, 0x9d, 0x1e, 0xdf, 0xe1, 0x7b, 0x78, 0x58, 0x18, 0x6a, 0x60, 0x93, 0x01, 0xa3, 0xec, 0xac, 0xc9, 0x92, 0x26, 0x0a, 0x35, 0x10, 0x64, 0x42, 0x64, 0xeb, 0x3a, 0xf6, 0x45, 0xc0, 0x92, 0x13, 0xcc, 0x20, 0x92, 0x3e, 0x88, 0x91, 0x16, 0x46, 0xbf, 0x9b, 0xea, 0x94, 0xf9, 0x4e, 0x84, 0x93, 0xec, 0x99, 0x71, 0x71, 0xdb, 0x96, 0x90, 0x93, 0x84, 0xdc, 0x22, 0x60, 0x5c, 0x24, 0x79, 0x10, 0x63, 0x6d, 0x95, 0x0e, 0x90, 0x52, 0x3e, 0xbe, 0xc9, 0xb4, 0x36, 0x2f, 0x95, 0x23, 0x1b, 0x47, 0xba, 0x93, 0x30, 0x67, 0x53, 0xa2, 0x60, 0x73, 0x99, 0x3b, 0xc2, 0x57, 0xb4, 0x68, 0x99, 0x91, 0x19, 0x40, 0xbe, 0xb7, 0x4c, 0x12, 0xd1, 0x06, 0x12, 0x30, 0x47, 0x64, 0xaf, 0x06, 0x66, 0x36, 0x56, 0x66, 0x2d, 0x3d, 0x6c, 0xa6, 0xdf, 0x94, 0x9f, 0x6d, 0x12, 0x13, 0xa5, 0xee, 0xab, 0x41, 0x27, 0x6d, 0x2e, 0xa0, 0x5c, 0x92, 0x0a, 0x60, 0x9b, 0xc9, 0xbc, 0xd8, 0xa2, 0x40, 0x74, 0x40, 0x94, 0x1c, 0xc3, 0x90, 0x03, 0xa2, 0x53, 0x26, 0xf3, 0x28, 0x98, 0x1b, 0x5d, 0x30, 0xd2, 0x04, 0xa0, 0x46, 0xa4, 0x24, 0xeb, 0x9b, 0x0b, 0x22, 0xc4, 0x12, 0x49, 0x04, 0x6d, 0xac, 0xa0, 0xb8, 0x3a, 0xc4, 0x10, 0x83, 0xa5, 0x87, 0x6e, 0xa9, 0x03, 0x3a, 0x80, 0x0e, 0xa5, 0x50, 0x2e, 0x83, 0x04, 0x7b, 0x28, 0xb0, 0x26, 0x53, 0x24, 0x90, 0x74, 0xb7, 0x54, 0x34, 0xdc, 0x49, 0x10, 0x9c, 0x83, 0xa9, 0x3a, 0xa9, 0x31, 0x27, 0xf6, 0x40, 0x24, 0x0b, 0xe8, 0x9d, 0xa2, 0xff, 0x00, 0x74, 0x58, 0x69, 0x3e, 0xe9, 0x66, 0x3b, 0x12, 0x2f, 0xc9, 0x0d, 0x3e, 0x43, 0x24, 0x4c, 0xab, 0x0e, 0x19, 0x35, 0x1a, 0xc7, 0xf0, 0xa2, 0x01, 0x23, 0x71, 0xce, 0x54, 0xe9, 0xe8, 0x87, 0x19, 0x06, 0x01, 0xb2, 0x29, 0x90, 0x4c, 0x49, 0x94, 0xc9, 0x20, 0x08, 0x29, 0x68, 0x64, 0x42, 0xa0, 0xe8, 0x07, 0x45, 0x21, 0xc2, 0xf2, 0x81, 0xa9, 0xd5, 0x37, 0x44, 0xdf, 0x44, 0x18, 0x8b, 0x94, 0x9d, 0xac, 0x09, 0x95, 0x36, 0x82, 0x09, 0x12, 0x7e, 0x88, 0x8b, 0x41, 0xb8, 0x46, 0x5e, 0x53, 0x0a, 0x40, 0xf3, 0x1b, 0x88, 0xdf, 0xa2, 0x05, 0xac, 0x0a, 0x42, 0x45, 0xe7, 0xd3, 0x55, 0x61, 0xd2, 0x6d, 0x37, 0xd2, 0xd1, 0x08, 0x6e, 0x8e, 0x81, 0x74, 0x4d, 0xc4, 0x13, 0xd6, 0x51, 0xbc, 0x93, 0xda, 0xe8, 0x63, 0xa3, 0xd1, 0x4f, 0xe6, 0x24, 0xca, 0xa8, 0x92, 0x4d, 0xe1, 0x39, 0x13, 0x33, 0xd9, 0x1a, 0x89, 0x93, 0x29, 0x35, 0xe6, 0x4c, 0x98, 0x24, 0x2a, 0x0d, 0xf2, 0x88, 0xfd, 0xd5, 0x06, 0x6a, 0x49, 0x32, 0x79, 0x04, 0xe4, 0xb6, 0x3f, 0x64, 0x8b, 0x43, 0x4c, 0x89, 0xf5, 0x52, 0xe9, 0x26, 0x04, 0x04, 0x18, 0x1c, 0xa3, 0xbf, 0x55, 0xf3, 0xbf, 0x09, 0x96, 0x9a, 0xd8, 0xb6, 0x82, 0x7f, 0x2f, 0xdc, 0xaf, 0xa5, 0x00, 0x03, 0xb2, 0x79, 0x9b, 0x20, 0x6b, 0x2a, 0x64, 0x68, 0x08, 0x1f, 0xa2, 0x73, 0x71, 0x71, 0x6d, 0xd0, 0x60, 0xc1, 0x33, 0x3d, 0xd5, 0x88, 0x8d, 0x08, 0xea, 0x89, 0x16, 0x83, 0x29, 0x3a, 0xf6, 0x10, 0x07, 0xdd, 0x28, 0x1d, 0x17, 0xd0, 0x7c, 0x59, 0x1f, 0x8e, 0x60, 0x3a, 0x64, 0xfd, 0x57, 0x82, 0x48, 0x8b, 0x03, 0x6e, 0xaa, 0x41, 0x19, 0xbc, 0xbe, 0xa1, 0x50, 0x1b, 0x8d, 0x3b, 0xa3, 0x53, 0x20, 0x94, 0x8c, 0x12, 0x41, 0xd4, 0x69, 0x74, 0x1d, 0x01, 0xb9, 0x46, 0x6e, 0x43, 0x5f, 0x55, 0x22, 0x04, 0x87, 0x02, 0xbe, 0x7f, 0xe3, 0x1b, 0xd0, 0xc3, 0x89, 0x04, 0x07, 0x18, 0xf6, 0x5f, 0x41, 0x85, 0x20, 0x61, 0xa9, 0x87, 0x7f, 0x68, 0x03, 0x74, 0xcf, 0x28, 0xb8, 0xdd, 0x0e, 0x2d, 0x00, 0x0b, 0x82, 0x81, 0x00, 0x1b, 0xed, 0x26, 0x52, 0x69, 0xb9, 0xb9, 0x84, 0x38, 0x80, 0x08, 0x27, 0x64, 0x9b, 0x16, 0x83, 0x63, 0x69, 0x84, 0x10, 0x6e, 0x41, 0x07, 0xaf, 0x35, 0x59, 0x88, 0x16, 0x24, 0x6d, 0xa2, 0x46, 0x49, 0x33, 0x36, 0xbf, 0xa4, 0xc2, 0x04, 0xcc, 0x0f, 0x64, 0xdc, 0xe2, 0xd9, 0x04, 0x88, 0xd1, 0x4b, 0x5c, 0x66, 0xf3, 0x7e, 0x72, 0xa8, 0xe9, 0x78, 0x85, 0x25, 0xe7, 0x28, 0x04, 0x1e, 0x96, 0x40, 0x71, 0x00, 0x0b, 0x81, 0xee, 0x91, 0x8c, 0xd0, 0x64, 0x4f, 0xd7, 0xb2, 0x64, 0x40, 0x32, 0x44, 0xed, 0x74, 0x8d, 0xc8, 0x22, 0x63, 0x4f, 0x55, 0x56, 0xd0, 0x7b, 0x46, 0x88, 0x8b, 0xe9, 0x3f, 0xba, 0x6d, 0x83, 0xa8, 0x12, 0xa2, 0x26, 0x48, 0x99, 0x4d, 0xe4, 0x02, 0x00, 0x27, 0xea, 0x80, 0xe8, 0x98, 0x8b, 0xf5, 0x52, 0xd9, 0x92, 0x44, 0x98, 0xe4, 0x55, 0x92, 0x2c, 0x75, 0x09, 0x35, 0xa2, 0x26, 0xf7, 0xd7, 0xa2, 0x52, 0xd1, 0x13, 0x17, 0xd2, 0xe8, 0xd7, 0xb7, 0x74, 0xe4, 0xce, 0xd6, 0x1a, 0xa9, 0xb9, 0x22, 0xe6, 0x27, 0xde, 0xca, 0xb3, 0x13, 0x00, 0x8b, 0x27, 0x00, 0xc8, 0x8b, 0xa9, 0x02, 0x07, 0xcc, 0x24, 0x27, 0x30, 0xd3, 0x9a, 0xeb, 0x33, 0x52, 0x9b, 0x1d, 0x0f, 0x78, 0x69, 0xd6, 0x09, 0xd7, 0xb2, 0x5e, 0x2b, 0x32, 0x66, 0x24, 0x06, 0x0d, 0x4c, 0x8b, 0x7a, 0xfb, 0x2b, 0x6b, 0x9d, 0x00, 0x14, 0x1e, 0xb1, 0x72, 0x93, 0x74, 0x26, 0x45, 0x93, 0x6b, 0x84, 0x0b, 0x91, 0x3e, 0x90, 0x12, 0x74, 0xce, 0xa7, 0xdf, 0x64, 0xc9, 0xe6, 0x2c, 0x10, 0x08, 0xb4, 0x9d, 0xd4, 0x97, 0x34, 0x53, 0x71, 0x32, 0x22, 0x1c, 0x49, 0x22, 0xc9, 0x32, 0xab, 0x5e, 0xd1, 0x95, 0xcd, 0x70, 0x3f, 0x29, 0x90, 0x33, 0x1e, 0x9c, 0xd3, 0xb1, 0x16, 0x37, 0xfe, 0x6a, 0x99, 0x88, 0x3c, 0xfe, 0xe9, 0x03, 0xce, 0x06, 0xfa, 0xa4, 0xe7, 0x45, 0xc4, 0x74, 0xba, 0x6d, 0xcd, 0x17, 0x6b, 0xaf, 0xbc, 0x8d, 0x54, 0xbe, 0xb5, 0x3a, 0x74, 0xf3, 0xd4, 0x7b, 0x5a, 0xd0, 0x72, 0x9f, 0x30, 0xfe, 0x72, 0x56, 0xd3, 0x22, 0x33, 0x09, 0x23, 0xba, 0x42, 0xf2, 0x0c, 0xcc, 0x7d, 0x13, 0x32, 0xd1, 0x60, 0x74, 0x9e, 0x48, 0x26, 0xf2, 0x05, 0xf4, 0xd5, 0x39, 0xbd, 0xae, 0x3f, 0x44, 0x8b, 0x81, 0x9b, 0x7a, 0xe8, 0x86, 0xc4, 0xc4, 0xeb, 0xdd, 0x26, 0xb8, 0x66, 0x9b, 0x11, 0xfc, 0xd5, 0x59, 0x70, 0x1b, 0x1f, 0xb5, 0xd1, 0x98, 0x38, 0x08, 0x8d, 0x25, 0x02, 0x0d, 0xca, 0x45, 0xde, 0x63, 0x3a, 0x28, 0x91, 0xb1, 0x30, 0x98, 0xb1, 0xbc, 0x7b, 0xa2, 0x3a, 0xdf, 0xa2, 0x43, 0x52, 0x0b, 0x45, 0xfa, 0xa9, 0x9e, 0x41, 0x00, 0x41, 0x27, 0x6e, 0xc9, 0x34, 0xb8, 0x9b, 0x93, 0x08, 0x0e, 0x2d, 0x74, 0x09, 0x84, 0x49, 0x3a, 0x5f, 0x9a, 0x2e, 0x60, 0x11, 0x64, 0xc8, 0x83, 0x65, 0x6d, 0xd2, 0xfa, 0x77, 0x48, 0xc9, 0xd2, 0x6c, 0x9c, 0x07, 0x03, 0x31, 0xed, 0x09, 0x8f, 0x28, 0xb1, 0xb4, 0x6f, 0x74, 0x0d, 0x48, 0x71, 0x11, 0x1d, 0x93, 0xd0, 0x01, 0x28, 0xcc, 0x39, 0x04, 0x36, 0x35, 0x33, 0xee, 0xac, 0xe8, 0x6f, 0xa2, 0x97, 0x46, 0xc5, 0x49, 0x86, 0x83, 0x37, 0x91, 0xba, 0xf9, 0xdf, 0x85, 0x40, 0xf1, 0x71, 0x46, 0x08, 0xf9, 0x7e, 0xe5, 0x7d, 0x20, 0xb9, 0x11, 0x21, 0x31, 0x23, 0x48, 0x2a, 0x46, 0x69, 0x04, 0x1d, 0x53, 0xb9, 0x3a, 0x1b, 0x2a, 0x02, 0x4c, 0x6c, 0x13, 0x90, 0x7b, 0x84, 0x0c, 0xb3, 0x20, 0x29, 0x70, 0x00, 0xd8, 0xeb, 0xaf, 0x44, 0xf2, 0x1e, 0x43, 0xdd, 0x7d, 0x17, 0xc5, 0xc0, 0x7e, 0x36, 0x99, 0x9f, 0xc8, 0xbc, 0x07, 0xe5, 0xd0, 0x9d, 0x75, 0x59, 0x9b, 0x10, 0x01, 0x8e, 0xb0, 0xab, 0xcc, 0x45, 0xe2, 0x36, 0x46, 0x6d, 0x82, 0x42, 0x4e, 0xc3, 0xbe, 0xb0, 0x89, 0x90, 0x5b, 0x02, 0x7a, 0x19, 0x4a, 0x2d, 0xbf, 0xec, 0x98, 0x22, 0xd3, 0x2b, 0xe7, 0xfe, 0x2f, 0x83, 0x87, 0xc3, 0x83, 0x32, 0x5f, 0x02, 0x07, 0xd5, 0x7b, 0x38, 0x53, 0xfd, 0x0a, 0x66, 0x4d, 0xda, 0xdd, 0xfa, 0x05, 0xb0, 0x88, 0xd4, 0xca, 0x0c, 0x89, 0x82, 0x35, 0xdf, 0x9a, 0xf9, 0xee, 0x23, 0x5b, 0x17, 0x85, 0xab, 0x4d, 0xcf, 0xc5, 0xb8, 0x62, 0x5d, 0x53, 0xcb, 0x4e, 0xd9, 0x32, 0x4e, 0xf2, 0xbd, 0xe3, 0x72, 0x25, 0xc0, 0x9b, 0x03, 0x7d, 0xfa, 0x2a, 0xbc, 0x9b, 0x4c, 0x59, 0x7c, 0xe6, 0x2e, 0xb5, 0x7e, 0x1c, 0xfa, 0xf8, 0x66, 0x9a, 0x8e, 0x18, 0x8f, 0xf6, 0x49, 0xd8, 0x9d, 0xa7, 0xb9, 0x2b, 0xa2, 0x86, 0x2b, 0x11, 0x40, 0x3b, 0x0b, 0x84, 0xa5, 0xe2, 0x9a, 0x00, 0x78, 0x8f, 0xa8, 0xe8, 0x97, 0x1b, 0xc0, 0xea, 0xb7, 0x67, 0x18, 0xf1, 0xdd, 0x82, 0x14, 0xe9, 0x0f, 0xeb, 0xc8, 0x74, 0xfe, 0x52, 0xdd, 0x41, 0x3b, 0xa9, 0xad, 0xc5, 0x9f, 0x4d, 0xb8, 0xc3, 0xe1, 0xb5, 0xc2, 0x83, 0xc3, 0x46, 0x57, 0x0f, 0x30, 0x2b, 0xbf, 0x05, 0x5a, 0xbd, 0x7a, 0x4e, 0x7e, 0x26, 0x88, 0xa2, 0xe9, 0x96, 0x80, 0x66, 0x47, 0x35, 0xe7, 0x3b, 0x89, 0xe2, 0xdf, 0x56, 0xb3, 0xf0, 0x98, 0x66, 0xd4, 0xa3, 0x49, 0xd9, 0x5d, 0x73, 0x99, 0xdd, 0x42, 0xba, 0xbc, 0x43, 0x11, 0x53, 0x15, 0x5a, 0x8e, 0x0a, 0x8b, 0x09, 0xa4, 0x03, 0x9f, 0xe2, 0x12, 0x2f, 0xcb, 0xba, 0xc4, 0xf1, 0x97, 0xd5, 0xc3, 0xe1, 0x5d, 0x42, 0x83, 0x0b, 0xea, 0xb8, 0xb1, 0xcc, 0x93, 0x62, 0x3a, 0xa8, 0xff, 0x00, 0x56, 0xc6, 0xe5, 0xad, 0x38, 0x6a, 0x51, 0x87, 0x33, 0x52, 0xe6, 0xe3, 0xa7, 0xd1, 0x69, 0x57, 0x89, 0xd7, 0xa9, 0x88, 0xa3, 0x4b, 0x09, 0x46, 0x9e, 0x7a, 0xb4, 0x45, 0x51, 0x99, 0xc4, 0x01, 0x26, 0xc1, 0x64, 0xce, 0x2f, 0x8a, 0x73, 0x28, 0xd6, 0x75, 0x1a, 0x22, 0x91, 0xa8, 0x29, 0x1b, 0x99, 0x27, 0x98, 0xe4, 0x3d, 0xd5, 0x62, 0xf8, 0xcd, 0x4a, 0x75, 0xeb, 0xb6, 0x91, 0xa2, 0xda, 0x74, 0x4c, 0x1f, 0x10, 0xc1, 0x7f, 0x41, 0xd5, 0x5b, 0xb8, 0xa5, 0x6a, 0xd5, 0xa8, 0x33, 0x0b, 0x4e, 0x93, 0x8d, 0x5a, 0x59, 0xc6, 0x62, 0x7c, 0xba, 0xea, 0x7d, 0x17, 0x1e, 0x2f, 0x88, 0xe2, 0xb1, 0x58, 0x0a, 0x4f, 0x6b, 0x59, 0x4d, 0xe2, 0xbf, 0x86, 0xfc, 0xa4, 0x80, 0x48, 0xfd, 0x23, 0x51, 0xcd, 0x76, 0x62, 0xf8, 0xb6, 0x22, 0x8e, 0x23, 0xc0, 0x03, 0x0e, 0xc7, 0x06, 0x07, 0x13, 0x53, 0xe5, 0x71, 0x20, 0x59, 0xa7, 0x9e, 0xcb, 0xd4, 0xc3, 0xd6, 0x75, 0x5a, 0x14, 0xea, 0x54, 0x64, 0x3c, 0x89, 0x20, 0x11, 0x6f, 0x5d, 0x17, 0x8c, 0xfe, 0x35, 0x5e, 0x9d, 0x56, 0x8a, 0x82, 0x81, 0x63, 0x9f, 0x97, 0xc3, 0x69, 0xcc, 0xe0, 0x27, 0x59, 0xd3, 0xd1, 0x74, 0x33, 0x88, 0x57, 0xa9, 0x8f, 0xc4, 0x51, 0xa7, 0x49, 0x86, 0x95, 0x07, 0x07, 0x39, 0xf3, 0xa0, 0x3f, 0x73, 0xd1, 0x72, 0xff, 0x00, 0xad, 0xd5, 0x76, 0x4a, 0x85, 0xb4, 0x7c, 0x07, 0x3e, 0x32, 0x4c, 0xbc, 0x7f, 0x39, 0x2f, 0x4f, 0x88, 0xe2, 0x6a, 0x61, 0xb0, 0x6f, 0xad, 0x4d, 0x8d, 0x73, 0x99, 0x1a, 0x9d, 0xb4, 0x8b, 0x2e, 0x37, 0x71, 0x92, 0xdc, 0x5d, 0x56, 0x06, 0x03, 0x49, 0x94, 0x8b, 0x9a, 0x63, 0x57, 0x00, 0x0f, 0xea, 0xb2, 0xaf, 0xc5, 0xab, 0xe5, 0xa4, 0xc6, 0x8c, 0x3b, 0x2a, 0xbe, 0x98, 0xaa, 0xe7, 0x55, 0x27, 0x28, 0x9d, 0x22, 0x37, 0x88, 0x59, 0x57, 0xc7, 0x7e, 0x39, 0xbc, 0x3d, 0xee, 0x86, 0x3c, 0x62, 0x03, 0x5d, 0x0e, 0x89, 0x8d, 0xfa, 0x85, 0xd2, 0xec, 0x7e, 0x36, 0xb5, 0x5a, 0xee, 0xc2, 0x53, 0xa2, 0x69, 0x53, 0xa9, 0x94, 0xb4, 0x98, 0x2f, 0xec, 0x76, 0x5a, 0xbf, 0x19, 0x8b, 0xad, 0x8a, 0xa9, 0x47, 0x08, 0xc6, 0x30, 0xd2, 0x68, 0x73, 0xfc, 0x5b, 0xc9, 0x22, 0xc1, 0x60, 0x38, 0xc5, 0x7a, 0x94, 0xb0, 0xa6, 0x8d, 0x36, 0x0a, 0xb5, 0x2a, 0x1a, 0x6f, 0x6d, 0x42, 0x6c, 0x6d, 0x7b, 0x6d, 0x75, 0x0f, 0xe2, 0x18, 0xf6, 0xd3, 0xc5, 0x40, 0xc3, 0xe6, 0xc3, 0x19, 0x75, 0x8c, 0x11, 0xd1, 0x5e, 0x27, 0x8b, 0x56, 0x26, 0x83, 0x29, 0x3a, 0x95, 0x10, 0xfa, 0x62, 0xa1, 0x7b, 0xda, 0x60, 0xcd, 0xe0, 0x7e, 0xeb, 0xbb, 0x84, 0x63, 0x5d, 0x8d, 0xc1, 0xf8, 0x95, 0x1a, 0x33, 0xc9, 0x07, 0x28, 0xd8, 0x6e, 0x3a, 0x2e, 0xd7, 0x38, 0x06, 0x9b, 0xfd, 0x17, 0xcf, 0x71, 0x53, 0x48, 0xf1, 0x96, 0x9c, 0x45, 0x27, 0xd6, 0x60, 0xa5, 0xf2, 0xb0, 0x49, 0xd5, 0x72, 0xbe, 0x9b, 0x9b, 0xc3, 0x31, 0xef, 0x6d, 0x27, 0xd2, 0xc3, 0x97, 0x34, 0xd3, 0x63, 0x89, 0x24, 0x49, 0xbd, 0x97, 0x6e, 0x27, 0x88, 0x56, 0x15, 0x5b, 0x42, 0x8d, 0x56, 0xd3, 0x14, 0xe9, 0x87, 0x4b, 0xa9, 0x97, 0x66, 0x24, 0x03, 0xb7, 0x75, 0x55, 0x38, 0x96, 0x21, 0xf8, 0x5c, 0x3b, 0xfc, 0x46, 0x61, 0xcb, 0xc9, 0x0f, 0x25, 0xb2, 0x64, 0x7f, 0xe3, 0xac, 0x28, 0xa5, 0xc4, 0xf1, 0x2e, 0xe1, 0xd5, 0x6a, 0x80, 0x5d, 0x52, 0x9d, 0x5c, 0xb9, 0xf2, 0xed, 0xae, 0x8a, 0xa8, 0xf1, 0x6a, 0xa3, 0x05, 0x88, 0xaa, 0x5f, 0x4a, 0xb6, 0x42, 0x32, 0x10, 0xc2, 0xd3, 0x98, 0xc0, 0xba, 0x7c, 0x3b, 0x88, 0xd7, 0x76, 0x2e, 0x9d, 0x3a, 0xb5, 0x3c, 0x66, 0x55, 0x12, 0x62, 0x99, 0x19, 0x1d, 0xdc, 0xed, 0xd5, 0x76, 0xf1, 0x1c, 0x5d, 0x4c, 0x2e, 0x27, 0x0c, 0x5c, 0x7f, 0xa2, 0xe2, 0x43, 0xed, 0xa5, 0xbf, 0xc2, 0xf3, 0xb0, 0xfc, 0x53, 0x17, 0x52, 0x9b, 0x69, 0x17, 0x01, 0x5d, 0xd5, 0x5a, 0xd1, 0x6f, 0xc8, 0x44, 0x92, 0xb6, 0xa3, 0x88, 0xc6, 0x62, 0x2a, 0xe2, 0x9a, 0xe7, 0xb3, 0xc0, 0xa2, 0xe7, 0xb5, 0xc0, 0xb4, 0x79, 0x80, 0x0b, 0x81, 0xa6, 0xa5, 0x56, 0xf0, 0xc2, 0xc7, 0x86, 0x4b, 0x88, 0x68, 0xc8, 0x2c, 0x64, 0xdf, 0x5e, 0xcb, 0x4c, 0x4f, 0x13, 0xc5, 0x3a, 0xbe, 0x23, 0xc2, 0xac, 0xe6, 0x36, 0x83, 0xa0, 0x30, 0x52, 0xcc, 0x1d, 0x1c, 0xcf, 0x7e, 0xeb, 0xda, 0x18, 0x97, 0x37, 0x87, 0x8a, 0xef, 0x69, 0x0e, 0x14, 0xf3, 0x90, 0x76, 0x31, 0xa7, 0xba, 0xf2, 0xce, 0x33, 0x1d, 0x4b, 0x0f, 0x47, 0x18, 0xec, 0x43, 0x4d, 0x3a, 0x8f, 0x13, 0x47, 0xc3, 0xd8, 0xc6, 0xfa, 0xee, 0xae, 0xb6, 0x27, 0x1b, 0x55, 0xd8, 0xef, 0x0a, 0xb8, 0xa6, 0xca, 0x03, 0x34, 0x64, 0x99, 0xb1, 0x31, 0x7e, 0xdf, 0x55, 0xe8, 0x70, 0xfa, 0xaf, 0xc5, 0x70, 0xe6, 0x3c, 0xc0, 0x7b, 0xd8, 0x6f, 0x02, 0x07, 0x75, 0xf3, 0xd1, 0x53, 0xfd, 0x1f, 0x13, 0x99, 0xe1, 0xcc, 0x18, 0x80, 0x20, 0x88, 0x82, 0x08, 0xbc, 0xee, 0x34, 0xb2, 0xf4, 0x9b, 0x8c, 0xc6, 0x61, 0x71, 0xa6, 0x95, 0x77, 0xf8, 0xac, 0xf0, 0x0d, 0x5b, 0x36, 0x2e, 0x24, 0xc4, 0x7a, 0x6a, 0xb9, 0xb0, 0xf8, 0xec, 0x73, 0x9d, 0x46, 0xb0, 0x7d, 0x47, 0xb5, 0xcf, 0xca, 0xea, 0x7e, 0x11, 0x80, 0x27, 0x9e, 0x8b, 0xd5, 0xe3, 0x35, 0xaa, 0xe1, 0xf8, 0x75, 0x4a, 0x94, 0x1d, 0x96, 0xa0, 0x20, 0x8b, 0x03, 0x69, 0xd2, 0xfd, 0xd7, 0x16, 0x2a, 0xbe, 0x2e, 0x8d, 0x2a, 0x34, 0xea, 0x62, 0x1c, 0x5f, 0x55, 0xd9, 0x8b, 0xd8, 0xdb, 0x81, 0x02, 0xc0, 0x2c, 0xce, 0x2b, 0x1a, 0xcc, 0x2e, 0x20, 0x93, 0x54, 0xba, 0x83, 0x9a, 0xe0, 0xf7, 0xb7, 0x2e, 0x66, 0xe8, 0x7d, 0x6c, 0xae, 0xa7, 0x12, 0xac, 0xe7, 0x62, 0x6b, 0xd0, 0x77, 0xf4, 0x69, 0x31, 0xa1, 0xa2, 0x3f, 0x31, 0x02, 0xfd, 0xaf, 0xf4, 0x51, 0x81, 0xc5, 0x63, 0x1b, 0x89, 0xa3, 0x26, 0xbb, 0xe9, 0xd4, 0x69, 0x2e, 0x2e, 0x68, 0x10, 0x63, 0x51, 0xcc, 0x7b, 0x2a, 0xc0, 0xd4, 0xc7, 0x55, 0xe1, 0xf5, 0x71, 0x03, 0x10, 0xd7, 0x10, 0x0b, 0x58, 0xc8, 0x02, 0xf3, 0xac, 0xf3, 0xe8, 0xa3, 0x07, 0x8e, 0xad, 0x4e, 0xa3, 0x99, 0x56, 0xa5, 0x52, 0xf3, 0x4c, 0xb8, 0xd3, 0xac, 0xc8, 0x93, 0xaf, 0x97, 0x98, 0x51, 0x87, 0xc5, 0xe3, 0x5c, 0xec, 0x3d, 0x66, 0x1a, 0xce, 0x35, 0x1e, 0x03, 0xf3, 0x34, 0x64, 0x8e, 0x43, 0xf9, 0xaa, 0xfa, 0x20, 0x44, 0xcc, 0xc5, 0xef, 0xd3, 0xba, 0xa3, 0x73, 0xab, 0x67, 0x74, 0x10, 0x00, 0xd8, 0x94, 0x8f, 0x3b, 0x4e, 0xe8, 0x1a, 0x5a, 0x2c, 0x89, 0x13, 0x37, 0x84, 0xda, 0x01, 0x26, 0xc5, 0x27, 0x40, 0x39, 0x60, 0xc6, 0xfd, 0x50, 0x5a, 0x00, 0x91, 0x65, 0x98, 0x92, 0x40, 0x06, 0xc9, 0x91, 0x7b, 0x4f, 0x74, 0xfd, 0xd3, 0xdb, 0x43, 0x3b, 0x94, 0x01, 0x07, 0x49, 0xe4, 0xac, 0x83, 0x10, 0x61, 0x4e, 0x58, 0x90, 0x62, 0x0a, 0x03, 0xb9, 0x01, 0x63, 0xba, 0x09, 0x1a, 0x92, 0x63, 0xa0, 0x52, 0x4c, 0xee, 0x6d, 0xd7, 0x54, 0xdb, 0x21, 0xda, 0x08, 0xec, 0x98, 0x04, 0xcc, 0xc4, 0x8b, 0x2a, 0x00, 0xed, 0x03, 0x64, 0x09, 0x6c, 0x81, 0x06, 0x4f, 0x34, 0x8e, 0x63, 0x33, 0x10, 0xbe, 0x7b, 0xe1, 0x6f, 0xf7, 0xb1, 0x44, 0x93, 0x36, 0xfb, 0x95, 0xf4, 0x44, 0xf9, 0x84, 0x19, 0x25, 0x0e, 0xd8, 0x12, 0x3b, 0x20, 0xb7, 0xcc, 0x01, 0x2a, 0x81, 0xbd, 0xa7, 0xdd, 0x07, 0x78, 0x9b, 0xa6, 0x22, 0x05, 0xfb, 0xd9, 0x39, 0x31, 0xe5, 0x85, 0x25, 0xb3, 0x05, 0xd1, 0xfb, 0xa9, 0xca, 0x39, 0x95, 0xf4, 0xdf, 0x16, 0xdb, 0x1a, 0xc0, 0x22, 0xec, 0x5f, 0x38, 0xf0, 0xd8, 0xfa, 0xa9, 0x26, 0x1b, 0x69, 0x48, 0x49, 0x16, 0x95, 0x57, 0x2d, 0xb4, 0x59, 0x20, 0xe0, 0x4c, 0x5c, 0x0f, 0xba, 0x04, 0xcb, 0x8c, 0x10, 0x76, 0xe8, 0x86, 0x88, 0x75, 0xc9, 0x28, 0x99, 0x06, 0x26, 0xc6, 0xd6, 0x5f, 0x3f, 0xf1, 0x74, 0x8a, 0x18, 0x73, 0x17, 0x0f, 0x3b, 0x2f, 0x63, 0x06, 0x47, 0xe1, 0x29, 0x0b, 0xce, 0x41, 0xf6, 0x5b, 0xde, 0x20, 0x03, 0x28, 0x06, 0x5a, 0x64, 0xc1, 0xdb, 0xba, 0xf1, 0x6b, 0xf0, 0xfc, 0x6e, 0x22, 0x99, 0xc3, 0xd5, 0xab, 0x49, 0xf4, 0x1c, 0xf9, 0xf1, 0x09, 0xf3, 0x01, 0x33, 0x0b, 0xd1, 0xa1, 0x4e, 0xbb, 0x31, 0x2f, 0x0e, 0x7d, 0x33, 0x87, 0xca, 0x05, 0x30, 0x0d, 0xec, 0x37, 0xf5, 0x5d, 0x71, 0x22, 0xc6, 0xeb, 0x83, 0x1f, 0x81, 0x7e, 0x23, 0x15, 0x84, 0xaa, 0x1e, 0xd6, 0x8a, 0x2e, 0x24, 0xe6, 0x13, 0x33, 0xc9, 0x73, 0xd6, 0xe1, 0xb8, 0xa6, 0xe2, 0xf1, 0x15, 0x70, 0x55, 0x58, 0xc6, 0xd7, 0x90, 0xf6, 0xbc, 0x1b, 0x1e, 0x7d, 0xd4, 0xbb, 0x84, 0xd5, 0xa5, 0x47, 0x09, 0xf8, 0x5a, 0xad, 0x6d, 0x6a, 0x12, 0x73, 0x38, 0x58, 0x93, 0xad, 0x96, 0x47, 0x83, 0xd5, 0x75, 0x1c, 0x63, 0x1f, 0x59, 0xa5, 0xd5, 0xde, 0x1d, 0x39, 0x74, 0x83, 0xcd, 0x7b, 0x6c, 0x69, 0x6b, 0x03, 0x09, 0x04, 0x01, 0x1a, 0xe9, 0x01, 0x79, 0x0f, 0xe1, 0x78, 0x86, 0xbe, 0xb5, 0x3c, 0x3e, 0x24, 0x32, 0x8d, 0x67, 0x67, 0x70, 0x1f, 0x33, 0x7d, 0x55, 0xd5, 0xe1, 0xf8, 0x86, 0x63, 0x1d, 0x5b, 0x07, 0x5c, 0x31, 0xd5, 0x1a, 0x03, 0x83, 0xef, 0xa5, 0xa4, 0xf5, 0xea, 0xa6, 0x8f, 0x07, 0x34, 0x59, 0x85, 0x0d, 0xa9, 0x3e, 0x05, 0x4c, 0xee, 0x3f, 0xdc, 0x4c, 0x7b, 0x7d, 0x55, 0x1e, 0x1a, 0xec, 0xb8, 0xe1, 0xe2, 0x19, 0xc4, 0x81, 0x16, 0xf9, 0x6c, 0xab, 0x0f, 0xc3, 0x5f, 0x4f, 0x15, 0x42, 0xa0, 0xa8, 0x0f, 0x87, 0x40, 0x52, 0x8c, 0xbc, 0xb7, 0xfb, 0xd9, 0x67, 0xfe, 0x90, 0xe1, 0x81, 0x6e, 0x18, 0xd4, 0xf9, 0x6a, 0x97, 0xcc, 0x6d, 0xcb, 0xb2, 0x55, 0xf8, 0x4d, 0x7f, 0xc4, 0xd4, 0x7e, 0x1a, 0xb8, 0x63, 0x6a, 0x41, 0x70, 0x2d, 0xcd, 0x94, 0xf4, 0xeb, 0x0b, 0x76, 0x60, 0x0d, 0x3c, 0x65, 0x1c, 0x47, 0x88, 0x4f, 0x87, 0x4f, 0xc3, 0x32, 0xdd, 0x75, 0xba, 0xe5, 0x7f, 0x08, 0x71, 0xc2, 0xd4, 0xa2, 0xda, 0xe0, 0x3c, 0xd5, 0xf1, 0x9a, 0x63, 0x43, 0xcb, 0xb2, 0x78, 0xbe, 0x19, 0x89, 0xad, 0x50, 0x91, 0x89, 0x61, 0x6b, 0xda, 0x03, 0x9b, 0x52, 0x9e, 0x6c, 0xbd, 0x5b, 0xc8, 0xae, 0xec, 0x26, 0x18, 0x50, 0xc1, 0xb3, 0x0e, 0xd7, 0x97, 0x43, 0x72, 0x92, 0x6d, 0xbe, 0xb0, 0xbc, 0xd1, 0xc1, 0xeb, 0x0a, 0x7e, 0x11, 0xaf, 0x4f, 0xc3, 0x63, 0xf3, 0x00, 0x29, 0xdc, 0x9d, 0x6e, 0x57, 0x76, 0x1b, 0x05, 0xe1, 0x62, 0x31, 0x35, 0x5c, 0x43, 0x85, 0x78, 0x96, 0xc0, 0xb4, 0x03, 0xa7, 0xf3, 0x65, 0xcd, 0x47, 0x86, 0x55, 0xa4, 0xe1, 0x4c, 0x57, 0x68, 0xa0, 0x1c, 0x5d, 0x97, 0x20, 0x9b, 0xde, 0x3f, 0x55, 0xe9, 0x62, 0x28, 0x8a, 0xd4, 0x2a, 0xd3, 0x78, 0x20, 0x3d, 0xa4, 0x13, 0x1c, 0xf7, 0x5e, 0x57, 0xfa, 0x18, 0xfc, 0x25, 0x3a, 0x3e, 0x3f, 0x99, 0xaf, 0x2f, 0x2f, 0x0d, 0x9b, 0x11, 0x10, 0x7e, 0x8b, 0xa3, 0x19, 0xc3, 0x5c, 0xfa, 0xec, 0xad, 0x87, 0xa8, 0xda, 0x75, 0x1a, 0xc0, 0xc8, 0x2d, 0x0e, 0x04, 0x0e, 0xe9, 0x0e, 0x16, 0xec, 0x98, 0x50, 0xea, 0xf9, 0x9f, 0x4a, 0xa7, 0x8a, 0x49, 0x03, 0xcc, 0x64, 0x7d, 0x2d, 0xcd, 0x45, 0x5e, 0x17, 0x55, 0xaf, 0xac, 0x29, 0x62, 0x9f, 0x4a, 0x85, 0x57, 0xe7, 0x7b, 0x23, 0x7e, 0xfc, 0x95, 0xbf, 0x86, 0xb8, 0x57, 0x75, 0x6c, 0x26, 0x20, 0xd1, 0x73, 0x98, 0x1a, 0xe1, 0x12, 0x0c, 0x0b, 0x6b, 0xee, 0x9b, 0x38, 0x55, 0x36, 0x37, 0x0c, 0xd6, 0xd4, 0x77, 0xf4, 0x5d, 0x98, 0xf5, 0x27, 0xf4, 0x9b, 0xc2, 0x6e, 0xe1, 0x99, 0xbf, 0x1a, 0x0d, 0x47, 0x7f, 0xd4, 0xf4, 0xf9, 0x47, 0xeb, 0xf4, 0x45, 0x4e, 0x12, 0xef, 0xe8, 0xba, 0x86, 0x20, 0xd3, 0xab, 0x4e, 0x98, 0xa7, 0x9b, 0x28, 0x39, 0x80, 0xe6, 0x39, 0xad, 0x99, 0x80, 0x7d, 0x3a, 0x54, 0x98, 0x31, 0x15, 0x49, 0x63, 0xb3, 0x39, 0xc5, 0xd7, 0x77, 0x43, 0xd1, 0x76, 0xc4, 0x82, 0x6d, 0x05, 0x71, 0xbf, 0x04, 0xc7, 0x71, 0x26, 0xe2, 0x8b, 0xdd, 0x98, 0x53, 0xc8, 0x1b, 0xb2, 0xac, 0x76, 0x1d, 0xb8, 0xac, 0x2b, 0xa8, 0xb8, 0x90, 0x1d, 0xbf, 0x63, 0x2b, 0x9f, 0x11, 0xc3, 0x3c, 0x4a, 0xa2, 0xad, 0x1a, 0xcf, 0xa2, 0xe2, 0xd0, 0xd7, 0x65, 0xfc, 0xc0, 0x01, 0xed, 0xa2, 0x2a, 0xf0, 0xd2, 0xe7, 0x51, 0x75, 0x1c, 0x4d, 0x56, 0x54, 0xa7, 0x6c, 0xe6, 0x1c, 0x60, 0xec, 0xa1, 0xbc, 0x1d, 0x8d, 0xa1, 0x52, 0x9b, 0x31, 0x15, 0x43, 0x8d, 0x43, 0x50, 0x3e, 0x6e, 0x0f, 0xea, 0xaa, 0x8f, 0x07, 0x68, 0x6d, 0x73, 0x5e, 0xad, 0x4a, 0xcf, 0xaa, 0xdc, 0xae, 0x71, 0xf2, 0xf3, 0xe5, 0x69, 0x55, 0x85, 0xe1, 0xe6, 0x8d, 0x66, 0xd5, 0xa9, 0x5e, 0xad, 0x50, 0xc1, 0x0c, 0x61, 0x36, 0x1e, 0xda, 0x9e, 0xab, 0x6e, 0x21, 0x81, 0x67, 0x10, 0xc2, 0xf8, 0x75, 0x5c, 0xe8, 0x90, 0xe0, 0x46, 0xb2, 0x16, 0x6c, 0xe1, 0xb4, 0xdb, 0x8a, 0xa5, 0x89, 0x0e, 0x70, 0x75, 0x36, 0x86, 0x06, 0xed, 0x61, 0x12, 0x55, 0x50, 0xc1, 0xb2, 0x8b, 0x71, 0x10, 0x5c, 0x7c, 0x67, 0x12, 0xe3, 0x02, 0xd3, 0xc9, 0x60, 0xee, 0x17, 0x4b, 0xc2, 0xa3, 0x48, 0x54, 0xaa, 0x3c, 0x17, 0x66, 0x63, 0xa0, 0x58, 0x93, 0x3f, 0x78, 0x45, 0x7e, 0x10, 0xc7, 0x56, 0x7b, 0x99, 0x5a, 0xb5, 0x36, 0xd4, 0x32, 0xf6, 0xb4, 0xfc, 0xc4, 0x7d, 0x97, 0x71, 0xa5, 0x4f, 0xc2, 0x34, 0xc0, 0x3e, 0x19, 0x19, 0x48, 0x2b, 0x83, 0xfd, 0x22, 0x8b, 0x5c, 0x01, 0xad, 0x55, 0xd4, 0x98, 0xec, 0xcc, 0xa6, 0x5d, 0x66, 0x95, 0xd3, 0xfe, 0x9f, 0x48, 0x3b, 0x12, 0xe6, 0xbd, 0xf3, 0x88, 0x10, 0xfb, 0x83, 0x02, 0x08, 0xfd, 0x56, 0x98, 0x4a, 0x0d, 0xc3, 0xe1, 0xd9, 0x45, 0xa0, 0xb9, 0xac, 0x11, 0x0e, 0x33, 0x65, 0xca, 0x78, 0x3d, 0x23, 0x4a, 0xad, 0x33, 0x56, 0xb7, 0x87, 0x55, 0xc1, 0xe5, 0xb9, 0x81, 0x00, 0x83, 0xb2, 0xe9, 0xab, 0x83, 0xa4, 0xec, 0x5b, 0x6b, 0x9c, 0xc5, 0xcd, 0x69, 0x64, 0x73, 0x05, 0x73, 0x53, 0xe0, 0xf8, 0x76, 0x56, 0x63, 0x83, 0xeb, 0x96, 0x30, 0xe7, 0x6b, 0x0b, 0xbc, 0xad, 0x2b, 0xaf, 0x19, 0x84, 0xa7, 0x89, 0xa0, 0xfa, 0x6f, 0x9c, 0x8e, 0xbd, 0x84, 0x7d, 0x94, 0xe2, 0xb0, 0x54, 0x71, 0x34, 0xd8, 0x1c, 0x5c, 0xc3, 0x4c, 0xcb, 0x5e, 0xc3, 0x0e, 0x69, 0x1c, 0x8a, 0x9c, 0x27, 0x0f, 0xa3, 0x87, 0xa3, 0x51, 0x81, 0xce, 0x79, 0xa9, 0x39, 0xde, 0xe3, 0x25, 0xdd, 0xd2, 0xc3, 0x70, 0xec, 0x3e, 0x1f, 0x0c, 0xfc, 0x3b, 0x18, 0x5c, 0xc7, 0x92, 0x5d, 0x26, 0x66, 0xe0, 0xea, 0x96, 0x1b, 0x85, 0x51, 0xa0, 0xf6, 0x3c, 0xba, 0xad, 0x47, 0x06, 0xc3, 0x73, 0xbc, 0x90, 0xd1, 0x71, 0x65, 0x74, 0xb8, 0x7d, 0x16, 0xe0, 0x8e, 0x18, 0x34, 0x96, 0x38, 0x92, 0x6f, 0x17, 0x24, 0xac, 0xf0, 0xfc, 0x2a, 0x85, 0x1a, 0x8d, 0x7b, 0x8b, 0xea, 0x3c, 0x02, 0xd0, 0x6a, 0x3a, 0x60, 0x72, 0x85, 0x34, 0xb8, 0x46, 0x16, 0x9d, 0x5a, 0x55, 0x1b, 0xe2, 0x10, 0xc3, 0x98, 0x33, 0x31, 0xcb, 0x3c, 0xd7, 0x46, 0x1b, 0x09, 0x4f, 0x0e, 0xfa, 0xae, 0xa6, 0x4e, 0x6a, 0x8e, 0xcc, 0xe9, 0x24, 0xfb, 0x4a, 0xe9, 0x2d, 0x39, 0x80, 0xb9, 0x9d, 0xd5, 0x16, 0x90, 0x40, 0x6e, 0xe9, 0x16, 0x89, 0xb0, 0x05, 0x05, 0xa0, 0x02, 0x40, 0x17, 0x43, 0x44, 0xd8, 0x42, 0x4e, 0x00, 0x18, 0x24, 0xc9, 0xd9, 0x19, 0x0c, 0x5c, 0x84, 0x06, 0xcd, 0xcd, 0xc7, 0x75, 0x2d, 0x17, 0xb0, 0x01, 0x56, 0x4e, 0x60, 0x90, 0x34, 0x52, 0x00, 0x93, 0xac, 0xf2, 0x57, 0x94, 0x80, 0x48, 0x07, 0xb1, 0x46, 0x53, 0xb9, 0x12, 0xa5, 0xcd, 0x11, 0x6f, 0x74, 0xb2, 0x79, 0x84, 0xcc, 0xf7, 0x4e, 0x24, 0xe8, 0x0f, 0xd1, 0x00, 0x19, 0xb8, 0x10, 0x51, 0x92, 0x0c, 0x88, 0x84, 0xc3, 0x7c, 0xb3, 0xac, 0xa6, 0x1a, 0x04, 0xc1, 0xdb, 0xd9, 0x54, 0x08, 0x95, 0x39, 0x44, 0x12, 0x42, 0x0b, 0x4d, 0xc0, 0x07, 0x4e, 0xdb, 0x85, 0xf3, 0x9f, 0x0a, 0x37, 0xfa, 0xf8, 0xbc, 0xda, 0x18, 0xfb, 0xaf, 0xa4, 0x02, 0x1d, 0x06, 0x20, 0x74, 0x55, 0x16, 0xb8, 0x11, 0xb2, 0x00, 0xe6, 0xdf, 0xf2, 0x8f, 0x0c, 0x13, 0x27, 0x64, 0xf2, 0xce, 0xe2, 0x52, 0xca, 0x67, 0x5b, 0xa5, 0x96, 0x4e, 0x80, 0x28, 0x83, 0x22, 0x60, 0x47, 0xaa, 0x7e, 0x1b, 0xff, 0x00, 0xbd, 0xbe, 0xcb, 0xe9, 0x7e, 0x2e, 0x68, 0x38, 0xca, 0x44, 0x8f, 0xc8, 0x57, 0xcf, 0x18, 0x23, 0x4b, 0xc2, 0x97, 0x49, 0xd6, 0x14, 0xb9, 0xb6, 0x05, 0xba, 0xaa, 0x6f, 0x2f, 0xba, 0x1e, 0x09, 0x1b, 0x5f, 0x48, 0x52, 0x24, 0x58, 0xca, 0x60, 0x02, 0x64, 0x69, 0xd9, 0x0d, 0x63, 0x8d, 0xa6, 0x00, 0x5e, 0x07, 0xc6, 0x10, 0x28, 0x61, 0xf9, 0x66, 0x27, 0x5e, 0x41, 0x7b, 0x38, 0x46, 0xc6, 0x1e, 0x8c, 0x09, 0x86, 0x0f, 0xb2, 0xdb, 0x2c, 0x93, 0x32, 0x0f, 0x74, 0x8b, 0x7c, 0xa6, 0x1c, 0x75, 0x94, 0x88, 0x87, 0x0b, 0x18, 0xf6, 0x55, 0x94, 0x01, 0xcc, 0x9d, 0x0c, 0x59, 0x51, 0x04, 0x48, 0x36, 0x48, 0x66, 0xb9, 0x13, 0x3f, 0x75, 0x24, 0x19, 0xbb, 0x40, 0x1d, 0xca, 0x66, 0x98, 0x93, 0x12, 0x49, 0xd3, 0x74, 0x8d, 0x30, 0x75, 0x27, 0xdd, 0x31, 0x4e, 0xe2, 0xc0, 0xfa, 0xaa, 0x22, 0xf0, 0x00, 0xb2, 0x51, 0x32, 0x2c, 0x02, 0x97, 0x8c, 0xcd, 0x33, 0x08, 0x8f, 0x27, 0x54, 0x10, 0x07, 0x5e, 0x48, 0x68, 0xd2, 0x45, 0xb6, 0x43, 0x80, 0x98, 0x04, 0x80, 0x3a, 0x94, 0x1b, 0xcc, 0x80, 0x7d, 0x52, 0xca, 0xdb, 0x12, 0x2d, 0xdd, 0x05, 0xa0, 0xee, 0x64, 0xaa, 0x34, 0xe4, 0x72, 0x23, 0xea, 0xa4, 0x37, 0x28, 0x39, 0xa5, 0x19, 0x01, 0x20, 0x87, 0x0f, 0x40, 0x9e, 0x41, 0x27, 0x70, 0x75, 0x4c, 0x32, 0xd6, 0x70, 0x04, 0x6f, 0xaa, 0x80, 0x32, 0x89, 0x30, 0x46, 0xf2, 0x75, 0x55, 0x94, 0x18, 0x99, 0x84, 0x88, 0x0d, 0x06, 0x00, 0x23, 0x9c, 0x68, 0x82, 0x01, 0x30, 0x66, 0x12, 0x00, 0x01, 0x73, 0xd9, 0x3f, 0x2c, 0xc9, 0xdc, 0x5d, 0x58, 0xb0, 0x88, 0x2a, 0x63, 0x5b, 0x5d, 0x00, 0x58, 0xc8, 0x82, 0x82, 0x24, 0xdf, 0xd9, 0x2c, 0xa0, 0xb8, 0x12, 0x74, 0x4d, 0xd0, 0xd3, 0x2d, 0x8b, 0xd9, 0x22, 0x4c, 0x0d, 0x3d, 0xa5, 0x30, 0xd6, 0xef, 0x63, 0xb8, 0x40, 0x0d, 0x06, 0xf1, 0x74, 0xec, 0x75, 0x36, 0xd9, 0x2b, 0x41, 0x68, 0x84, 0x8b, 0x4c, 0xc0, 0x04, 0x0e, 0xe8, 0xc8, 0x34, 0xb9, 0x25, 0x50, 0xa7, 0xe4, 0x82, 0x40, 0x07, 0x54, 0x16, 0x81, 0xa0, 0x0a, 0x43, 0x01, 0xb9, 0x01, 0x19, 0x40, 0xd8, 0x04, 0xa2, 0xd1, 0xb2, 0x0b, 0x48, 0x17, 0x88, 0xec, 0x13, 0x00, 0x45, 0x81, 0x84, 0xf2, 0xf9, 0x63, 0xf9, 0xf7, 0x49, 0xc0, 0x65, 0x13, 0xee, 0x9e, 0x50, 0x45, 0x8d, 0xbb, 0x7f, 0x3a, 0x26, 0xe0, 0x1a, 0x01, 0x04, 0xf6, 0xd1, 0x0c, 0x6b, 0x76, 0xd4, 0x24, 0x41, 0xbd, 0x90, 0x04, 0x5a, 0xd3, 0x12, 0xa8, 0x6a, 0x64, 0xa6, 0xc1, 0xa8, 0x91, 0x05, 0x10, 0x44, 0x48, 0x04, 0x04, 0x65, 0xe5, 0x1a, 0x26, 0xc6, 0xc0, 0xb9, 0x32, 0x10, 0x43, 0x4e, 0x92, 0x67, 0xa2, 0x40, 0x01, 0xb1, 0x4f, 0xc3, 0x20, 0xcf, 0x34, 0x47, 0x20, 0x12, 0x00, 0x66, 0x80, 0x24, 0xf4, 0x40, 0x03, 0x60, 0x7d, 0x93, 0x0c, 0x00, 0xc0, 0x82, 0x50, 0xe6, 0xcf, 0x28, 0x1e, 0x88, 0x00, 0xd8, 0x90, 0x6f, 0xba, 0x4e, 0x99, 0x20, 0xce, 0xbe, 0xe9, 0x65, 0xbe, 0x90, 0xe4, 0x65, 0x32, 0x35, 0xb6, 0xb7, 0x4e, 0x24, 0x5c, 0x80, 0x13, 0x0d, 0x04, 0x81, 0x20, 0xca, 0x00, 0x68, 0x77, 0x34, 0xa2, 0xf0, 0x35, 0x17, 0x54, 0x05, 0xcd, 0xc1, 0x21, 0x2c, 0xa3, 0x52, 0x81, 0x69, 0xb5, 0x93, 0x6b, 0x41, 0x32, 0x42, 0x6e, 0x6e, 0xf0, 0x12, 0x88, 0x69, 0x9d, 0x3b, 0xa9, 0x2d, 0xd6, 0xfb, 0x44, 0x2f, 0x9c, 0xf8, 0x55, 0xb3, 0x88, 0xc6, 0x44, 0x4c, 0x37, 0xee, 0x57, 0xd2, 0x34, 0x16, 0xd9, 0x56, 0xc2, 0xc9, 0x80, 0x48, 0xbc, 0xfe, 0xc9, 0xb8, 0x0b, 0x00, 0x7d, 0x52, 0x2d, 0xe4, 0x83, 0x73, 0x70, 0xaa, 0x24, 0x40, 0x8f, 0xd9, 0x36, 0xb0, 0x09, 0xd2, 0x51, 0xe1, 0x8f, 0xfc, 0x7d, 0xd7, 0xb9, 0xf1, 0x6c, 0xfe, 0x32, 0x91, 0x07, 0xf2, 0x7e, 0xb0, 0xbc, 0x12, 0x0c, 0x81, 0x21, 0x22, 0xc8, 0x04, 0x96, 0xc4, 0x7d, 0x52, 0xcb, 0x79, 0x3f, 0x74, 0x18, 0x71, 0xf3, 0x47, 0x4b, 0x27, 0x17, 0xb9, 0x13, 0xf6, 0x4d, 0xcd, 0xe7, 0x2a, 0x45, 0xa4, 0x45, 0x92, 0xb0, 0x3e, 0x63, 0x23, 0xd9, 0x7c, 0xff, 0x00, 0xc5, 0xed, 0x9c, 0x35, 0x09, 0x8b, 0xb8, 0x8e, 0xd2, 0x22, 0x57, 0xb7, 0x83, 0x68, 0xfc, 0x35, 0x12, 0x3f, 0xb0, 0x75, 0xd9, 0x74, 0x16, 0xe6, 0x85, 0x39, 0x2d, 0x01, 0xa6, 0x51, 0x94, 0x44, 0x12, 0x67, 0x4b, 0xc7, 0xf0, 0xee, 0x90, 0x68, 0xb4, 0x9b, 0x6d, 0x01, 0x3f, 0x0c, 0x49, 0x24, 0x1f, 0x52, 0xa0, 0x3e, 0x9b, 0x98, 0xe7, 0x97, 0xb6, 0x1a, 0x6e, 0x73, 0x68, 0x52, 0x7d, 0x4a, 0x6d, 0x0d, 0xa8, 0x6a, 0x33, 0x23, 0xb4, 0x71, 0x76, 0xbd, 0x91, 0x4e, 0xa5, 0x2a, 0x93, 0xe0, 0xbd, 0xae, 0xbc, 0x1c, 0xae, 0x57, 0x69, 0xbc, 0x46, 0xd2, 0x77, 0xe4, 0x86, 0x90, 0x26, 0x6d, 0xaf, 0x44, 0xcb, 0x46, 0x62, 0x25, 0x06, 0x04, 0x48, 0x11, 0xbe, 0x97, 0x59, 0xb5, 0xf4, 0xaa, 0xb5, 0xfe, 0x1b, 0xda, 0xe8, 0x24, 0x18, 0xda, 0x15, 0x10, 0x33, 0x36, 0xd1, 0x6f, 0xaa, 0x46, 0x35, 0x27, 0xbd, 0xd2, 0xb1, 0x23, 0x58, 0xee, 0x3d, 0xd3, 0x21, 0xa1, 0xd0, 0x74, 0xd8, 0x94, 0x00, 0x27, 0x6f, 0xe0, 0x53, 0x97, 0x31, 0x11, 0x11, 0xb8, 0x55, 0x96, 0x0c, 0x92, 0x2d, 0xaa, 0xa0, 0x09, 0xd0, 0x4c, 0x0e, 0x7b, 0x29, 0x77, 0xa5, 0xef, 0x04, 0xa9, 0xcd, 0x6b, 0x01, 0xd6, 0xe9, 0x3a, 0xb5, 0x36, 0x39, 0xa2, 0xa3, 0x9a, 0xd7, 0x3c, 0xf9, 0x41, 0x31, 0x27, 0xaa, 0x29, 0xd4, 0x65, 0x4c, 0xe5, 0xaf, 0x69, 0x0d, 0x25, 0xae, 0x8d, 0x8f, 0x25, 0x67, 0x48, 0x81, 0x1a, 0xcc, 0x8d, 0x12, 0x02, 0x0e, 0xa2, 0x36, 0xd1, 0x1e, 0x59, 0x20, 0xc6, 0x97, 0xb8, 0xdd, 0x21, 0x95, 0xa4, 0xce, 0x8d, 0xfa, 0x20, 0x92, 0x4f, 0x96, 0x06, 0x9a, 0xf7, 0x58, 0xd0, 0xad, 0x4b, 0x10, 0xcc, 0xf4, 0x9c, 0x1c, 0x01, 0x2d, 0x31, 0x78, 0x22, 0x17, 0x3d, 0x6e, 0x21, 0x86, 0xa3, 0x54, 0xd3, 0xab, 0x55, 0xad, 0xa8, 0x0f, 0x22, 0x63, 0xba, 0xec, 0x6b, 0xf3, 0x34, 0x39, 0xa4, 0x16, 0x98, 0x20, 0x8e, 0x4b, 0x49, 0x91, 0x39, 0x4a, 0x98, 0x24, 0xca, 0x72, 0xeb, 0xb6, 0x02, 0xc2, 0xbd, 0x47, 0x53, 0xa3, 0x51, 0xed, 0x89, 0x68, 0x26, 0xe2, 0x74, 0x5e, 0x1f, 0x18, 0xe2, 0x58, 0xae, 0x1b, 0xc6, 0xb8, 0x60, 0xad, 0x55, 0x83, 0x87, 0xe2, 0xdc, 0xec, 0x3b, 0xdd, 0xe1, 0xfc, 0x95, 0x4c, 0x16, 0x7a, 0x12, 0x08, 0xee, 0xb6, 0xe3, 0x7c, 0x6e, 0x9f, 0x08, 0x75, 0x0a, 0x55, 0x2a, 0x1c, 0x46, 0x2a, 0xbb, 0xb2, 0xd2, 0xc2, 0xd1, 0xa7, 0xfd, 0x47, 0xdb, 0x58, 0xd6, 0x37, 0x24, 0xc0, 0x85, 0xb7, 0x09, 0xe3, 0x2e, 0xc4, 0x70, 0xaa, 0x58, 0xce, 0x23, 0x86, 0xa9, 0x82, 0xa9, 0x51, 0xee, 0x60, 0xa3, 0xf3, 0x91, 0x04, 0x8d, 0x7f, 0xfc, 0x41, 0xf5, 0xf5, 0x3d, 0xd4, 0x31, 0xd4, 0x31, 0x0f, 0x2c, 0xa7, 0x53, 0xcc, 0x01, 0x76, 0x57, 0x0c, 0xa6, 0x04, 0x6c, 0x75, 0x5d, 0x53, 0x96, 0x40, 0x26, 0x07, 0x61, 0xea, 0xa6, 0x66, 0x24, 0x0f, 0xbd, 0xb9, 0xa9, 0xa9, 0x50, 0x51, 0xa6, 0xea, 0x95, 0x1c, 0xd6, 0xb5, 0xa0, 0x12, 0x67, 0xd3, 0xee, 0xb9, 0xa9, 0x71, 0x1a, 0x35, 0x2a, 0x36, 0x91, 0xf1, 0x1a, 0x6a, 0x1f, 0x21, 0x7b, 0x48, 0x0e, 0x8e, 0x45, 0x74, 0x50, 0xad, 0x4e, 0xb0, 0x71, 0xa7, 0x9a, 0x1a, 0xe2, 0xc3, 0x6d, 0xc1, 0x8b, 0x2c, 0xaa, 0x62, 0x58, 0xc7, 0x54, 0xcc, 0x1c, 0x05, 0x30, 0x1e, 0xef, 0x29, 0xbf, 0x6e, 0xab, 0x5a, 0x55, 0x69, 0xd7, 0xca, 0x41, 0x2d, 0x71, 0x01, 0xc5, 0xae, 0xb1, 0x00, 0xdf, 0x4e, 0xd7, 0x5a, 0x11, 0x06, 0xc4, 0x47, 0x74, 0x8f, 0x9a, 0xe7, 0x44, 0xe0, 0x06, 0xda, 0x56, 0x58, 0x97, 0x16, 0xd3, 0x05, 0xb2, 0x09, 0x73, 0x44, 0xf7, 0x20, 0x25, 0xe0, 0x93, 0xa5, 0x7a, 0x93, 0xd8, 0x7e, 0xa1, 0x41, 0x6d, 0x5a, 0x4f, 0xa6, 0x3c, 0x67, 0xb8, 0x39, 0xf0, 0x43, 0x80, 0xe4, 0x4e, 0xdd, 0x93, 0xc5, 0xe2, 0xe9, 0xe1, 0x5d, 0x4d, 0xaf, 0x65, 0x57, 0xb9, 0xe4, 0xe5, 0x6b, 0x1a, 0x5d, 0xa2, 0x9c, 0x36, 0x28, 0x62, 0x2a, 0x39, 0x8d, 0xa1, 0x5e, 0x99, 0x02, 0x66, 0xa3, 0x20, 0x15, 0xd4, 0x4d, 0xc4, 0x91, 0x6d, 0x75, 0xfa, 0x75, 0xe8, 0x90, 0x27, 0x33, 0x80, 0x88, 0xfa, 0x4c, 0xe9, 0xdd, 0x31, 0xad, 0xc8, 0xe4, 0xa2, 0x95, 0x52, 0xec, 0xd3, 0x4d, 0xcc, 0xca, 0xe2, 0xdf, 0x30, 0x89, 0xea, 0x23, 0x65, 0xa8, 0x75, 0xe4, 0x91, 0x11, 0xd4, 0xfb, 0x73, 0x49, 0xaf, 0x6d, 0xe1, 0xdb, 0xc5, 0xb9, 0xf5, 0x58, 0x62, 0xf1, 0x0d, 0xc3, 0xd3, 0x6b, 0xdd, 0x98, 0xc9, 0x0d, 0x68, 0x1f, 0x98, 0x9e, 0x52, 0xb1, 0xa3, 0x8e, 0x1e, 0x2b, 0xa9, 0x55, 0xa1, 0x56, 0x8b, 0xda, 0xdc, 0xd0, 0xe0, 0x0e, 0x61, 0xd2, 0x0d, 0xca, 0xdf, 0x09, 0x55, 0xb8, 0x8a, 0x34, 0xaa, 0xb6, 0x5a, 0x2a, 0x00, 0xe6, 0x89, 0xbc, 0x15, 0x15, 0xb1, 0x9e, 0x0d, 0x32, 0xf7, 0x51, 0xab, 0x9b, 0x3e, 0x46, 0xb3, 0x2d, 0xdc, 0x79, 0xf6, 0xea, 0xb5, 0xa3, 0x5d, 0x95, 0xcb, 0xc3, 0x41, 0xcc, 0xc7, 0x41, 0x6f, 0x23, 0x0b, 0x53, 0x67, 0x4c, 0xc4, 0x18, 0xd3, 0x44, 0x1a, 0x87, 0x42, 0x44, 0x15, 0x85, 0x6f, 0x33, 0xe9, 0xb0, 0x39, 0xc1, 0xae, 0x24, 0x9c, 0xa7, 0x58, 0x04, 0xa6, 0x28, 0x91, 0x73, 0x52, 0xac, 0x6d, 0xe7, 0x23, 0xec, 0x93, 0x01, 0x6e, 0x26, 0x03, 0xdc, 0x46, 0x49, 0x32, 0xe2, 0x77, 0xea, 0xa2, 0xb6, 0x3a, 0x95, 0x1c, 0x7d, 0x3c, 0x33, 0xc1, 0x05, 0xed, 0x2e, 0xcd, 0xca, 0xfa, 0x2b, 0x7e, 0x2d, 0xad, 0xc4, 0x55, 0xa0, 0x69, 0xb9, 0xcf, 0x6d, 0x2f, 0x14, 0x19, 0x80, 0x62, 0x44, 0x77, 0xb2, 0xd4, 0x54, 0x68, 0x63, 0x5f, 0x50, 0x86, 0x66, 0x02, 0x03, 0x8e, 0xa6, 0x34, 0x1c, 0xcd, 0xd4, 0x56, 0xc5, 0x53, 0xa5, 0x56, 0x93, 0x48, 0x11, 0x54, 0x96, 0x83, 0x20, 0x01, 0x03, 0x53, 0xed, 0xa2, 0x75, 0xb1, 0x34, 0xb0, 0xf4, 0x1d, 0x59, 0xce, 0x25, 0x80, 0x86, 0xf9, 0x6f, 0x26, 0xf6, 0x0b, 0x47, 0x38, 0x0a, 0x79, 0xc1, 0x10, 0x1a, 0x5d, 0xed, 0xfa, 0xae, 0x31, 0x8e, 0xaa, 0x18, 0xca, 0xcf, 0xc2, 0x96, 0xd0, 0x71, 0x8c, 0xe1, 0xc0, 0xb8, 0x03, 0xb9, 0x1c, 0x96, 0xf4, 0xf1, 0x4c, 0x7d, 0x5a, 0xd4, 0xdf, 0x0c, 0x14, 0xf2, 0x89, 0x26, 0x09, 0x91, 0x64, 0xdd, 0x59, 0xb4, 0xdf, 0xe6, 0x1f, 0xd2, 0xc9, 0x9f, 0x3e, 0x6d, 0x62, 0x34, 0x5c, 0xf8, 0x5e, 0x26, 0xca, 0xde, 0x10, 0x7b, 0x03, 0x5f, 0x54, 0x17, 0x37, 0xcc, 0x0d, 0x84, 0x6b, 0xc8, 0xdd, 0x7a, 0x12, 0x08, 0x81, 0x00, 0x20, 0xc4, 0x58, 0x24, 0xd8, 0xd3, 0x6d, 0xd2, 0x31, 0xb0, 0x04, 0xff, 0x00, 0xc2, 0xf9, 0xbf, 0x84, 0xda, 0x3c, 0x7c, 0x61, 0x1a, 0xd8, 0x5b, 0xb9, 0x5f, 0x46, 0x35, 0x83, 0x16, 0xea, 0xaa, 0xcd, 0x9b, 0xa5, 0x31, 0xa0, 0xef, 0x74, 0xdb, 0x04, 0x9b, 0x1e, 0xa1, 0x30, 0x6d, 0xa1, 0x84, 0x80, 0x13, 0x72, 0x55, 0xda, 0x2c, 0x75, 0x4c, 0x65, 0xd8, 0xaa, 0xce, 0x3f, 0xb5, 0xab, 0xff, 0xd9 }; unsigned int gray8_page_850x200_3_jpg_len = 22365; unsigned char gray8_page_850x200_4_jpg[] = { 0xff, 0xd8, 0xff, 0xe0, 0x00, 0x10, 0x4a, 0x46, 0x49, 0x46, 0x00, 0x01, 0x01, 0x01, 0x00, 0x48, 0x00, 0x48, 0x00, 0x00, 0xff, 0xdb, 0x00, 0x43, 0x00, 0x06, 0x04, 0x05, 0x06, 0x05, 0x04, 0x06, 0x06, 0x05, 0x06, 0x07, 0x07, 0x06, 0x08, 0x0a, 0x10, 0x0a, 0x0a, 0x09, 0x09, 0x0a, 0x14, 0x0e, 0x0f, 0x0c, 0x10, 0x17, 0x14, 0x18, 0x18, 0x17, 0x14, 0x16, 0x16, 0x1a, 0x1d, 0x25, 0x1f, 0x1a, 0x1b, 0x23, 0x1c, 0x16, 0x16, 0x20, 0x2c, 0x20, 0x23, 0x26, 0x27, 0x29, 0x2a, 0x29, 0x19, 0x1f, 0x2d, 0x30, 0x2d, 0x28, 0x30, 0x25, 0x28, 0x29, 0x28, 0xff, 0xc0, 0x00, 0x0b, 0x08, 0x00, 0xc8, 0x03, 0x52, 0x01, 0x01, 0x11, 0x00, 0xff, 0xc4, 0x00, 0x1b, 0x00, 0x00, 0x03, 0x00, 0x03, 0x01, 0x01, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x00, 0x01, 0x02, 0x03, 0x04, 0x05, 0x06, 0x07, 0xff, 0xc4, 0x00, 0x48, 0x10, 0x00, 0x01, 0x03, 0x03, 0x02, 0x04, 0x03, 0x06, 0x03, 0x05, 0x05, 0x07, 0x04, 0x00, 0x07, 0x00, 0x01, 0x00, 0x02, 0x11, 0x03, 0x04, 0x21, 0x12, 0x31, 0x05, 0x41, 0x51, 0x61, 0x13, 0x22, 0x71, 0x06, 0x32, 0x81, 0x91, 0xa1, 0xb1, 0x14, 0xc1, 0xd1, 0x15, 0x23, 0x42, 0xe1, 0xf0, 0x24, 0x33, 0x52, 0x62, 0xf1, 0x16, 0x25, 0x34, 0x35, 0x72, 0xa2, 0xb2, 0x43, 0x53, 0x73, 0x82, 0x54, 0x63, 0x83, 0x92, 0x93, 0xc2, 0xd2, 0xff, 0xda, 0x00, 0x08, 0x01, 0x01, 0x00, 0x00, 0x3f, 0x00, 0xfb, 0xef, 0xb5, 0xa3, 0xfb, 0x5d, 0x33, 0x07, 0xdc, 0x5c, 0x17, 0x07, 0x6a, 0x20, 0x4f, 0xe8, 0x94, 0x13, 0x00, 0x8c, 0x4a, 0x71, 0x99, 0x4f, 0x4e, 0xa8, 0x94, 0x10, 0x27, 0x20, 0xe0, 0x4a, 0x6d, 0x92, 0x20, 0x4f, 0xc9, 0x20, 0x1a, 0x5c, 0x25, 0x49, 0x60, 0x1a, 0x80, 0x8e, 0xab, 0x83, 0xed, 0x5e, 0x96, 0xd1, 0xb6, 0x30, 0x3d, 0xe3, 0xf6, 0x5d, 0xab, 0x07, 0x7f, 0x65, 0xa4, 0x7c, 0xb3, 0xa1, 0xb3, 0xf2, 0x59, 0xff, 0x00, 0x88, 0x11, 0xc9, 0x4b, 0xa0, 0x79, 0xa4, 0x4f, 0x55, 0xe5, 0xaf, 0x6e, 0xe9, 0xdd, 0x5c, 0xd0, 0xba, 0x15, 0x47, 0x84, 0xda, 0xed, 0x63, 0x1b, 0xaa, 0x20, 0x03, 0x25, 0xd1, 0xd0, 0x95, 0xea, 0x18, 0x5a, 0x58, 0x1c, 0xd8, 0x88, 0x04, 0x19, 0xdc, 0x1e, 0x85, 0x31, 0x39, 0x02, 0x63, 0x9c, 0xf3, 0x85, 0xe5, 0x2f, 0x26, 0x85, 0x6b, 0xbe, 0x1f, 0x27, 0xf7, 0xf5, 0xe9, 0x96, 0x76, 0x04, 0xc9, 0xfd, 0x12, 0xb2, 0x02, 0xe6, 0xb5, 0x8d, 0x96, 0xa9, 0x16, 0xe5, 0xce, 0x76, 0x36, 0x8d, 0xa7, 0xe6, 0x95, 0xbb, 0xae, 0xed, 0xed, 0xaf, 0xab, 0x5b, 0x57, 0x6b, 0x29, 0xb2, 0xbb, 0xe5, 0x9a, 0x75, 0x17, 0x49, 0x1f, 0x2e, 0xbc, 0xd6, 0xdd, 0xdf, 0x10, 0xb8, 0xa9, 0x75, 0xe1, 0x52, 0xa8, 0xea, 0x2d, 0x6d, 0x36, 0xb8, 0xe9, 0xa4, 0x5f, 0xa8, 0x91, 0x3e, 0x81, 0x4b, 0x78, 0x85, 0xf5, 0x5a, 0x36, 0x21, 0x8e, 0xf0, 0x6a, 0xd6, 0x71, 0x63, 0xf5, 0x32, 0x7e, 0x20, 0x1c, 0xec, 0xb7, 0xb8, 0x65, 0xc5, 0x7a, 0x97, 0x37, 0x56, 0xd7, 0x0f, 0x15, 0x1d, 0x4d, 0xc2, 0x1d, 0x1a, 0x77, 0x58, 0xee, 0xab, 0x5c, 0xd7, 0xe2, 0xc6, 0xd2, 0xd6, 0xa8, 0xa2, 0x19, 0x4c, 0xd4, 0x38, 0x04, 0xb9, 0xd3, 0xdf, 0x97, 0x25, 0xcd, 0xb4, 0xba, 0xad, 0x6f, 0x60, 0xe6, 0x52, 0x78, 0xf1, 0xab, 0x5d, 0x1a, 0x65, 0xfa, 0x76, 0x91, 0xfa, 0x9d, 0x97, 0x46, 0xd2, 0xbd, 0xc5, 0xbf, 0x14, 0x6d, 0x9d, 0xc5, 0x71, 0x59, 0x8f, 0x66, 0xb0, 0x74, 0xc4, 0x15, 0x93, 0x88, 0x5c, 0xd5, 0xb5, 0xbe, 0xb4, 0x79, 0x79, 0xfc, 0x2d, 0x42, 0x58, 0xf1, 0x03, 0x27, 0xac, 0xef, 0xf4, 0x5a, 0x0d, 0xe2, 0x57, 0x8e, 0xb5, 0x65, 0x46, 0xd4, 0x3f, 0xda, 0x2b, 0x16, 0x53, 0x70, 0x00, 0xe9, 0x6e, 0xdf, 0x65, 0x6f, 0xb9, 0xb9, 0xb4, 0xb8, 0xb8, 0xb6, 0xab, 0x5c, 0xd7, 0x8a, 0x06, 0xab, 0x5d, 0x11, 0xa5, 0xc3, 0xaa, 0x6d, 0xbd, 0xac, 0x6d, 0x78, 0x63, 0xfc, 0x63, 0x35, 0x9e, 0x03, 0xf1, 0x32, 0x0f, 0x45, 0xbd, 0xc6, 0xee, 0x6a, 0x5b, 0xd8, 0x1a, 0x94, 0x5c, 0x5a, 0xe0, 0xe6, 0x89, 0xfe, 0x5e, 0x8b, 0x1d, 0xc5, 0xd5, 0x76, 0xf1, 0x1a, 0x74, 0x69, 0xbb, 0xc8, 0x69, 0x17, 0x90, 0x60, 0x4b, 0xbd, 0x4f, 0x65, 0xce, 0xb3, 0xbe, 0xb9, 0x6d, 0xdd, 0x11, 0x71, 0x5a, 0xab, 0x1c, 0x5f, 0x0e, 0x65, 0x46, 0x00, 0xd3, 0x3d, 0x08, 0x59, 0x85, 0xf5, 0xc3, 0xb8, 0x75, 0xfd, 0x57, 0x55, 0x3a, 0xe9, 0x54, 0x2d, 0x66, 0xd8, 0x1f, 0x25, 0x17, 0x57, 0x75, 0xcb, 0xd8, 0xda, 0x77, 0x35, 0x7f, 0xba, 0x15, 0x1c, 0xda, 0x6c, 0x05, 0xd2, 0x79, 0x9e, 0xcb, 0x18, 0xb8, 0x7d, 0xdf, 0xec, 0x9a, 0xb5, 0x4c, 0xbb, 0xc5, 0x70, 0x38, 0x02, 0x60, 0xee, 0x95, 0x3a, 0xf7, 0x14, 0x2d, 0x2f, 0x2b, 0xdb, 0xb8, 0x34, 0x32, 0xe4, 0x97, 0xe0, 0x19, 0x6e, 0x3e, 0x2b, 0xa1, 0x65, 0x73, 0x5a, 0xeb, 0x88, 0x5c, 0xb9, 0xaf, 0x0e, 0xb5, 0xa6, 0xc0, 0xc6, 0x81, 0x19, 0x38, 0x3f, 0xaa, 0xc5, 0xc4, 0x6e, 0xeb, 0xda, 0xde, 0x55, 0x6f, 0x8c, 0xe3, 0x4d, 0xf4, 0xa2, 0x98, 0x8d, 0x9d, 0x3b, 0x4f, 0xc4, 0x2c, 0x16, 0xbc, 0x42, 0xe5, 0xd5, 0x69, 0x32, 0xa3, 0x89, 0x75, 0x21, 0x51, 0xf5, 0xb0, 0x33, 0xa4, 0x98, 0x58, 0xcd, 0xc5, 0xe0, 0xb3, 0x67, 0x10, 0x37, 0x05, 0xc5, 0xd5, 0x01, 0x34, 0xa3, 0x04, 0x6d, 0x9e, 0xeb, 0x3d, 0x0a, 0xd7, 0x57, 0x1c, 0x52, 0xbb, 0x05, 0xc1, 0x6d, 0x16, 0x69, 0x71, 0x60, 0x1b, 0xc8, 0x06, 0x3b, 0x2d, 0x1e, 0x15, 0x5a, 0xaf, 0x8d, 0x4e, 0xd3, 0x5b, 0xa8, 0x51, 0x75, 0x57, 0x38, 0xd4, 0x1b, 0xb8, 0xce, 0xdd, 0x97, 0x4b, 0x88, 0xda, 0x80, 0x3f, 0x0f, 0x69, 0x40, 0x17, 0xdc, 0xba, 0x2a, 0x3c, 0x99, 0xd2, 0x3a, 0xae, 0x95, 0xb3, 0x3c, 0x0b, 0x6a, 0x74, 0xc1, 0x04, 0x30, 0x44, 0x8c, 0xcc, 0x2c, 0xe1, 0xdd, 0x76, 0xf5, 0x49, 0xc4, 0xc6, 0x12, 0x07, 0x19, 0x8e, 0xeb, 0x0d, 0xe9, 0x9b, 0x5a, 0xd1, 0x13, 0xa3, 0xf9, 0x7c, 0x17, 0x98, 0xf6, 0xde, 0xb0, 0xe2, 0x14, 0x0f, 0x02, 0xb1, 0xa2, 0x2e, 0x78, 0x95, 0xcb, 0x43, 0x9b, 0xe6, 0x81, 0x6c, 0xd0, 0x64, 0x55, 0x73, 0x86, 0x5b, 0x93, 0x81, 0x92, 0x4f, 0x41, 0x93, 0xad, 0xec, 0x25, 0xa5, 0x16, 0x5a, 0xd7, 0xb8, 0xba, 0x6b, 0xaa, 0x71, 0x96, 0xdd, 0x9a, 0x17, 0x95, 0xab, 0x38, 0xb9, 0xe5, 0xcd, 0x38, 0x00, 0xf2, 0x64, 0x41, 0x03, 0x9a, 0xf4, 0xfc, 0x4c, 0x34, 0xd6, 0xb1, 0xdc, 0x07, 0x57, 0xfc, 0xbb, 0x6d, 0xe9, 0xd9, 0x4f, 0x10, 0x70, 0x17, 0xb6, 0x20, 0x10, 0x2a, 0x8a, 0x84, 0x9e, 0x44, 0x32, 0x0f, 0x5c, 0xc4, 0xc2, 0xd2, 0x75, 0x77, 0x86, 0x32, 0xbb, 0x1d, 0x73, 0xa4, 0xd4, 0x68, 0x35, 0x0b, 0x83, 0x5a, 0xe1, 0x27, 0x00, 0x2c, 0xd5, 0xab, 0xd5, 0x68, 0xad, 0x64, 0x5e, 0x45, 0x67, 0x57, 0x01, 0xaf, 0xe6, 0x18, 0xe9, 0x77, 0xc6, 0x00, 0x22, 0x16, 0xff, 0x00, 0x11, 0xf0, 0x8d, 0x9d, 0x41, 0x70, 0xf2, 0xda, 0x64, 0xc3, 0xa2, 0x4c, 0x67, 0xf5, 0x5a, 0x75, 0xdd, 0x5e, 0x89, 0xb6, 0x37, 0x46, 0x8d, 0xcd, 0x23, 0x50, 0x35, 0xa6, 0x0b, 0x5e, 0x26, 0x04, 0x8e, 0x5b, 0x05, 0xac, 0x68, 0x17, 0x59, 0x5f, 0x5c, 0x0a, 0xb5, 0x5a, 0xea, 0x75, 0x6a, 0x68, 0xd2, 0xe8, 0x0d, 0x83, 0xd3, 0x9f, 0x54, 0x5e, 0x39, 0xd5, 0xd9, 0x7e, 0x5e, 0xe7, 0x43, 0x69, 0x31, 0xc2, 0x1f, 0xb4, 0x83, 0xcb, 0xae, 0x56, 0xd5, 0xad, 0x16, 0xd3, 0xe2, 0xef, 0x6b, 0x5c, 0xf2, 0x45, 0x16, 0x9c, 0xba, 0x4e, 0x64, 0x73, 0xdf, 0x71, 0xcd, 0x75, 0x72, 0x73, 0xd4, 0x24, 0x08, 0x8f, 0x38, 0x22, 0x3b, 0xa6, 0x23, 0x49, 0x00, 0x92, 0x0e, 0xcb, 0x0d, 0xcf, 0xf7, 0x43, 0x6f, 0x7d, 0xb1, 0x82, 0x7f, 0x88, 0x2c, 0xe1, 0xa0, 0x10, 0x27, 0xe8, 0x47, 0xdd, 0x62, 0xae, 0x61, 0xf6, 0xe0, 0x1f, 0xfd, 0x4e, 0xdd, 0x08, 0x5a, 0x5c, 0x4f, 0xc4, 0x17, 0xd6, 0x7a, 0x6a, 0x0a, 0x6f, 0x3a, 0xc0, 0x71, 0x6e, 0xa1, 0xb0, 0x4e, 0xb5, 0x2b, 0x8a, 0x96, 0x95, 0xda, 0x6e, 0xc5, 0x57, 0x80, 0x1c, 0xc0, 0xc6, 0x81, 0x04, 0x6d, 0x39, 0xdb, 0x71, 0xb2, 0xd2, 0xaf, 0x77, 0x52, 0xea, 0x8d, 0xc5, 0xcd, 0x32, 0x43, 0x29, 0xd2, 0x0c, 0x1d, 0x9e, 0xe3, 0x2e, 0x3e, 0xbc, 0x91, 0x41, 0xa6, 0x95, 0x7a, 0x3e, 0x1b, 0x19, 0x48, 0x3d, 0x8f, 0xd5, 0xfb, 0xe2, 0xf2, 0xe1, 0xa7, 0x78, 0xe4, 0x67, 0xba, 0x54, 0xa9, 0x0a, 0x76, 0x36, 0x17, 0x01, 0xcf, 0xd6, 0xea, 0x94, 0xc6, 0xb9, 0x24, 0x90, 0xe2, 0x46, 0x79, 0x42, 0x6e, 0x25, 0xe5, 0xb4, 0xde, 0xe2, 0xd0, 0x6f, 0x5c, 0x0e, 0x97, 0x10, 0x62, 0x36, 0xf4, 0x45, 0xc8, 0x75, 0xab, 0xef, 0x99, 0x6e, 0xe7, 0x35, 0x9e, 0x1b, 0x1d, 0x12, 0xe3, 0xa2, 0x4c, 0x13, 0xe9, 0x85, 0x99, 0xd4, 0x28, 0x5b, 0xdf, 0x70, 0xff, 0x00, 0xc3, 0xe2, 0x49, 0x30, 0xd7, 0x13, 0xa8, 0x46, 0xe7, 0xe4, 0xb6, 0x78, 0x8f, 0x83, 0x14, 0x99, 0x59, 0xce, 0x69, 0x2f, 0x1a, 0x6a, 0x33, 0x3a, 0x48, 0x1c, 0xe7, 0x92, 0xd6, 0x75, 0x5a, 0xf4, 0x6e, 0xdb, 0x46, 0xad, 0x6a, 0x57, 0x0d, 0x2d, 0x71, 0xd5, 0xa2, 0x1c, 0xc8, 0x13, 0x98, 0xe4, 0x56, 0xad, 0x3a, 0x14, 0xa9, 0x70, 0xfb, 0x2a, 0xed, 0x05, 0xb5, 0xdc, 0xfa, 0x63, 0x58, 0xcc, 0xc9, 0xdb, 0x3c, 0x95, 0xd5, 0xa6, 0xca, 0x8f, 0x9a, 0x8c, 0x6b, 0x87, 0xe3, 0x48, 0x18, 0xeb, 0xcb, 0xf3, 0x5b, 0xbc, 0x26, 0x9d, 0x2a, 0x55, 0xee, 0xdb, 0x4c, 0x00, 0xe6, 0xd5, 0x88, 0x98, 0x81, 0x0b, 0xa0, 0x37, 0x11, 0xc8, 0x42, 0x60, 0x83, 0xb8, 0x13, 0xcb, 0x2b, 0x1d, 0x6c, 0x55, 0xa2, 0x40, 0x1f, 0xc5, 0x39, 0xdb, 0xca, 0x7f, 0x45, 0x91, 0xa6, 0x40, 0x10, 0x63, 0xe6, 0xb1, 0x98, 0xfc, 0x5c, 0x74, 0x60, 0xed, 0xcd, 0x68, 0x5e, 0x50, 0x65, 0xd7, 0x15, 0xa9, 0x4a, 0xa7, 0x3b, 0x7c, 0x11, 0xc8, 0x87, 0x1f, 0xea, 0x16, 0xa1, 0x7b, 0xea, 0x56, 0xbb, 0x6d, 0x50, 0x45, 0x56, 0x5a, 0xb9, 0x87, 0x94, 0xc1, 0x30, 0x67, 0xac, 0x10, 0xb3, 0xd3, 0xfc, 0x39, 0xbb, 0x9b, 0xdd, 0x3a, 0x45, 0x16, 0x78, 0x5e, 0x20, 0x10, 0x23, 0x73, 0x27, 0x9e, 0xcb, 0x05, 0x0a, 0x74, 0xea, 0x0b, 0x6a, 0x7a, 0x41, 0xa6, 0x6e, 0x2a, 0x47, 0x31, 0xa4, 0x07, 0x7e, 0x90, 0xaa, 0xee, 0x95, 0x26, 0x8e, 0x20, 0xc6, 0xb0, 0x06, 0x30, 0x30, 0x81, 0xa7, 0x00, 0xf3, 0x23, 0xe6, 0xbb, 0x01, 0xcc, 0x16, 0x84, 0xd3, 0x69, 0x7d, 0x30, 0xd2, 0x43, 0x5b, 0xb1, 0x9e, 0x45, 0x72, 0x5d, 0x71, 0x4e, 0x95, 0xab, 0x6a, 0x5a, 0x5d, 0x38, 0x48, 0x03, 0xc0, 0x71, 0x0e, 0x93, 0x3b, 0x75, 0x85, 0xb1, 0x6f, 0x49, 0x95, 0xaf, 0xaf, 0x9f, 0x55, 0x8c, 0x2e, 0x86, 0xe1, 0xdf, 0xc2, 0x0b, 0x49, 0x5a, 0xd6, 0x83, 0xc4, 0xa7, 0x6a, 0xd7, 0x64, 0x8b, 0x57, 0x03, 0xab, 0xa0, 0x20, 0x7c, 0xff, 0x00, 0x45, 0x56, 0xec, 0xa3, 0x4d, 0xdc, 0x2d, 0xce, 0x65, 0x26, 0x6a, 0xa4, 0x72, 0x40, 0x12, 0x7c, 0xa3, 0xe7, 0xf0, 0x0b, 0xb6, 0x0e, 0x36, 0xc0, 0xdb, 0x21, 0x3d, 0x4e, 0x3b, 0x89, 0x29, 0xe4, 0x03, 0x23, 0x6d, 0x90, 0x0e, 0xa1, 0x26, 0x31, 0xb2, 0xf3, 0xbe, 0xcb, 0x90, 0x2e, 0x2e, 0xc0, 0x03, 0x3a, 0x79, 0xed, 0x95, 0xe8, 0x81, 0x9d, 0x80, 0xdf, 0x74, 0xcf, 0x30, 0x44, 0xc2, 0x93, 0xe6, 0x13, 0x98, 0x1d, 0xa1, 0x00, 0xe4, 0x34, 0x7d, 0x95, 0x11, 0x12, 0x24, 0xe7, 0x64, 0xfc, 0x4e, 0x51, 0x83, 0xba, 0xa6, 0x90, 0x1d, 0x80, 0x60, 0xfd, 0x15, 0x3f, 0xb1, 0x31, 0xe8, 0xa7, 0x58, 0xea, 0x57, 0x7b, 0xda, 0xc1, 0x37, 0x74, 0xe4, 0x02, 0x34, 0x1f, 0xbc, 0x7e, 0x6b, 0x85, 0xa8, 0xb5, 0xc4, 0x80, 0x63, 0xd1, 0x4b, 0x8c, 0x1c, 0x03, 0x9c, 0xee, 0x91, 0xda, 0x49, 0x39, 0xec, 0x98, 0x76, 0x20, 0x12, 0xaa, 0x49, 0x93, 0x3c, 0x92, 0x1a, 0x84, 0x48, 0xc1, 0x1d, 0x55, 0x62, 0x66, 0x3e, 0x58, 0x41, 0xdf, 0x94, 0x9e, 0xff, 0x00, 0x45, 0xe7, 0x3d, 0xae, 0xff, 0x00, 0x87, 0xa0, 0xec, 0xe1, 0xf3, 0xb7, 0x65, 0xdc, 0xb3, 0x1f, 0xd9, 0x69, 0x4c, 0x66, 0x9b, 0x7e, 0xcb, 0x38, 0xda, 0x12, 0xc6, 0x93, 0xb4, 0x7c, 0xf3, 0xfd, 0x4a, 0xe7, 0x5c, 0xf0, 0xab, 0x5a, 0xce, 0xa6, 0x5b, 0x49, 0x94, 0xcb, 0x1e, 0x1c, 0x48, 0x00, 0xcc, 0x72, 0xf4, 0x5b, 0x14, 0x6d, 0x4d, 0x3b, 0x9a, 0xb5, 0x45, 0x57, 0xe9, 0x70, 0x0d, 0x14, 0xc9, 0x10, 0xd8, 0xe8, 0xb6, 0x32, 0x60, 0x8d, 0x96, 0x8d, 0x6e, 0x1f, 0x4a, 0xb7, 0x10, 0xa3, 0x74, 0xf7, 0x38, 0x3e, 0x90, 0x1a, 0x40, 0xd8, 0xe6, 0x7f, 0x34, 0xad, 0xf8, 0x6d, 0x2b, 0x7b, 0xaa, 0xd7, 0x14, 0xdc, 0xe0, 0xfa, 0x87, 0x3d, 0xa4, 0xce, 0x14, 0x37, 0x85, 0xd2, 0xfc, 0x2d, 0xc5, 0x00, 0xf7, 0x78, 0x75, 0x9c, 0x5e, 0xe7, 0x74, 0x33, 0xb0, 0x45, 0x7e, 0x12, 0xca, 0xae, 0xa6, 0xfa, 0x75, 0x6a, 0x52, 0xa8, 0x29, 0xf8, 0x65, 0xcc, 0x23, 0x23, 0xbf, 0x55, 0x74, 0xf8, 0x65, 0x36, 0xfe, 0x1a, 0x1c, 0xff, 0x00, 0xec, 0xe4, 0x90, 0x49, 0x99, 0x91, 0xcd, 0x64, 0xb7, 0xb3, 0x65, 0x1b, 0x9a, 0xf5, 0x9a, 0x5c, 0x5f, 0x5a, 0x0b, 0xa6, 0x30, 0x47, 0x45, 0x86, 0xf7, 0x86, 0x53, 0xba, 0xb8, 0x15, 0xbc, 0x4a, 0x94, 0xaa, 0xc6, 0x92, 0xe6, 0x18, 0x96, 0xac, 0x4d, 0xe0, 0xf6, 0xcd, 0xb6, 0x75, 0x06, 0x97, 0x96, 0x6a, 0x35, 0x1a, 0x75, 0x65, 0xa6, 0x23, 0x1d, 0xd6, 0x5b, 0x2e, 0x1c, 0xcb, 0x7a, 0x86, 0xa9, 0xa9, 0x52, 0xa5, 0x62, 0xd8, 0x2f, 0x79, 0xd8, 0x74, 0x58, 0xb8, 0xe5, 0x2a, 0x97, 0x16, 0xbe, 0x0d, 0x0a, 0x06, 0xa3, 0xde, 0x65, 0xae, 0x03, 0xdd, 0x20, 0xef, 0x9d, 0xb1, 0xc9, 0x5b, 0xb8, 0x6d, 0x1a, 0x96, 0x34, 0xad, 0xaa, 0x03, 0x14, 0xc0, 0x0d, 0x2c, 0xc1, 0x6b, 0x87, 0xa2, 0x9a, 0x1c, 0x2a, 0x85, 0x1f, 0x15, 0xce, 0x35, 0x2b, 0x3e, 0xa4, 0xb4, 0xba, 0xa3, 0xb5, 0x79, 0x4a, 0xc5, 0x47, 0x82, 0xd0, 0xa4, 0x69, 0x1f, 0x12, 0xab, 0xbc, 0x33, 0xa9, 0x81, 0xce, 0xc0, 0x83, 0xc8, 0x7c, 0x16, 0xed, 0xd5, 0xab, 0x2e, 0x6d, 0xbc, 0x1a, 0x83, 0xc8, 0x62, 0x7a, 0xc8, 0x5a, 0x94, 0x38, 0x45, 0xbd, 0x3a, 0xe2, 0xab, 0x9f, 0x55, 0xef, 0x0d, 0xd0, 0x75, 0xba, 0x64, 0x11, 0xb7, 0x64, 0xe9, 0x70, 0x9a, 0x4c, 0x75, 0x32, 0xea, 0xb5, 0x9e, 0xca, 0x47, 0x53, 0x18, 0xe7, 0xc8, 0x07, 0xb2, 0x9b, 0x8e, 0x0d, 0x42, 0xb3, 0xea, 0xb9, 0xcf, 0xac, 0x05, 0x52, 0x49, 0x68, 0x76, 0x24, 0xa7, 0x57, 0x85, 0xd1, 0x75, 0x46, 0xbc, 0x3e, 0xb3, 0x08, 0x60, 0xa6, 0x43, 0x5d, 0x1a, 0xda, 0x39, 0x15, 0x54, 0xb8, 0x65, 0x1a, 0x2d, 0xb7, 0x0c, 0x75, 0x42, 0x28, 0x38, 0xb9, 0x83, 0x50, 0xdc, 0x91, 0xfa, 0x29, 0xaf, 0x6a, 0xdb, 0x4b, 0x3b, 0xa1, 0x46, 0x93, 0xeb, 0x3a, 0xbb, 0x8b, 0xdc, 0xc9, 0x00, 0x82, 0x7b, 0xc6, 0xca, 0xf8, 0x3d, 0xa1, 0xb4, 0xb1, 0x63, 0x2a, 0x02, 0x2a, 0xb8, 0xea, 0x7e, 0x77, 0x95, 0x77, 0x9c, 0x3e, 0x95, 0xe7, 0x84, 0xea, 0xc5, 0xc0, 0xd3, 0x32, 0x00, 0x24, 0x4f, 0x59, 0xf9, 0x2a, 0xa3, 0xc3, 0xe9, 0x52, 0xb9, 0xad, 0x59, 0xad, 0x25, 0xf5, 0x87, 0x9a, 0x4c, 0xee, 0x02, 0xd4, 0xfd, 0x8f, 0x6e, 0xda, 0xa1, 0xc4, 0xd5, 0x2c, 0x0e, 0xd6, 0x18, 0x5f, 0xe5, 0x69, 0xdf, 0x6e, 0x8b, 0x72, 0x95, 0x9b, 0x19, 0x5e, 0xb5, 0x66, 0xce, 0xba, 0xb1, 0x31, 0xc8, 0x05, 0x80, 0xf0, 0xbb, 0x5f, 0x04, 0x51, 0xd2, 0xed, 0x22, 0xa7, 0x88, 0x08, 0x30, 0x43, 0xbf, 0x45, 0xb1, 0x56, 0xda, 0x9d, 0x6a, 0xf4, 0x6a, 0xbf, 0x51, 0xa9, 0x46, 0x74, 0x99, 0x8d, 0xfe, 0xeb, 0x30, 0x3b, 0x81, 0xbf, 0xa2, 0x92, 0x63, 0x31, 0x9f, 0x9a, 0x0c, 0xc1, 0x28, 0x1b, 0x00, 0x63, 0x3d, 0x96, 0x2a, 0xf4, 0xcb, 0xed, 0xea, 0x31, 0xad, 0xd6, 0xed, 0x04, 0x34, 0x4c, 0x66, 0x7b, 0xf2, 0x85, 0xc7, 0xf6, 0x5f, 0x84, 0xd5, 0xb3, 0xe1, 0xe2, 0xe2, 0xf1, 0xf5, 0x0f, 0x12, 0xbb, 0x22, 0xb5, 0xdb, 0xc9, 0x00, 0x97, 0x91, 0xb6, 0x39, 0x0d, 0x80, 0xda, 0x07, 0x54, 0x58, 0x70, 0x7a, 0xb6, 0xbe, 0xd0, 0x5f, 0x5d, 0x8a, 0x93, 0x69, 0x74, 0xca, 0x67, 0x49, 0x74, 0x93, 0x51, 0x80, 0xb4, 0xba, 0x3a, 0x69, 0xd0, 0x67, 0xa8, 0x5d, 0x6b, 0x9b, 0x6a, 0x57, 0x4d, 0x6b, 0x6b, 0x34, 0xb8, 0x03, 0xa8, 0x0d, 0x59, 0x11, 0xe9, 0xf7, 0x4a, 0xda, 0xce, 0x85, 0xbb, 0x8b, 0xa8, 0xd3, 0x1a, 0xc8, 0xc9, 0x73, 0xb5, 0x40, 0xe9, 0x26, 0x71, 0xb2, 0xc5, 0xfb, 0x32, 0xd8, 0x30, 0xb7, 0x41, 0x0d, 0x26, 0x40, 0xd4, 0x61, 0xa6, 0x79, 0x74, 0x4d, 0x96, 0xaf, 0x77, 0x12, 0x37, 0x35, 0x18, 0xd6, 0x8a, 0x6c, 0xd0, 0xd8, 0x3a, 0x8b, 0xb9, 0x49, 0xe9, 0xf5, 0x5b, 0x75, 0x69, 0x8a, 0xb4, 0x9c, 0xca, 0x8d, 0x0f, 0x6b, 0x80, 0x04, 0x12, 0x76, 0xdf, 0xee, 0xb5, 0xe8, 0x70, 0xfb, 0x7a, 0x75, 0xb5, 0xb2, 0x9f, 0x99, 0xa7, 0x12, 0xe2, 0x63, 0xd2, 0x70, 0x16, 0x61, 0x6b, 0x4c, 0xd2, 0xa9, 0x4c, 0x30, 0x86, 0xbc, 0xb8, 0xbb, 0x3b, 0xcc, 0x7e, 0x8b, 0x1b, 0xac, 0xe8, 0x38, 0x54, 0x96, 0x08, 0xa8, 0x00, 0x77, 0x70, 0x0e, 0x15, 0x3a, 0xda, 0x91, 0xac, 0xda, 0xd0, 0x3c, 0x40, 0x34, 0x83, 0x1c, 0xbe, 0x6b, 0x39, 0x07, 0xae, 0x12, 0xec, 0x42, 0x63, 0x51, 0x6c, 0x8d, 0x82, 0x97, 0x0d, 0x70, 0xd2, 0x4f, 0x5e, 0x9f, 0x65, 0x88, 0x50, 0xa6, 0x06, 0x5d, 0x54, 0x9f, 0xfe, 0x42, 0xa8, 0xd1, 0x6c, 0xb4, 0x8d, 0x65, 0xc0, 0x90, 0xd9, 0x7b, 0x88, 0x04, 0xe2, 0x60, 0x98, 0x45, 0x7b, 0x5a, 0x37, 0x44, 0x0b, 0x86, 0x35, 0xd1, 0x31, 0x8d, 0xa5, 0x4d, 0x2b, 0x3a, 0x14, 0x1c, 0xe3, 0x42, 0x93, 0x18, 0xe3, 0x8c, 0x03, 0xb7, 0xfa, 0x05, 0x91, 0x94, 0x69, 0x32, 0x9b, 0xda, 0xda, 0x6c, 0xd0, 0xe2, 0x4b, 0x9b, 0xc8, 0x93, 0xcd, 0x62, 0xa1, 0x6b, 0x6d, 0x41, 0xee, 0x7d, 0x2a, 0x2c, 0x61, 0x78, 0x92, 0x63, 0x7c, 0x9c, 0x67, 0x96, 0xcb, 0x29, 0xa1, 0x48, 0xb1, 0xac, 0x2c, 0x69, 0x6b, 0x48, 0x81, 0x00, 0xc4, 0x64, 0x24, 0xda, 0x14, 0xcb, 0x8b, 0x85, 0x36, 0x7b, 0xc5, 0xf3, 0x11, 0x06, 0x72, 0xa6, 0xe2, 0x80, 0x7b, 0x1f, 0xa4, 0xb1, 0x95, 0x1e, 0xd2, 0xd2, 0xed, 0x1a, 0xa6, 0x7a, 0xf6, 0x5a, 0x56, 0xf6, 0x25, 0x97, 0x0c, 0xaa, 0xe6, 0xdb, 0x53, 0x6b, 0x49, 0x31, 0x45, 0xb1, 0xa8, 0x91, 0xf6, 0xec, 0xba, 0x15, 0x9a, 0x1e, 0xc2, 0xca, 0x8d, 0xd4, 0xc3, 0xbb, 0x48, 0xc7, 0xcb, 0x60, 0xb1, 0x51, 0xb5, 0xa1, 0x40, 0xfe, 0xea, 0x8b, 0x58, 0x1c, 0x20, 0x80, 0xd8, 0x91, 0xd0, 0xf6, 0x54, 0x28, 0xd3, 0x2c, 0x0c, 0xd2, 0xcd, 0x2c, 0x20, 0xb5, 0xbd, 0x23, 0xa2, 0x7e, 0x15, 0x29, 0x1e, 0x46, 0x0f, 0x36, 0xad, 0xa7, 0x3d, 0x7d, 0x53, 0x34, 0x69, 0x8a, 0x86, 0xa3, 0x5a, 0xc0, 0xf7, 0x64, 0x90, 0xd8, 0x93, 0xea, 0xaa, 0x4c, 0x69, 0x32, 0x4e, 0x02, 0x46, 0x06, 0xe0, 0xcf, 0x25, 0x4e, 0x6b, 0x2b, 0x08, 0xa8, 0xd1, 0x8d, 0xb0, 0x91, 0xb7, 0xb7, 0x69, 0x1f, 0xbb, 0x6f, 0xc9, 0x3a, 0x74, 0xa9, 0xb4, 0xea, 0xa6, 0xc6, 0xb4, 0xf5, 0xdf, 0x09, 0x96, 0xb0, 0x38, 0xb8, 0x41, 0x76, 0x98, 0xd5, 0x11, 0x8e, 0x89, 0x1a, 0x6d, 0x92, 0xed, 0x2d, 0x2e, 0x22, 0x09, 0x23, 0x97, 0x45, 0xa9, 0x75, 0x6a, 0xfa, 0xb5, 0x43, 0xd8, 0xe6, 0x16, 0xb4, 0x01, 0xe1, 0xd4, 0x60, 0x78, 0x18, 0xdc, 0x77, 0xf9, 0xaa, 0xb3, 0xb6, 0x6d, 0x0a, 0x61, 0x86, 0x5e, 0xed, 0x45, 0xe5, 0xc5, 0xb1, 0x24, 0x92, 0x4c, 0x2d, 0x92, 0xd6, 0x12, 0xe2, 0x5a, 0x3c, 0xde, 0x57, 0x63, 0x7f, 0x55, 0x2d, 0x86, 0xc0, 0x00, 0x40, 0x38, 0x00, 0x00, 0x97, 0x83, 0x4b, 0x58, 0x70, 0xa6, 0xdd, 0x63, 0x9e, 0x80, 0x0f, 0xcd, 0x64, 0x00, 0x00, 0xe3, 0xb3, 0x8e, 0x09, 0xea, 0x3b, 0xa1, 0xa1, 0xad, 0x03, 0x48, 0x68, 0x23, 0x00, 0xc4, 0x61, 0x01, 0xad, 0xf2, 0x83, 0x04, 0x34, 0xe3, 0xb7, 0xa7, 0x45, 0x4c, 0x76, 0x48, 0x8c, 0xfc, 0xd6, 0x43, 0xab, 0x67, 0x46, 0x37, 0x51, 0x31, 0x39, 0x10, 0x52, 0x11, 0x3b, 0x6d, 0xdd, 0x79, 0xcf, 0x65, 0x4f, 0xf6, 0x9b, 0xc9, 0x03, 0x01, 0xa7, 0x7e, 0xeb, 0xd1, 0x8e, 0xd3, 0x1b, 0xaa, 0x74, 0x41, 0x88, 0x95, 0x8c, 0x92, 0x26, 0x0e, 0x62, 0x55, 0x49, 0x24, 0x4c, 0x64, 0x75, 0x4f, 0x50, 0x88, 0x00, 0xcf, 0x54, 0x36, 0x49, 0xc6, 0xde, 0x8a, 0x86, 0xc6, 0x20, 0x9f, 0x44, 0x17, 0x1d, 0x82, 0x34, 0x9e, 0x9f, 0x55, 0xe8, 0x7d, 0xab, 0x3f, 0xda, 0xe9, 0x99, 0x1e, 0xe1, 0xc7, 0xc4, 0x2e, 0x09, 0x21, 0xc0, 0xec, 0x25, 0x48, 0x3c, 0x86, 0x48, 0xdb, 0x3b, 0xa0, 0x03, 0x10, 0x53, 0x71, 0x1a, 0x49, 0x33, 0x9d, 0xb0, 0xa4, 0xc8, 0x77, 0x93, 0x72, 0x33, 0x9d, 0x95, 0x07, 0x82, 0x32, 0x0e, 0xa2, 0xa8, 0x1c, 0x4c, 0x19, 0xe6, 0xa4, 0x92, 0x60, 0x89, 0x89, 0x5e, 0x7b, 0xdb, 0x1f, 0xf8, 0x7b, 0x72, 0x46, 0x35, 0x19, 0x12, 0xbb, 0x96, 0x46, 0x6c, 0xe8, 0x7f, 0xf1, 0x8f, 0xb2, 0xcd, 0x82, 0xed, 0xb0, 0x10, 0xe3, 0xb0, 0x03, 0xbe, 0xea, 0x88, 0xc0, 0x30, 0x73, 0x84, 0x88, 0x03, 0x20, 0x98, 0x18, 0x48, 0xe0, 0x47, 0x2d, 0xf6, 0x41, 0x71, 0xfe, 0x10, 0x32, 0x11, 0x20, 0xe0, 0x6e, 0xa7, 0xa8, 0x30, 0x9f, 0x4d, 0x24, 0x4a, 0x04, 0x67, 0x74, 0x8b, 0x9b, 0x3c, 0xc4, 0x77, 0x40, 0x70, 0xe4, 0x0c, 0xfa, 0xa4, 0x26, 0x4b, 0x87, 0x44, 0xb7, 0x82, 0x67, 0x28, 0x20, 0xc1, 0x68, 0x00, 0xfa, 0xf7, 0x48, 0x6e, 0x64, 0xc6, 0x73, 0x0a, 0xa3, 0x4e, 0xc0, 0x11, 0xba, 0xc6, 0xd2, 0x65, 0xc6, 0x04, 0x7a, 0x4a, 0xb0, 0x4c, 0x49, 0x8f, 0x92, 0xa7, 0x00, 0x60, 0x87, 0x29, 0xdc, 0x90, 0x49, 0x48, 0xc8, 0x3b, 0x95, 0x05, 0xda, 0x9d, 0x06, 0x20, 0x26, 0xc3, 0x07, 0x30, 0xa5, 0xc7, 0x27, 0xa9, 0xe6, 0xa9, 0x82, 0x76, 0x23, 0xd5, 0x32, 0x4c, 0x63, 0x31, 0xd5, 0x54, 0x99, 0xd8, 0x24, 0x04, 0x6c, 0x04, 0x73, 0x40, 0xeb, 0xa7, 0xea, 0xa7, 0x1a, 0x84, 0x4e, 0x50, 0x5b, 0x00, 0xcb, 0x44, 0xfa, 0xa2, 0x62, 0x62, 0x54, 0xce, 0x63, 0x28, 0xd3, 0x8c, 0xce, 0x50, 0xe6, 0xc3, 0x81, 0x8e, 0x51, 0xba, 0x44, 0x34, 0x1f, 0x34, 0x10, 0x98, 0x04, 0x80, 0x48, 0x11, 0xe9, 0xfa, 0x26, 0x63, 0x12, 0x31, 0xca, 0x3b, 0x72, 0x9e, 0x9d, 0x7a, 0xa4, 0x47, 0x9b, 0x00, 0x00, 0x72, 0x70, 0x99, 0x02, 0x35, 0x1f, 0x82, 0x20, 0x67, 0x62, 0x22, 0x36, 0x47, 0xf1, 0x08, 0x00, 0x1f, 0x5d, 0xd0, 0x5b, 0xb4, 0x0e, 0xe7, 0x29, 0x75, 0x3c, 0xd5, 0x02, 0x60, 0x0e, 0xbb, 0x65, 0x29, 0x97, 0x69, 0x8c, 0x73, 0x49, 0xe0, 0x98, 0x1b, 0x04, 0x63, 0x61, 0x3f, 0x34, 0xc3, 0x7c, 0x84, 0xe5, 0x26, 0x97, 0x00, 0x40, 0x54, 0xdc, 0x10, 0x3f, 0x85, 0x4b, 0xbb, 0x00, 0x42, 0x71, 0xcb, 0x3f, 0x24, 0xcb, 0x40, 0xdc, 0xe7, 0xb2, 0xa6, 0x82, 0x44, 0x41, 0x53, 0xa4, 0x49, 0xde, 0x14, 0x96, 0x8d, 0xe3, 0x0a, 0x9c, 0x09, 0x33, 0x02, 0x23, 0xd1, 0x26, 0xe5, 0xb9, 0xc0, 0x3b, 0x7a, 0xa1, 0xc3, 0x32, 0x24, 0x11, 0xd1, 0x21, 0x25, 0xb0, 0x77, 0x4f, 0x48, 0x82, 0x0c, 0xec, 0x83, 0x20, 0xc7, 0xc3, 0x29, 0x6a, 0x00, 0x40, 0xf9, 0xa2, 0x49, 0x39, 0x22, 0x50, 0xe7, 0x80, 0x60, 0x90, 0x96, 0xa1, 0x92, 0x20, 0x95, 0x3e, 0x6d, 0xcc, 0x76, 0x4c, 0x12, 0x48, 0x9c, 0x46, 0x51, 0xa8, 0x90, 0x64, 0xaa, 0x0e, 0x9d, 0x86, 0x7d, 0x61, 0x31, 0xa4, 0xce, 0xad, 0xd4, 0xcc, 0x03, 0x00, 0x42, 0x65, 0xfe, 0x60, 0x4c, 0xed, 0x1d, 0x12, 0xef, 0xf7, 0x48, 0x11, 0x89, 0xe7, 0xd9, 0x53, 0x84, 0x7b, 0xa7, 0x32, 0x61, 0x1a, 0x89, 0xc1, 0x02, 0x3a, 0xa6, 0xe0, 0x09, 0x12, 0x9c, 0x97, 0x37, 0x61, 0xf3, 0x85, 0x3b, 0x3c, 0x40, 0xc7, 0x6c, 0xa6, 0xe0, 0xe0, 0x41, 0x07, 0x74, 0xc4, 0xc8, 0xdf, 0x3b, 0xa0, 0x88, 0xf4, 0x43, 0x88, 0xe8, 0x76, 0xfd, 0x17, 0x9a, 0xf6, 0x50, 0x81, 0x75, 0x74, 0x60, 0xce, 0x27, 0xe6, 0x57, 0xa5, 0x04, 0xc9, 0xc8, 0x88, 0x8e, 0x89, 0x1d, 0x86, 0x01, 0x3d, 0x77, 0x95, 0x50, 0xe9, 0x13, 0x20, 0x0e, 0x8a, 0x79, 0xe0, 0x67, 0xba, 0xa2, 0x48, 0x9e, 0xfb, 0xa1, 0xbe, 0x6d, 0xa4, 0x0e, 0x6a, 0x9a, 0x33, 0x00, 0xe3, 0x9a, 0xa8, 0x1d, 0x0c, 0xee, 0x39, 0xa5, 0x2e, 0xff, 0x00, 0x0f, 0xd5, 0x77, 0xbd, 0xab, 0xcd, 0xf5, 0x28, 0x1f, 0xc2, 0x41, 0xf9, 0x85, 0xc1, 0x24, 0x13, 0xb1, 0xf9, 0x61, 0x29, 0x3d, 0x32, 0x3a, 0x22, 0x66, 0x00, 0x94, 0x39, 0xc7, 0x9e, 0xfc, 0xd4, 0x62, 0x73, 0x3a, 0x95, 0x87, 0x9d, 0x42, 0x46, 0x0f, 0xd1, 0x32, 0xe3, 0x06, 0x09, 0x94, 0x69, 0x1c, 0xc9, 0x5e, 0x77, 0xdb, 0x28, 0x36, 0xd6, 0xc0, 0x13, 0xef, 0x95, 0xdd, 0xb3, 0x31, 0x69, 0x40, 0x0f, 0xfd, 0xb6, 0xfd, 0x96, 0x7c, 0x12, 0x00, 0x22, 0x23, 0xd3, 0x29, 0xe4, 0xc0, 0x24, 0x4e, 0xff, 0x00, 0x05, 0xac, 0xfe, 0x25, 0x6b, 0x45, 0xee, 0x6b, 0xae, 0x29, 0x6a, 0x0e, 0x22, 0x0b, 0x80, 0xcf, 0xa2, 0xd8, 0x2f, 0x9c, 0xe2, 0x09, 0xf9, 0xa4, 0xe7, 0x72, 0x06, 0x49, 0x18, 0xee, 0xb0, 0xd2, 0xbc, 0xa5, 0x5a, 0xa5, 0x5a, 0x54, 0x5e, 0x0b, 0xe9, 0x90, 0xd7, 0xc8, 0x88, 0x25, 0x16, 0xd7, 0x94, 0x6e, 0xbc, 0x41, 0x40, 0x97, 0x78, 0x6e, 0xd0, 0xec, 0x44, 0x15, 0x94, 0x6c, 0x44, 0x1e, 0xdd, 0xd3, 0x06, 0x23, 0x03, 0xd5, 0x2d, 0x47, 0x51, 0xff, 0x00, 0x44, 0xde, 0x36, 0x80, 0x24, 0xad, 0x3b, 0xbb, 0xda, 0x56, 0xd5, 0x29, 0xd3, 0x7b, 0x8e, 0xba, 0x87, 0x48, 0x01, 0xb3, 0xf1, 0xf4, 0x59, 0x2d, 0xee, 0x69, 0xd7, 0x0f, 0xf0, 0x9c, 0x1d, 0xa0, 0x96, 0xb8, 0x8d, 0xc4, 0x0d, 0x96, 0x66, 0x93, 0xb9, 0xda, 0x4f, 0xcf, 0xa2, 0x90, 0xe7, 0x4e, 0xe2, 0x4e, 0x62, 0x15, 0x60, 0xed, 0xd6, 0x16, 0xbd, 0xc5, 0xed, 0x2a, 0x35, 0xa9, 0xd1, 0x76, 0xa9, 0xaa, 0x4e, 0x93, 0xbe, 0x00, 0x19, 0x59, 0x81, 0x25, 0xa4, 0x46, 0x55, 0x49, 0x02, 0x00, 0xfa, 0xa7, 0xcb, 0x20, 0x49, 0x85, 0x25, 0xc0, 0x3b, 0x49, 0x22, 0x7d, 0x54, 0x19, 0x20, 0x92, 0xd3, 0x23, 0xbf, 0x41, 0xd1, 0x5b, 0xa9, 0xb6, 0x37, 0xeb, 0xcf, 0xa2, 0x8a, 0xce, 0x65, 0x1a, 0x55, 0x2a, 0x3d, 0xf0, 0x18, 0x0b, 0xa3, 0xac, 0x2c, 0x14, 0xee, 0xe8, 0xbe, 0xad, 0x16, 0x37, 0x5b, 0x9d, 0x55, 0xba, 0x9a, 0xe8, 0xc4, 0x2d, 0xb1, 0x06, 0x04, 0x89, 0x39, 0x3d, 0xbd, 0x14, 0x93, 0xbc, 0x9c, 0xcc, 0x0c, 0xa0, 0x60, 0xf9, 0x88, 0x31, 0xd1, 0x60, 0xb3, 0xba, 0xa7, 0x79, 0x48, 0x55, 0xa4, 0x1c, 0x1a, 0x64, 0x19, 0xc6, 0x42, 0xcd, 0x2d, 0x19, 0xd4, 0x20, 0xe1, 0x39, 0x12, 0x27, 0x03, 0x29, 0x4e, 0x97, 0x03, 0x89, 0x3d, 0xd6, 0x9d, 0xff, 0x00, 0x12, 0xa7, 0x6d, 0x51, 0xb4, 0x45, 0x27, 0xd6, 0xac, 0xf0, 0x4e, 0x8a, 0x62, 0x48, 0x03, 0xd5, 0x3b, 0x2b, 0xca, 0x77, 0xb4, 0x3c, 0x4a, 0x4d, 0x70, 0xd2, 0x4b, 0x4b, 0x5d, 0x82, 0xd2, 0x39, 0x2d, 0x96, 0x62, 0x63, 0x61, 0xbf, 0x64, 0xe3, 0x39, 0x39, 0x4a, 0x31, 0x12, 0x27, 0xe7, 0x28, 0x13, 0xa4, 0x44, 0x7c, 0xd3, 0xe7, 0xe6, 0x94, 0xc7, 0x3d, 0xc8, 0x3b, 0x24, 0x60, 0xfe, 0x88, 0xd3, 0xfe, 0x60, 0x3b, 0x4a, 0x00, 0x91, 0x1c, 0x92, 0x20, 0x93, 0x02, 0x42, 0x7e, 0xee, 0xfc, 0x93, 0x89, 0x83, 0xc8, 0xa4, 0xe1, 0xb8, 0x05, 0x51, 0x10, 0x5b, 0x32, 0x24, 0x75, 0x52, 0xd9, 0x2e, 0x39, 0x12, 0xaa, 0x3c, 0xa4, 0x1c, 0xf7, 0x95, 0x3b, 0x4c, 0x98, 0x40, 0x2d, 0xd8, 0xa6, 0xdd, 0x23, 0x03, 0x01, 0x05, 0xa4, 0xc9, 0xd5, 0xf9, 0xa9, 0xe7, 0x90, 0x25, 0x64, 0x68, 0x76, 0xac, 0x9f, 0x84, 0xa5, 0xab, 0x79, 0xfd, 0x51, 0x30, 0xe1, 0x8c, 0xf4, 0x4c, 0xb8, 0xe4, 0x95, 0x0c, 0x32, 0x4c, 0x80, 0x02, 0x66, 0x41, 0xc1, 0x09, 0x11, 0x22, 0x41, 0x03, 0xe2, 0x80, 0x08, 0x18, 0x22, 0x47, 0x75, 0x2e, 0x79, 0xe6, 0x24, 0xa4, 0x60, 0x03, 0xa9, 0x40, 0xff, 0x00, 0x2e, 0xc7, 0xb2, 0xa0, 0xdd, 0x5b, 0xb8, 0x88, 0x40, 0xc4, 0x8d, 0xe5, 0x13, 0x03, 0x33, 0x08, 0x3b, 0x6a, 0x27, 0x11, 0x09, 0x01, 0x90, 0x06, 0xc0, 0x20, 0x40, 0xc9, 0x1f, 0x55, 0x4d, 0x78, 0xd4, 0x63, 0x75, 0x63, 0x2d, 0x3b, 0x4a, 0x30, 0xe2, 0x03, 0x8c, 0x0e, 0x50, 0x93, 0x80, 0x91, 0x9c, 0x72, 0x48, 0xc8, 0xd8, 0x81, 0x94, 0x0c, 0x64, 0x9d, 0xe5, 0x0c, 0x33, 0x3a, 0x8e, 0x7b, 0x21, 0xb0, 0x41, 0x03, 0x75, 0x4e, 0x68, 0xd3, 0x91, 0xf5, 0x44, 0x00, 0x24, 0x01, 0x9e, 0x68, 0x3e, 0x63, 0x81, 0x9f, 0x54, 0xc6, 0xd0, 0x49, 0x94, 0x38, 0x07, 0x08, 0x24, 0xcf, 0x24, 0xb2, 0x06, 0x41, 0xec, 0x3e, 0x4b, 0xcc, 0x7b, 0x28, 0x08, 0xbb, 0xbb, 0x99, 0xe5, 0xf7, 0x2b, 0xd3, 0x08, 0xe5, 0x13, 0xe8, 0xad, 0xbe, 0x53, 0x82, 0x3e, 0x51, 0x0a, 0x5d, 0xb1, 0x20, 0x49, 0xf5, 0x4c, 0x00, 0x29, 0xc9, 0x07, 0xa2, 0x0c, 0xce, 0x01, 0xef, 0xc9, 0x36, 0x9d, 0xc3, 0x4f, 0xae, 0x15, 0x8f, 0x77, 0x11, 0x3c, 0xe0, 0x2b, 0x39, 0x70, 0x22, 0x40, 0xd9, 0x4c, 0xbf, 0xa8, 0xf9, 0xae, 0xdf, 0xb5, 0x7f, 0xf1, 0xb4, 0xc8, 0xff, 0x00, 0x09, 0x9f, 0x98, 0x5c, 0x1d, 0x8e, 0xe6, 0x51, 0x9c, 0x80, 0x79, 0x29, 0xd5, 0x04, 0x4e, 0xe7, 0xba, 0x60, 0xf9, 0x8f, 0x52, 0x87, 0x60, 0xc1, 0x95, 0x40, 0x00, 0x33, 0x3f, 0x24, 0x13, 0x8e, 0x70, 0x3b, 0x21, 0x84, 0x46, 0x41, 0x5c, 0x0f, 0x6b, 0xf1, 0x6b, 0x42, 0x06, 0xce, 0x2b, 0xb3, 0x60, 0x7f, 0xb2, 0xd0, 0x24, 0xe7, 0xc3, 0x6f, 0x2e, 0xcb, 0x21, 0x9f, 0x31, 0x3b, 0x4e, 0xf0, 0x9f, 0x23, 0x03, 0x96, 0x09, 0xd8, 0x2f, 0x31, 0x52, 0x9d, 0x4b, 0x3b, 0x6a, 0xd7, 0x4e, 0x16, 0x75, 0xa9, 0xb6, 0xa9, 0x71, 0x1a, 0x64, 0x99, 0x31, 0x00, 0xf5, 0xf8, 0x2f, 0x49, 0x4e, 0xa3, 0x2a, 0x08, 0x63, 0x84, 0x91, 0xab, 0x4c, 0x89, 0x00, 0x9e, 0x8b, 0x20, 0x96, 0xc1, 0x02, 0x60, 0xca, 0xf3, 0x36, 0x82, 0xf1, 0xdc, 0x4f, 0x88, 0x9b, 0x4a, 0xac, 0xa7, 0xfb, 0xc1, 0xa8, 0x16, 0xce, 0xe7, 0xe8, 0xb5, 0xa9, 0xd7, 0xaf, 0x6f, 0xc2, 0xef, 0x1a, 0x2a, 0x86, 0xd4, 0x7d, 0xd0, 0x63, 0xaa, 0x46, 0xd3, 0xbf, 0xa2, 0xde, 0x2c, 0x75, 0xb5, 0xfd, 0x2b, 0x6a, 0x17, 0x15, 0x9f, 0x4e, 0xbd, 0x27, 0x6a, 0xd4, 0xf0, 0xe2, 0x0e, 0xc0, 0x8e, 0x9b, 0x05, 0xa3, 0x4b, 0x88, 0xdd, 0x39, 0xd6, 0xf5, 0x5c, 0xea, 0x81, 0x96, 0x7a, 0x5b, 0x5c, 0x4e, 0xf2, 0xe2, 0x33, 0xd7, 0x10, 0xbb, 0xdc, 0x07, 0x5b, 0xb8, 0x7b, 0x6a, 0xd5, 0x2e, 0x71, 0xaa, 0xe3, 0x50, 0x6a, 0x3c, 0xa4, 0xe3, 0xe4, 0xb9, 0x15, 0x62, 0xe2, 0x9f, 0x10, 0xaf, 0x5a, 0xea, 0xad, 0x3a, 0xd4, 0x5c, 0xe1, 0x4c, 0x07, 0xe9, 0x02, 0x22, 0x31, 0xdd, 0x1a, 0x1d, 0x75, 0x7b, 0xc3, 0x5f, 0x59, 0xd5, 0x75, 0xd5, 0xa6, 0x4b, 0xc8, 0x7c, 0x64, 0x0f, 0xa6, 0xc1, 0x60, 0xa6, 0x4d, 0xb5, 0x97, 0x11, 0xf0, 0x8b, 0xc3, 0xdb, 0x54, 0xd3, 0x3e, 0x6f, 0xe1, 0x9d, 0xfd, 0x7b, 0xad, 0x8b, 0x67, 0x56, 0xa7, 0x5f, 0x4d, 0x32, 0x5b, 0x4d, 0xd4, 0x9c, 0xe7, 0x35, 0xd5, 0xb5, 0x98, 0x20, 0xc1, 0x1d, 0x0c, 0xf2, 0x58, 0x29, 0xb5, 0xd4, 0xf8, 0x7f, 0x0f, 0xbc, 0x15, 0x6b, 0x1a, 0xaf, 0xac, 0x1a, 0xef, 0x34, 0xe0, 0x93, 0x8f, 0xa2, 0xec, 0xf1, 0xba, 0xd5, 0x29, 0x70, 0xaa, 0xaf, 0xa2, 0x4e, 0xb2, 0x00, 0x30, 0x66, 0x01, 0x30, 0x72, 0xb9, 0x6d, 0xa7, 0x46, 0x8f, 0x10, 0xe1, 0xde, 0x05, 0x67, 0x55, 0x92, 0x75, 0x02, 0xf9, 0xd3, 0x8f, 0xa7, 0xe5, 0x0b, 0x1d, 0x32, 0xda, 0xbc, 0x3e, 0xb5, 0xdd, 0x6a, 0xef, 0x6d, 0xeb, 0x1e, 0x43, 0x4e, 0xb8, 0x82, 0x0c, 0x44, 0x73, 0x5e, 0x88, 0xb5, 0xf7, 0x1c, 0x3c, 0x07, 0xb8, 0xb5, 0xef, 0xa6, 0x32, 0x37, 0x12, 0x3e, 0xeb, 0x85, 0x65, 0x71, 0x56, 0xee, 0xe6, 0xd6, 0xdc, 0x3d, 0xf3, 0x6c, 0xd7, 0xba, 0xae, 0x72, 0x5c, 0x0c, 0x01, 0x3c, 0xf9, 0x2d, 0x76, 0x96, 0xbf, 0x85, 0xbe, 0xf2, 0xa5, 0x77, 0x7e, 0x30, 0x3f, 0xdd, 0xd5, 0xb1, 0x93, 0x88, 0x5b, 0xd6, 0xb7, 0x4e, 0x6f, 0x16, 0xaa, 0x2b, 0xd4, 0x0c, 0x1f, 0x87, 0x0e, 0x00, 0x98, 0x82, 0x07, 0xdd, 0x6d, 0x7b, 0x3b, 0x51, 0xce, 0xe1, 0x8d, 0x73, 0x9e, 0x1d, 0x2f, 0x71, 0x2e, 0xea, 0xb9, 0x55, 0x4b, 0x6b, 0xd2, 0xe2, 0x75, 0xee, 0x2b, 0x38, 0x5c, 0x35, 0xc5, 0xac, 0x66, 0xb8, 0xf2, 0xf4, 0x85, 0x9e, 0xda, 0xa3, 0x85, 0xc7, 0x0c, 0x63, 0x5c, 0x74, 0x9b, 0x62, 0x4f, 0x42, 0x20, 0x95, 0xaa, 0x01, 0x1c, 0x26, 0x9d, 0xe0, 0xad, 0x57, 0xc5, 0x15, 0x44, 0x79, 0xb0, 0x04, 0xed, 0xf5, 0x59, 0x6f, 0xdd, 0x52, 0xb5, 0xf5, 0xe6, 0xb2, 0x62, 0x98, 0xf2, 0x6a, 0xab, 0xa0, 0x33, 0xbc, 0x2e, 0xe7, 0x0d, 0x7b, 0xdd, 0x63, 0x47, 0xc5, 0x7b, 0x5e, 0x4b, 0x7d, 0xf1, 0xcf, 0xbc, 0xaf, 0x3a, 0xda, 0x43, 0xf6, 0x20, 0xb9, 0x69, 0x78, 0xad, 0xe2, 0x40, 0x3a, 0xc8, 0x0d, 0x33, 0xb4, 0x0e, 0xcb, 0x35, 0xf6, 0xaa, 0xfc, 0x42, 0xe5, 0xb5, 0xdd, 0x1a, 0x58, 0x34, 0xeb, 0xa8, 0x5b, 0xa7, 0x03, 0x23, 0xaa, 0xb6, 0xd3, 0x75, 0x7a, 0xdc, 0x32, 0x9d, 0x7a, 0xa5, 0xe1, 0xec, 0x76, 0xa2, 0xc7, 0x11, 0xa8, 0x09, 0xf9, 0xec, 0xb1, 0x5e, 0x34, 0x3a, 0xfe, 0xe6, 0x9d, 0x73, 0x4b, 0x4d, 0x30, 0x1b, 0x4b, 0xc5, 0xa8, 0x46, 0x91, 0x1b, 0x80, 0x37, 0x2b, 0xa2, 0xca, 0x95, 0x28, 0xf0, 0x56, 0xd6, 0xd4, 0xcf, 0x1d, 0xad, 0xd2, 0x2a, 0xbb, 0xa1, 0x3d, 0x48, 0x9d, 0xa1, 0x6e, 0xf0, 0xeb, 0x56, 0xdb, 0xda, 0x86, 0x87, 0x17, 0x39, 0xde, 0x67, 0x1e, 0xa4, 0x85, 0xb7, 0x02, 0x31, 0xcf, 0x74, 0x84, 0x81, 0xb4, 0x90, 0x91, 0x39, 0xc9, 0xca, 0xa8, 0x91, 0xb6, 0xea, 0xff, 0x00, 0x88, 0x08, 0x8f, 0x8a, 0x98, 0x89, 0x82, 0x10, 0xdd, 0x30, 0x46, 0x3e, 0x69, 0x76, 0x12, 0x91, 0xf7, 0x84, 0x4a, 0x66, 0x27, 0x3b, 0x84, 0x9b, 0xef, 0x12, 0x55, 0x0e, 0xfb, 0x72, 0x46, 0x93, 0x90, 0x00, 0xf9, 0xa6, 0xe3, 0x1b, 0x15, 0x2d, 0x03, 0x30, 0xd1, 0x3e, 0xa9, 0xc6, 0xa1, 0x88, 0xc7, 0xc1, 0x4c, 0x6a, 0xf7, 0x4c, 0x05, 0x5f, 0xc4, 0x01, 0x88, 0x1c, 0xd0, 0xe8, 0xd4, 0x73, 0x94, 0xc9, 0x00, 0x67, 0x64, 0x00, 0xd7, 0x12, 0x53, 0x93, 0x9c, 0x6d, 0xcd, 0x44, 0x3a, 0x0b, 0x8f, 0x33, 0xb4, 0x26, 0x5b, 0x04, 0x10, 0x83, 0x28, 0x81, 0x11, 0x99, 0xea, 0x83, 0x11, 0x07, 0xe1, 0x94, 0x84, 0x75, 0x04, 0xa4, 0xd8, 0x69, 0x27, 0x12, 0x87, 0xcb, 0xa0, 0x88, 0x51, 0x1b, 0xe5, 0x05, 0xa2, 0x64, 0xc4, 0x24, 0x20, 0x18, 0xe7, 0xc9, 0x36, 0x92, 0x48, 0x04, 0x40, 0x0a, 0x5c, 0x30, 0x77, 0x43, 0x40, 0x0d, 0xe7, 0x09, 0x02, 0xe2, 0x64, 0xe0, 0x05, 0x53, 0x22, 0x64, 0x7c, 0x90, 0x64, 0x64, 0x01, 0x0a, 0x9a, 0x43, 0x76, 0xdf, 0x9a, 0x6e, 0x21, 0xdb, 0xee, 0x93, 0xb6, 0x12, 0x76, 0x4d, 0xa6, 0x59, 0x38, 0x99, 0x80, 0xab, 0xdd, 0xc1, 0x03, 0xe4, 0x83, 0xb0, 0x88, 0x93, 0xd9, 0x21, 0x92, 0x41, 0x02, 0x79, 0x63, 0x74, 0x03, 0xa4, 0xe4, 0xe3, 0xd1, 0x51, 0x76, 0x96, 0xc7, 0x5d, 0x92, 0x6b, 0x41, 0x70, 0x02, 0x27, 0x7d, 0xd3, 0x33, 0x90, 0x97, 0x73, 0x3a, 0xba, 0xca, 0x92, 0x4c, 0x6d, 0x8d, 0xf3, 0xea, 0x17, 0x9a, 0xf6, 0x63, 0x17, 0x97, 0x60, 0xc7, 0x2f, 0xba, 0xf4, 0x82, 0x01, 0xc6, 0xe5, 0x59, 0x02, 0x20, 0x0c, 0xfa, 0xa4, 0x67, 0x61, 0x82, 0x50, 0xd9, 0xd5, 0x06, 0x67, 0x72, 0xa9, 0xe0, 0x92, 0x24, 0x90, 0x53, 0x6f, 0xbd, 0x99, 0xee, 0xb2, 0x08, 0x00, 0x81, 0x8c, 0xa6, 0x03, 0x64, 0x44, 0x15, 0x5a, 0x47, 0x41, 0xf2, 0x5d, 0x9f, 0x6a, 0xa7, 0xf1, 0x8c, 0xcf, 0xf0, 0xff, 0x00, 0xfe, 0x57, 0x01, 0xd2, 0xd3, 0x32, 0x01, 0xe6, 0x81, 0x12, 0x67, 0x65, 0x1c, 0x8c, 0x42, 0xb8, 0xc4, 0x88, 0x94, 0x62, 0x7c, 0xc3, 0x31, 0x3b, 0xa5, 0xa8, 0x9c, 0x4e, 0x53, 0xf8, 0xe5, 0x38, 0xc6, 0x48, 0x9e, 0xeb, 0xcf, 0xfb, 0x5e, 0xe3, 0xf8, 0x6a, 0x00, 0xc4, 0x6b, 0x39, 0x9d, 0xb0, 0xbb, 0x36, 0x30, 0x6c, 0xa8, 0x10, 0x76, 0x60, 0xe5, 0xbe, 0x02, 0xcf, 0x24, 0xb4, 0xa5, 0xb9, 0x97, 0x41, 0xc4, 0x7a, 0xae, 0x7f, 0xec, 0x8b, 0x4f, 0x1c, 0xd4, 0x0c, 0x30, 0x5d, 0xab, 0x46, 0xa3, 0xa4, 0x9f, 0x4d, 0xa5, 0x6c, 0x53, 0xb4, 0xa3, 0x4e, 0xe5, 0xd5, 0xc3, 0x47, 0x8a, 0xf0, 0x01, 0x33, 0x32, 0x02, 0xd9, 0x70, 0xf2, 0x98, 0x03, 0x0b, 0x05, 0x2b, 0x5a, 0x54, 0x2a, 0xd6, 0xab, 0x49, 0x90, 0xea, 0xae, 0x0e, 0x7c, 0xbb, 0x78, 0x58, 0x1b, 0x61, 0x6c, 0xda, 0x75, 0x99, 0xe1, 0x02, 0x2b, 0x1d, 0x4f, 0x13, 0x21, 0xc7, 0xaa, 0x76, 0x9c, 0x3e, 0xde, 0xd1, 0xe5, 0xf4, 0x29, 0x06, 0x13, 0xce, 0x67, 0x1d, 0x10, 0xeb, 0x0b, 0x50, 0xda, 0xcd, 0x14, 0x44, 0x56, 0x70, 0x73, 0xe7, 0xf8, 0xa0, 0xca, 0xd8, 0xa7, 0x4d, 0xb4, 0xe9, 0x0a, 0x6d, 0x0d, 0x14, 0xd9, 0x00, 0x01, 0xcb, 0xb7, 0xd5, 0x6a, 0xd6, 0xe1, 0xb6, 0xb7, 0x15, 0xbc, 0x4a, 0x94, 0x58, 0xe7, 0x60, 0x93, 0x91, 0x24, 0x75, 0x1c, 0xd6, 0x77, 0xdb, 0xd2, 0x2e, 0xa6, 0xef, 0x0c, 0x17, 0x30, 0x43, 0x4f, 0x4f, 0xea, 0x14, 0x36, 0xc6, 0xdb, 0x55, 0x57, 0x8a, 0x4c, 0xd7, 0x57, 0x15, 0x31, 0xef, 0x29, 0xb6, 0xe1, 0xd6, 0xb6, 0xe1, 0xde, 0x0d, 0x0a, 0x6c, 0x2f, 0x1a, 0x5d, 0x89, 0x91, 0xbc, 0x7c, 0xe1, 0x37, 0x5a, 0x5b, 0xf8, 0x34, 0xe8, 0x8a, 0x2d, 0xf0, 0xa9, 0x99, 0x0d, 0x8f, 0x74, 0xff, 0x00, 0x45, 0x67, 0xa8, 0xc6, 0xd4, 0x61, 0x63, 0xc0, 0x70, 0x70, 0x88, 0x23, 0x92, 0xd6, 0xa5, 0xc3, 0x6d, 0x28, 0x39, 0xae, 0xa5, 0x41, 0xa1, 0xc2, 0x48, 0x81, 0xcc, 0xcf, 0xea, 0x53, 0x77, 0x0f, 0xb5, 0x75, 0x5f, 0x15, 0xf4, 0x19, 0xae, 0x75, 0x4c, 0x6e, 0x63, 0x75, 0x99, 0xee, 0x79, 0xa6, 0x74, 0xe9, 0x90, 0xd8, 0x6c, 0xf6, 0x5c, 0xee, 0x15, 0x64, 0xfa, 0x06, 0xe2, 0xb5, 0x72, 0xc7, 0x57, 0xaa, 0xef, 0x31, 0x68, 0x80, 0x06, 0x76, 0xef, 0x07, 0xe6, 0xb6, 0x5f, 0xc3, 0xed, 0x5d, 0x5d, 0xd5, 0x5d, 0x41, 0x9a, 0xc9, 0x2e, 0x90, 0x39, 0xf5, 0x3d, 0x53, 0xab, 0x67, 0x6f, 0x5a, 0xa0, 0x7d, 0x5a, 0x2d, 0xa8, 0x40, 0x80, 0x5c, 0x26, 0x16, 0x7a, 0x54, 0xa9, 0xd1, 0x68, 0x65, 0x36, 0xb5, 0xac, 0xc9, 0x81, 0x8d, 0xd6, 0x0a, 0xb6, 0x16, 0x95, 0x6a, 0xbd, 0xef, 0xa0, 0xc7, 0x39, 0xdb, 0x9e, 0xbe, 0xab, 0x20, 0xb3, 0xa2, 0xc2, 0xc7, 0xb6, 0x9b, 0x41, 0x68, 0xd2, 0xdc, 0x7b, 0xa3, 0xa2, 0x42, 0xd2, 0xdf, 0xc1, 0xf0, 0x05, 0x16, 0xf8, 0x53, 0xa8, 0xb6, 0x39, 0x84, 0x5c, 0xd8, 0xdb, 0x56, 0x78, 0x75, 0x5a, 0x2d, 0x7b, 0xc0, 0x89, 0x2b, 0x38, 0x63, 0x03, 0x5a, 0xd0, 0xd1, 0xa6, 0x20, 0x7a, 0x7a, 0x2c, 0x7f, 0x84, 0xa1, 0xe1, 0xf8, 0x5e, 0x0b, 0x3c, 0x3d, 0x41, 0xda, 0x23, 0x13, 0x33, 0x2a, 0x2b, 0xda, 0xd0, 0xaf, 0x50, 0x1a, 0xb4, 0xa9, 0xbd, 0xe3, 0x6d, 0x4d, 0xd8, 0x2c, 0xa6, 0x85, 0x32, 0xe6, 0x3b, 0xc2, 0x66, 0xb6, 0x0f, 0x26, 0x36, 0xc4, 0x40, 0xf8, 0x29, 0xab, 0x6d, 0x4a, 0xb3, 0xc1, 0xab, 0x4d, 0x8e, 0x2d, 0xd8, 0xb8, 0x74, 0xee, 0xaa, 0xa5, 0x16, 0x3e, 0x91, 0x63, 0x9a, 0xd7, 0xb7, 0xfc, 0x2e, 0xc8, 0xc2, 0xb6, 0xb6, 0x00, 0x88, 0x18, 0xc0, 0x8d, 0x92, 0x82, 0x37, 0xf5, 0x4d, 0xbb, 0x6f, 0xba, 0x40, 0x4e, 0x49, 0x13, 0xcb, 0x28, 0x7e, 0x08, 0x2a, 0x83, 0xa4, 0x82, 0x06, 0x3d, 0x52, 0xc6, 0x60, 0x9f, 0xc9, 0x1a, 0x83, 0xb0, 0x25, 0x36, 0xe9, 0x03, 0x27, 0x3d, 0x13, 0x2d, 0x69, 0x1c, 0xe4, 0x77, 0x48, 0x37, 0x4e, 0xfb, 0x14, 0x60, 0x8f, 0x36, 0x00, 0x52, 0x24, 0x12, 0x06, 0xc8, 0x3b, 0x09, 0x39, 0xf9, 0x24, 0xee, 0x59, 0x05, 0x2f, 0x74, 0xe2, 0x75, 0x1d, 0x8a, 0xa1, 0x96, 0x99, 0x88, 0x54, 0x76, 0x31, 0x01, 0x40, 0x20, 0x82, 0x0e, 0xe9, 0xec, 0x44, 0x04, 0x9c, 0xec, 0x44, 0x4a, 0x1b, 0x3a, 0x64, 0x83, 0xf2, 0x4c, 0x12, 0x4c, 0x03, 0x10, 0x99, 0xf5, 0x32, 0x32, 0x50, 0x60, 0x9e, 0x69, 0x18, 0x03, 0x05, 0x18, 0xc6, 0x31, 0xdd, 0x27, 0x44, 0xe0, 0x6d, 0xd1, 0x32, 0xe0, 0x32, 0x00, 0x94, 0x81, 0xcc, 0x12, 0x27, 0xac, 0x29, 0x26, 0x4c, 0x27, 0x00, 0x48, 0x01, 0x22, 0xe1, 0xa4, 0xc8, 0xfe, 0x49, 0x87, 0x7f, 0x0c, 0x0c, 0xf6, 0xfc, 0xd2, 0x32, 0x24, 0x8f, 0x45, 0x30, 0x63, 0x3c, 0xfb, 0xa2, 0x3c, 0xb3, 0x23, 0xe6, 0x91, 0x70, 0x80, 0x08, 0xc9, 0xdd, 0x1b, 0x1d, 0x8f, 0xcd, 0x06, 0x49, 0x81, 0xb1, 0xee, 0x86, 0x83, 0x32, 0x47, 0x35, 0x45, 0xba, 0xb0, 0x26, 0x3d, 0x53, 0x68, 0x20, 0x40, 0xfa, 0xaa, 0x2d, 0x2d, 0x00, 0x3e, 0x37, 0xe4, 0x12, 0x13, 0xb1, 0x9f, 0x92, 0x64, 0x6d, 0xbc, 0xa5, 0x1c, 0xc6, 0xfc, 0xbb, 0x24, 0x39, 0xcc, 0xc8, 0x4c, 0xc4, 0x19, 0x9f, 0x92, 0xa1, 0xb4, 0x12, 0x67, 0x7e, 0x90, 0x98, 0x92, 0x06, 0x00, 0xc2, 0x87, 0x30, 0x03, 0x81, 0x95, 0x3a, 0xb4, 0xc8, 0x89, 0xc0, 0x5e, 0x6f, 0xd9, 0x56, 0xff, 0x00, 0x6e, 0xbc, 0x90, 0x30, 0x06, 0xde, 0xa5, 0x7a, 0x66, 0xce, 0xe4, 0x09, 0xea, 0xa8, 0x9f, 0x36, 0x04, 0xfd, 0x12, 0x32, 0x4e, 0x61, 0x3c, 0x72, 0x25, 0x30, 0x04, 0x82, 0xe9, 0x4c, 0x80, 0xec, 0x19, 0xec, 0xb2, 0x00, 0x03, 0x74, 0x99, 0xc7, 0x34, 0xc8, 0x21, 0xc0, 0x07, 0x61, 0x3c, 0xf4, 0x6a, 0xec, 0xfb, 0x58, 0x7f, 0xb6, 0x32, 0x41, 0xf7, 0x4f, 0xe4, 0x57, 0x09, 0xc3, 0x68, 0x26, 0x3d, 0x14, 0x3b, 0x98, 0x83, 0x01, 0x02, 0x08, 0xe5, 0x94, 0xdc, 0x31, 0x00, 0x94, 0x4c, 0x8e, 0xb8, 0xe8, 0x98, 0xc0, 0x00, 0xcf, 0xc9, 0x39, 0x68, 0x04, 0x89, 0x9f, 0x44, 0x48, 0x39, 0x20, 0x12, 0x39, 0xaf, 0x3f, 0xed, 0x8e, 0x9f, 0xc2, 0x51, 0xc0, 0xf7, 0xcf, 0x3e, 0xdf, 0xc9, 0x75, 0xf8, 0x79, 0xd3, 0x65, 0x40, 0x48, 0x8f, 0x0d, 0xb9, 0xf8, 0x2d, 0x90, 0x46, 0x64, 0x04, 0xa0, 0x01, 0x06, 0x33, 0xb2, 0x1c, 0x39, 0x02, 0x08, 0xf4, 0x84, 0xa0, 0xc8, 0x00, 0x09, 0xf9, 0xfd, 0x55, 0x49, 0x9c, 0x0d, 0xb7, 0x48, 0xc0, 0x9d, 0xbe, 0x49, 0x3a, 0x3c, 0xa4, 0x4c, 0x84, 0x35, 0xdd, 0x23, 0xf4, 0xfe, 0xa5, 0x18, 0x30, 0x49, 0x07, 0xe2, 0x13, 0xd9, 0xb8, 0xfe, 0xb3, 0xd5, 0x22, 0x4e, 0xd9, 0xe9, 0x82, 0x15, 0x64, 0x8c, 0x6d, 0xcd, 0x4b, 0x86, 0x76, 0x11, 0x13, 0x21, 0x0e, 0x30, 0x44, 0x03, 0x11, 0x84, 0x48, 0x81, 0x91, 0xcb, 0xe3, 0x98, 0x49, 0xc4, 0xeb, 0xd3, 0x3e, 0x87, 0x65, 0x27, 0x63, 0x03, 0x6d, 0xe7, 0x09, 0x17, 0x1e, 0x50, 0x10, 0xd2, 0x60, 0xc4, 0x7c, 0xb9, 0xf5, 0x46, 0x22, 0x0e, 0x46, 0xea, 0xa7, 0xcc, 0x1a, 0x67, 0x3f, 0x25, 0x1a, 0xdb, 0xa0, 0x11, 0x51, 0xb9, 0x13, 0xba, 0xad, 0x6d, 0xd2, 0x3f, 0x78, 0xd9, 0x82, 0x71, 0xd9, 0x51, 0xe7, 0x1b, 0x8c, 0x6e, 0xa4, 0x3a, 0x0c, 0xf4, 0xdd, 0x30, 0xe2, 0xe3, 0xd0, 0x00, 0x9e, 0x44, 0x02, 0x98, 0x21, 0xa6, 0x41, 0xf5, 0xc2, 0x7a, 0x9a, 0x01, 0x23, 0x63, 0x8e, 0xea, 0x79, 0x93, 0x00, 0xc8, 0x82, 0x93, 0x5c, 0x67, 0x68, 0xe9, 0x25, 0x31, 0x22, 0x5c, 0x00, 0x28, 0x24, 0x91, 0x90, 0x3e, 0x08, 0x31, 0x19, 0x04, 0x08, 0x49, 0xbc, 0xf4, 0xf3, 0x10, 0x25, 0x13, 0xb8, 0x33, 0x31, 0xd1, 0x36, 0xc4, 0x0d, 0xa7, 0x9a, 0x64, 0x02, 0x07, 0xfa, 0xa0, 0x60, 0x7b, 0xa9, 0x72, 0xdb, 0x09, 0x8e, 0x78, 0xe5, 0x3e, 0xa8, 0x10, 0x01, 0x86, 0x99, 0x44, 0x88, 0x23, 0x13, 0xce, 0x4f, 0xc7, 0x7d, 0xbf, 0x55, 0x84, 0xdd, 0x51, 0x12, 0x4d, 0x56, 0x8f, 0x8f, 0x5c, 0x7c, 0xbb, 0xad, 0x01, 0xc7, 0xb8, 0x6f, 0xed, 0x83, 0xc3, 0x05, 0x61, 0xf8, 0xc6, 0xd3, 0xf1, 0x48, 0x89, 0x86, 0xc8, 0xc1, 0x3d, 0x40, 0x20, 0xc7, 0x45, 0xd3, 0x63, 0xc3, 0x9b, 0xa8, 0x4b, 0x9a, 0x76, 0x32, 0x83, 0xc8, 0x08, 0x49, 0xd3, 0x38, 0x68, 0x88, 0x40, 0x9c, 0xcc, 0xf7, 0x55, 0x13, 0x20, 0x83, 0x95, 0x24, 0x18, 0xe5, 0x84, 0x44, 0x02, 0x40, 0x33, 0xe8, 0xaa, 0x73, 0x93, 0xb2, 0x93, 0x13, 0x02, 0x41, 0x89, 0xd9, 0x0d, 0x24, 0xb7, 0x12, 0x8d, 0x46, 0x31, 0x23, 0xe9, 0x0a, 0x4c, 0x90, 0x43, 0x64, 0x9f, 0xbe, 0x56, 0x41, 0xa8, 0x9c, 0xc2, 0x9e, 0xa7, 0x10, 0x51, 0x80, 0x1d, 0xfc, 0x53, 0x9d, 0xd6, 0x37, 0x5c, 0x53, 0x6b, 0x9c, 0x34, 0x3e, 0x46, 0x0c, 0x30, 0x98, 0xc0, 0x3c, 0xb0, 0xa4, 0xd7, 0x6c, 0x9f, 0x2d, 0x4f, 0xff, 0x00, 0x8c, 0xac, 0x94, 0xdc, 0xda, 0x8c, 0x0e, 0x6f, 0xa6, 0xd1, 0xf4, 0x54, 0x48, 0x06, 0x48, 0x3b, 0x25, 0x9d, 0x31, 0x80, 0x09, 0xeb, 0xf1, 0x40, 0x23, 0x51, 0x06, 0x04, 0x6d, 0xb6, 0x7b, 0xa0, 0xff, 0x00, 0x84, 0x90, 0x7a, 0x62, 0x21, 0x48, 0x98, 0x38, 0x03, 0x31, 0xba, 0x64, 0xc1, 0x20, 0xe4, 0x7a, 0x20, 0xe4, 0x61, 0x0e, 0x6e, 0x20, 0x09, 0x3e, 0xb1, 0x0a, 0x76, 0x98, 0x06, 0x76, 0xf8, 0xa0, 0x01, 0x39, 0x99, 0xdf, 0x6e, 0x48, 0x69, 0x96, 0x83, 0xa4, 0x82, 0x73, 0x1d, 0x15, 0x08, 0x90, 0x46, 0x7e, 0x8b, 0x20, 0x2d, 0x76, 0x39, 0x20, 0x90, 0x23, 0x33, 0x98, 0x48, 0xe4, 0x92, 0x70, 0x39, 0x66, 0x51, 0xa8, 0xec, 0x21, 0x26, 0x81, 0x26, 0x4e, 0x53, 0x8d, 0xe2, 0x40, 0x58, 0xdf, 0x3b, 0x02, 0x71, 0xce, 0x15, 0x03, 0xcc, 0x9d, 0x86, 0x52, 0xd7, 0x2e, 0x10, 0x9c, 0xed, 0x00, 0x19, 0x48, 0xcc, 0x19, 0x03, 0x1d, 0xfb, 0x85, 0xe7, 0x3d, 0x95, 0x00, 0xde, 0xdd, 0xe0, 0x83, 0x00, 0xc8, 0x3b, 0xe4, 0x9f, 0xcd, 0x7a, 0x50, 0x4c, 0x90, 0x60, 0x24, 0xd0, 0xe1, 0x26, 0x31, 0xc9, 0x36, 0xc9, 0x24, 0x08, 0x4c, 0x80, 0xdc, 0xba, 0x61, 0x0e, 0x04, 0x98, 0x3b, 0x6e, 0x15, 0x64, 0x19, 0x0d, 0x1f, 0x1e, 0x69, 0xb4, 0x73, 0x20, 0x85, 0x90, 0x0c, 0x66, 0x3b, 0x28, 0x87, 0xf6, 0x5d, 0xff, 0x00, 0x6b, 0x4c, 0x5d, 0xd3, 0x9e, 0x6d, 0x3f, 0x97, 0xea, 0xbc, 0xfb, 0x89, 0x92, 0x01, 0xc4, 0x74, 0x40, 0x18, 0xcf, 0x4f, 0x9a, 0x1a, 0x04, 0x44, 0x08, 0x4c, 0x0f, 0x36, 0x22, 0x39, 0xa4, 0xe8, 0xc8, 0x06, 0x3e, 0x29, 0x76, 0x07, 0x65, 0x50, 0x76, 0x19, 0x40, 0x10, 0x09, 0x20, 0x08, 0xee, 0xbc, 0xef, 0xb6, 0x1f, 0xf0, 0x74, 0x62, 0x33, 0x53, 0xe5, 0x2d, 0x5d, 0x9b, 0x10, 0x0d, 0xa5, 0x09, 0xcf, 0x90, 0x4f, 0x2e, 0x41, 0x6c, 0x08, 0xe7, 0x1d, 0x90, 0x4c, 0x81, 0x29, 0x1f, 0x2e, 0x0e, 0xca, 0x4b, 0x84, 0x18, 0x57, 0xbf, 0x54, 0x89, 0x10, 0x04, 0x20, 0xba, 0x0c, 0x7d, 0xd6, 0x1b, 0xb8, 0xfc, 0x35, 0x7c, 0x88, 0xd2, 0x7e, 0x38, 0x4b, 0xc0, 0xa2, 0x66, 0x68, 0xd2, 0x3f, 0xfd, 0x41, 0x58, 0xea, 0xd0, 0xa3, 0x4c, 0x31, 0xf4, 0xe8, 0xd2, 0x0f, 0x0f, 0x6e, 0x43, 0x40, 0x39, 0x70, 0x4f, 0x89, 0x5d, 0x1b, 0x5a, 0x02, 0xa0, 0xa7, 0xac, 0x97, 0x06, 0x00, 0x5d, 0xa6, 0x64, 0xf5, 0x2b, 0x0d, 0x0b, 0xab, 0x92, 0xf6, 0xf8, 0xb6, 0x8c, 0xa7, 0x4f, 0x3a, 0x9c, 0x2b, 0x03, 0xa4, 0x75, 0x21, 0x6d, 0xba, 0xab, 0x20, 0x38, 0x91, 0x98, 0x0d, 0x93, 0xbc, 0xcc, 0x7a, 0xec, 0x7e, 0x0b, 0x1f, 0xe2, 0xa8, 0x8a, 0xc6, 0x90, 0xad, 0x4c, 0xd5, 0x03, 0x2d, 0xd5, 0xb7, 0xc3, 0xa2, 0x66, 0xea, 0xdd, 0xa3, 0x4b, 0xaa, 0x30, 0x3b, 0x32, 0x35, 0x05, 0x55, 0x2b, 0x35, 0xa4, 0x34, 0x96, 0xea, 0x71, 0x30, 0x24, 0x67, 0xf9, 0x6d, 0x95, 0xa7, 0x5b, 0x89, 0xd1, 0x60, 0x6b, 0x69, 0xd4, 0xa7, 0x54, 0xba, 0xa3, 0x69, 0x90, 0x1d, 0x9c, 0x98, 0x9f, 0x82, 0xcc, 0xeb, 0x9a, 0x0c, 0xab, 0xe1, 0x3a, 0xab, 0x05, 0x49, 0x9d, 0x2e, 0x76, 0x62, 0x79, 0x2c, 0xa1, 0xec, 0x70, 0x70, 0xd6, 0xc3, 0xa4, 0xc1, 0x83, 0xb1, 0x89, 0xcf, 0x4c, 0x2b, 0x63, 0xda, 0xe6, 0xb4, 0xd3, 0x20, 0xb4, 0x89, 0x04, 0x73, 0x4f, 0x58, 0x13, 0x00, 0xe4, 0x7e, 0x4b, 0x5e, 0xde, 0x95, 0x37, 0xd1, 0x64, 0xb1, 0x84, 0xc6, 0x65, 0xa3, 0xf3, 0x45, 0xc5, 0x1a, 0x7e, 0x15, 0x50, 0xda, 0x4c, 0xc3, 0x0f, 0xf0, 0x8f, 0xeb, 0x92, 0xc8, 0xf7, 0xb6, 0x95, 0xb1, 0x7d, 0x4c, 0x31, 0x8d, 0xd5, 0x81, 0xbc, 0x0d, 0xa0, 0x2d, 0x6a, 0x57, 0xce, 0x73, 0xe8, 0x36, 0xbd, 0xbb, 0xe9, 0x0a, 0xf8, 0x63, 0x89, 0xf7, 0x8c, 0x4e, 0x7b, 0xc2, 0xdc, 0x7d, 0x46, 0xd2, 0x66, 0xaa, 0x90, 0xd6, 0x81, 0x92, 0x4e, 0xcb, 0x15, 0x3b, 0xaa, 0x55, 0x29, 0xba, 0xa3, 0x6b, 0xb1, 0xcc, 0x07, 0x24, 0x1c, 0x0f, 0x89, 0xd9, 0x64, 0xa7, 0x51, 0x95, 0x1a, 0x5d, 0x4d, 0xcd, 0x70, 0x69, 0x82, 0x46, 0x73, 0xd1, 0x69, 0x1e, 0x20, 0xe0, 0x5b, 0x54, 0xdb, 0x91, 0x6c, 0x6a, 0x68, 0x15, 0x09, 0xce, 0xf0, 0x7c, 0xb1, 0x90, 0xb6, 0x2f, 0xef, 0x69, 0xd9, 0xd9, 0xd4, 0xad, 0x54, 0x8f, 0x2e, 0x40, 0x91, 0xe6, 0x3d, 0x3f, 0x9a, 0x4d, 0xbc, 0xa6, 0xf7, 0xbc, 0x97, 0xd2, 0x14, 0x83, 0x03, 0xb2, 0xe0, 0x0e, 0xe4, 0x49, 0xed, 0x84, 0x9d, 0xc4, 0x6d, 0x32, 0x4d, 0xcb, 0x0c, 0x6f, 0xe6, 0xe9, 0xdb, 0x9a, 0xb1, 0x77, 0x40, 0xd0, 0x15, 0x85, 0x56, 0xf8, 0x7d, 0x64, 0x76, 0xc7, 0xaa, 0x86, 0xde, 0x5b, 0xbe, 0x93, 0xeb, 0x0a, 0xad, 0x34, 0xda, 0x32, 0x67, 0x62, 0x76, 0x04, 0x7e, 0x6b, 0x25, 0xbd, 0xcd, 0x2b, 0x86, 0xbc, 0xd0, 0x78, 0x7e, 0x88, 0x26, 0x37, 0x1e, 0xb3, 0xc9, 0x4d, 0xc5, 0xf5, 0x0b, 0x57, 0x81, 0x71, 0x54, 0x30, 0x91, 0x20, 0x47, 0x2e, 0xb8, 0xca, 0xcd, 0x4e, 0xab, 0x5d, 0x4f, 0xc4, 0xa6, 0xe0, 0x58, 0x41, 0x20, 0xef, 0x21, 0x48, 0xbc, 0xa2, 0x45, 0x22, 0x2a, 0x08, 0xac, 0x61, 0x9d, 0xd4, 0x54, 0xbc, 0xa1, 0x4c, 0x3d, 0xc6, 0xa4, 0x06, 0x38, 0xb4, 0x8c, 0x93, 0xaa, 0x26, 0x31, 0xb9, 0x43, 0x2f, 0xed, 0xaa, 0x52, 0xa9, 0x50, 0x55, 0x06, 0x9d, 0x3f, 0x7b, 0x06, 0x47, 0xe8, 0x56, 0x1a, 0xdc, 0x46, 0x81, 0xb5, 0xaf, 0x52, 0xd6, 0xa0, 0x75, 0x4a, 0x4c, 0xd7, 0xa4, 0xce, 0x20, 0x6f, 0x9c, 0xc2, 0xcd, 0x46, 0xe9, 0x8e, 0xf0, 0x98, 0xe7, 0x0f, 0x15, 0xed, 0xd5, 0xa4, 0x60, 0x7a, 0x84, 0xaf, 0xa9, 0xbe, 0xe2, 0xd2, 0xad, 0x3a, 0x15, 0x5f, 0x6f, 0x51, 0xec, 0x21, 0xb5, 0x9b, 0x05, 0xcc, 0x8c, 0x82, 0x26, 0x44, 0xcf, 0x65, 0xe3, 0x4f, 0xb5, 0x97, 0x3c, 0x07, 0x86, 0xdc, 0xd1, 0xf6, 0x82, 0xd9, 0xed, 0xbb, 0xa6, 0xda, 0x86, 0xde, 0xe2, 0x9b, 0x09, 0xa5, 0x76, 0x73, 0x00, 0x47, 0xba, 0xe9, 0xfe, 0x1c, 0x8e, 0x63, 0xa2, 0xed, 0x7b, 0x2f, 0xc2, 0x7f, 0x07, 0xc3, 0xdb, 0x56, 0xf8, 0x0a, 0x9c, 0x52, 0xbb, 0x9d, 0x5a, 0xe2, 0xac, 0x4b, 0x8d, 0x47, 0xc1, 0x70, 0x07, 0x90, 0x1b, 0x01, 0xb4, 0x00, 0x76, 0xc2, 0xea, 0xb6, 0xbd, 0x3a, 0x3c, 0x34, 0x56, 0x71, 0xf2, 0x53, 0xa5, 0xac, 0xf7, 0x86, 0xed, 0xeb, 0x85, 0xac, 0xc7, 0xf1, 0x1a, 0xb6, 0xe2, 0xbb, 0x5f, 0x44, 0x48, 0xd4, 0x29, 0x68, 0xc4, 0x08, 0xc1, 0x33, 0xbf, 0xc1, 0x64, 0x6f, 0x13, 0xa0, 0x68, 0x50, 0xa8, 0xf7, 0x69, 0x75, 0x56, 0x97, 0x06, 0x69, 0x2e, 0x24, 0x8c, 0x18, 0xec, 0xb2, 0x8e, 0x21, 0x6a, 0xeb, 0x77, 0x57, 0x35, 0x21, 0x92, 0x1a, 0x41, 0x04, 0x10, 0x7a, 0x01, 0xba, 0x54, 0xf8, 0x85, 0xbb, 0x99, 0x51, 0xc5, 0xda, 0x03, 0x04, 0xb8, 0x39, 0x84, 0x40, 0xe4, 0x61, 0x64, 0xb5, 0xbd, 0xa5, 0x5e, 0xa3, 0xa9, 0xb7, 0x5b, 0x6a, 0x09, 0x30, 0xf6, 0x96, 0xc8, 0x1c, 0xc7, 0x50, 0x8b, 0xbb, 0xa6, 0x5b, 0x9a, 0x6c, 0x79, 0xa8, 0x5e, 0xe9, 0x2d, 0x6b, 0x1a, 0x5c, 0x48, 0x1e, 0x9d, 0xd5, 0xdb, 0xdc, 0xd1, 0xb9, 0xa3, 0xe2, 0x52, 0x27, 0x4c, 0x9f, 0x78, 0x43, 0x81, 0x1b, 0x82, 0x37, 0x5a, 0xf5, 0xb8, 0x95, 0xbd, 0x3a, 0x42, 0xab, 0xaa, 0x1d, 0x3a, 0xfc, 0x32, 0x7f, 0xcc, 0x0f, 0x3f, 0x92, 0x75, 0x2f, 0xa8, 0xd3, 0x35, 0x41, 0x27, 0xf7, 0x60, 0x17, 0x91, 0x9f, 0x7b, 0x61, 0xeb, 0xd9, 0x4b, 0x6f, 0xe8, 0xbc, 0x54, 0x15, 0x35, 0xd2, 0x75, 0x21, 0xa9, 0xe2, 0xa0, 0xd3, 0x0d, 0xea, 0x27, 0x92, 0x6d, 0xe2, 0x14, 0xaa, 0x61, 0xa2, 0xad, 0x27, 0x39, 0xa4, 0xb0, 0xbd, 0x85, 0xa1, 0xd0, 0x06, 0x41, 0x4a, 0xc6, 0xf9, 0x95, 0x2d, 0xed, 0x05, 0x42, 0x5f, 0x5e, 0xbb, 0x35, 0xe9, 0x68, 0xd8, 0x75, 0x2b, 0x78, 0x10, 0x47, 0x23, 0x3b, 0xa0, 0x7b, 0xc2, 0x00, 0x85, 0x86, 0xda, 0x43, 0xab, 0x0d, 0xfc, 0xff, 0x00, 0x48, 0x01, 0x64, 0x11, 0x3c, 0xe0, 0x89, 0xe6, 0x65, 0x61, 0xb5, 0x96, 0xdb, 0xc8, 0x11, 0xef, 0x7d, 0xca, 0xd1, 0xb4, 0xe2, 0x33, 0x65, 0x40, 0xd5, 0xd7, 0x52, 0xb5, 0x42, 0xef, 0x71, 0xb3, 0xb3, 0x8e, 0x3e, 0xc9, 0x5e, 0xf1, 0x13, 0xf8, 0x2a, 0xc6, 0xd9, 0xb5, 0x29, 0xd5, 0x63, 0xc3, 0x4c, 0xb6, 0x4b, 0x09, 0x20, 0x6d, 0xb6, 0xca, 0xe8, 0xdf, 0xb4, 0x54, 0x14, 0x1c, 0xca, 0xce, 0xa8, 0xd0, 0x35, 0xbd, 0xcc, 0x88, 0x91, 0x32, 0xe8, 0xc0, 0x1f, 0x35, 0x96, 0x8f, 0x11, 0xa4, 0xf7, 0x53, 0x05, 0x95, 0x18, 0xc7, 0x98, 0x65, 0x47, 0x88, 0x6b, 0xbd, 0x09, 0x51, 0x57, 0x8a, 0x53, 0x65, 0x3a, 0xb5, 0x45, 0x1a, 0xcf, 0xa5, 0x4c, 0x90, 0x6a, 0x35, 0xa2, 0x24, 0x72, 0xde, 0x62, 0x71, 0x3b, 0x2d, 0x8a, 0x37, 0x0c, 0xb8, 0xb8, 0xa9, 0x49, 0xa1, 0xda, 0xd8, 0xd0, 0xf3, 0x8d, 0xc1, 0x9d, 0xbe, 0x4b, 0x5f, 0xf6, 0x8d, 0x23, 0x46, 0x93, 0xa9, 0x53, 0x7d, 0x47, 0xd6, 0x24, 0x31, 0x82, 0x24, 0xc1, 0x89, 0x39, 0x49, 0xdc, 0x52, 0x9b, 0x68, 0x78, 0x8e, 0x65, 0x56, 0x91, 0x50, 0x52, 0x2c, 0x81, 0x21, 0xe4, 0x03, 0x1b, 0xc1, 0xdd, 0x63, 0xaf, 0xc4, 0x9d, 0xe0, 0xdc, 0x4d, 0xad, 0x66, 0x5c, 0x52, 0x66, 0xb0, 0xd7, 0x46, 0xd9, 0xcf, 0xa6, 0x16, 0x37, 0x5e, 0xd5, 0x15, 0x5b, 0x51, 0xec, 0x73, 0x1b, 0xe0, 0x3a, 0xa1, 0x6c, 0x6e, 0x41, 0xdf, 0xd0, 0x8c, 0xad, 0xe3, 0x76, 0xcf, 0x1e, 0x83, 0x1a, 0x1c, 0xe3, 0x5e, 0x4b, 0x63, 0x94, 0x09, 0x93, 0xda, 0x08, 0x5b, 0x3a, 0x86, 0x60, 0x7a, 0x24, 0x1d, 0x07, 0xaf, 0x45, 0x44, 0x98, 0x04, 0x81, 0xf3, 0x4c, 0x64, 0x93, 0x23, 0xd2, 0x53, 0x22, 0x76, 0xdd, 0x21, 0xde, 0x04, 0x24, 0x3d, 0x4a, 0x64, 0x0d, 0x81, 0x33, 0xcd, 0x49, 0x00, 0x6f, 0x29, 0xf9, 0xb9, 0x47, 0xc9, 0x37, 0x1c, 0x41, 0xdf, 0xd1, 0x4c, 0x90, 0x70, 0x0c, 0x9e, 0xbe, 0xab, 0xce, 0x7b, 0x26, 0x48, 0xbf, 0xbb, 0x04, 0x89, 0x1f, 0x05, 0xe9, 0xcb, 0xb3, 0x04, 0x80, 0x96, 0x66, 0x26, 0x53, 0x76, 0xe1, 0x05, 0xc4, 0xbc, 0x4c, 0x63, 0xb2, 0xad, 0x42, 0x65, 0xad, 0xca, 0x26, 0x0e, 0x77, 0x59, 0x19, 0x93, 0xbf, 0x6d, 0x95, 0x10, 0x70, 0x01, 0x12, 0x7f, 0xac, 0x23, 0xc3, 0x1f, 0xe1, 0x3f, 0x35, 0xda, 0xf6, 0xb0, 0xff, 0x00, 0x6c, 0xa7, 0x1f, 0xe1, 0x3f, 0x92, 0xe0, 0x08, 0x04, 0xcc, 0xe7, 0x09, 0x39, 0xc2, 0x60, 0x04, 0x47, 0x62, 0x8c, 0x03, 0x82, 0x52, 0xd5, 0x88, 0xd2, 0x91, 0x71, 0x88, 0x84, 0x02, 0x76, 0x84, 0xc9, 0x00, 0xc1, 0xe4, 0x27, 0x07, 0x75, 0xe7, 0xfd, 0xb1, 0x00, 0xda, 0x50, 0x04, 0xe0, 0xbf, 0x1f, 0x22, 0xbb, 0x1c, 0x3c, 0xff, 0x00, 0x62, 0xa0, 0x06, 0x47, 0x86, 0xdf, 0x8e, 0x16, 0xc8, 0x22, 0x46, 0x48, 0x1e, 0xaa, 0x49, 0x03, 0x32, 0x65, 0x33, 0xb4, 0x1f, 0xba, 0x83, 0xa4, 0x64, 0x11, 0x27, 0x6c, 0xac, 0x81, 0xc4, 0x8c, 0x6d, 0xe8, 0x96, 0xa2, 0x4e, 0x07, 0xd1, 0x20, 0x4c, 0xc1, 0x03, 0xe2, 0xb1, 0x5e, 0x09, 0xb5, 0xad, 0x80, 0x7c, 0x87, 0x61, 0x31, 0x85, 0x22, 0xe6, 0x87, 0xfe, 0xf3, 0x3e, 0x05, 0x62, 0xb8, 0xb8, 0xa7, 0x50, 0x53, 0x0d, 0xa8, 0xc3, 0x0f, 0x6e, 0x01, 0xdf, 0xcc, 0x3f, 0x55, 0xab, 0xc7, 0xea, 0x0a, 0x76, 0x01, 0xce, 0x90, 0xdf, 0x15, 0xba, 0x88, 0x39, 0xc3, 0xb7, 0x53, 0x6f, 0x56, 0xce, 0xa5, 0x7f, 0x0d, 0x97, 0xd5, 0x2a, 0x97, 0x82, 0xcd, 0x2e, 0xaa, 0x48, 0x20, 0x8e, 0x60, 0xf7, 0x5a, 0xf6, 0x62, 0xa5, 0x5a, 0xd4, 0xed, 0x6a, 0x03, 0xfd, 0x8f, 0x53, 0x89, 0xd2, 0x60, 0x93, 0x86, 0x9f, 0x91, 0x2b, 0x9f, 0x6e, 0x5a, 0x6d, 0x28, 0x52, 0x35, 0xd8, 0xdb, 0x81, 0x51, 0xb2, 0xc6, 0x52, 0x3e, 0x20, 0x70, 0x32, 0x4c, 0xce, 0xdd, 0xd7, 0x4a, 0xd2, 0xde, 0x9d, 0x7a, 0x7c, 0x43, 0x53, 0x59, 0xe2, 0xba, 0xab, 0x9a, 0x2a, 0x10, 0x31, 0x81, 0x9c, 0xf7, 0x0b, 0x5e, 0xdd, 0xd5, 0xaf, 0x5b, 0x71, 0x52, 0x1d, 0xe2, 0xd0, 0xa2, 0x69, 0x33, 0x69, 0x2e, 0x00, 0xcf, 0xe4, 0x8a, 0x95, 0xac, 0xdd, 0x46, 0xc5, 0x96, 0xe1, 0x9e, 0x30, 0xaa, 0xcc, 0x34, 0x0d, 0x4d, 0xf5, 0xff, 0x00, 0x45, 0x86, 0xee, 0xbb, 0x5d, 0x46, 0xec, 0x03, 0x4e, 0x93, 0xbc, 0x42, 0x7c, 0x21, 0x4e, 0x5e, 0x63, 0x12, 0x49, 0xf9, 0xc7, 0x45, 0xb3, 0x78, 0xe7, 0x36, 0xa9, 0xa7, 0x42, 0x34, 0x5f, 0xb0, 0x06, 0xb9, 0xbf, 0xe2, 0x8c, 0xfd, 0x3f, 0x45, 0xdf, 0xa5, 0x48, 0x32, 0x93, 0x58, 0xd1, 0x01, 0x8d, 0xd2, 0x23, 0x10, 0x07, 0xdd, 0x51, 0x88, 0x23, 0x32, 0x04, 0xad, 0x6b, 0x7a, 0xed, 0x65, 0x10, 0xd2, 0x72, 0x06, 0x7c, 0xa7, 0xbf, 0x34, 0x5c, 0x5c, 0xb3, 0xc1, 0xa8, 0x1b, 0x32, 0xe6, 0x98, 0xc1, 0xce, 0x21, 0x64, 0xab, 0x5d, 0x94, 0x2d, 0x1f, 0x51, 0xc0, 0x16, 0x34, 0x6a, 0x70, 0xea, 0x7a, 0x10, 0x72, 0xb9, 0x76, 0x95, 0x6d, 0xee, 0x6b, 0xd1, 0x7d, 0xc5, 0xcb, 0x4d, 0x51, 0x9a, 0x54, 0x9b, 0x30, 0xd9, 0xc4, 0xfa, 0xad, 0xae, 0x29, 0xa6, 0x99, 0xb4, 0x7d, 0x56, 0x87, 0x5b, 0xb6, 0xa1, 0xd4, 0x72, 0x63, 0x11, 0x98, 0xe5, 0xdd, 0x73, 0xef, 0x62, 0xe0, 0x5f, 0x54, 0xb6, 0x69, 0x7d, 0x13, 0x40, 0x30, 0x80, 0x08, 0x0e, 0x71, 0x74, 0x63, 0xac, 0x00, 0xbb, 0x54, 0x5a, 0xca, 0x74, 0x83, 0x68, 0xd3, 0x0d, 0x68, 0x18, 0x11, 0x12, 0xee, 0xff, 0x00, 0x05, 0xc6, 0xbe, 0xb8, 0x65, 0xc9, 0x61, 0xa5, 0xe2, 0xb2, 0xf1, 0x8f, 0x68, 0x14, 0xe4, 0xb8, 0x48, 0x76, 0xf1, 0x11, 0x0b, 0xa3, 0xc6, 0x1a, 0xe3, 0xc2, 0xee, 0x1a, 0x24, 0x38, 0x30, 0xec, 0x39, 0x8c, 0x7d, 0xbb, 0x2e, 0x75, 0xdf, 0xef, 0x8d, 0xcb, 0xa8, 0xb5, 0xd0, 0xeb, 0x50, 0xc1, 0x82, 0x33, 0x27, 0x0b, 0x6c, 0xd2, 0x07, 0x88, 0x59, 0x43, 0x04, 0x36, 0x9b, 0xf3, 0x18, 0x6e, 0xd8, 0x5a, 0x35, 0x68, 0xd6, 0x1a, 0xdf, 0x15, 0x05, 0x36, 0xdd, 0x39, 0xce, 0x2d, 0x12, 0x40, 0x23, 0xde, 0x1d, 0x42, 0x7e, 0x0f, 0x8b, 0x4a, 0xea, 0xa9, 0xfc, 0x45, 0x6a, 0x6f, 0x0c, 0x61, 0x7b, 0x59, 0xa7, 0x67, 0x13, 0x20, 0x47, 0x28, 0x5b, 0xbc, 0x36, 0xbd, 0x4a, 0x97, 0x55, 0x49, 0x73, 0xeb, 0x52, 0xd1, 0x22, 0xa3, 0xe9, 0xe8, 0x76, 0xfe, 0xec, 0xf3, 0x1c, 0xf6, 0xfd, 0x54, 0xde, 0x54, 0x7b, 0x78, 0x93, 0xc4, 0x3e, 0x9b, 0x74, 0x36, 0x1f, 0x4a, 0x9e, 0xa2, 0xe0, 0x49, 0xc4, 0xec, 0x39, 0x2c, 0xdc, 0x12, 0x5b, 0xc3, 0xe9, 0x31, 0xc1, 0xe1, 0xed, 0xd4, 0x0e, 0xa1, 0xd6, 0x77, 0xf9, 0x95, 0xcd, 0xa9, 0x6b, 0x59, 0xae, 0xac, 0x03, 0x5d, 0x16, 0x83, 0x55, 0x0c, 0x13, 0x24, 0xb8, 0x3a, 0x3b, 0xe3, 0x09, 0xba, 0xde, 0xa8, 0xb6, 0xb6, 0xb8, 0x2d, 0x7b, 0x1c, 0xea, 0xae, 0xab, 0x54, 0xd3, 0x68, 0x24, 0x17, 0x03, 0x03, 0x62, 0x64, 0x60, 0x4c, 0x7c, 0x92, 0x7d, 0xb5, 0x4a, 0x94, 0xae, 0x6b, 0x52, 0x17, 0x0f, 0x3a, 0xd8, 0x65, 0xed, 0x6e, 0xaa, 0x81, 0xbb, 0xc0, 0x89, 0xdb, 0x9a, 0xba, 0xac, 0x37, 0x02, 0xe6, 0xad, 0x37, 0x5d, 0x56, 0x0d, 0xa0, 0xf6, 0x03, 0x55, 0xa1, 0xb9, 0x38, 0x03, 0x4c, 0x49, 0x1f, 0x15, 0xb1, 0xc3, 0x68, 0xd5, 0xb4, 0xae, 0xd6, 0xbb, 0x5b, 0xdb, 0x70, 0xc9, 0x35, 0x1d, 0x92, 0x1c, 0x00, 0xf2, 0x93, 0xc8, 0x7f, 0xa2, 0xea, 0xb4, 0xb6, 0x00, 0x32, 0x27, 0x38, 0x11, 0x8e, 0xa5, 0x78, 0xaf, 0x68, 0x68, 0xb7, 0x8c, 0xf1, 0xde, 0x1f, 0xc1, 0x6e, 0x68, 0xd4, 0x7d, 0x9d, 0xbe, 0xbb, 0xeb, 0xaa, 0x64, 0x7b, 0xc0, 0x97, 0x36, 0x98, 0x10, 0x67, 0x24, 0xba, 0x7b, 0x35, 0x6c, 0x70, 0x9a, 0xb7, 0xdc, 0x0e, 0xf9, 0x9c, 0x2e, 0xe1, 0x97, 0x37, 0x7c, 0x32, 0xac, 0x8b, 0x4a, 0xcf, 0xf3, 0x3e, 0x89, 0x00, 0x9f, 0x09, 0xe7, 0xfc, 0x30, 0x0c, 0x3a, 0x4f, 0x4e, 0x52, 0xbd, 0x1d, 0x4a, 0x06, 0xa7, 0x0e, 0x34, 0x1d, 0x12, 0xea, 0x7a, 0x33, 0x10, 0x0c, 0x47, 0xca, 0x16, 0xb5, 0x1b, 0xfa, 0xb4, 0x6d, 0xc5, 0x2a, 0xb6, 0x95, 0xbf, 0x10, 0xd0, 0x04, 0x01, 0xe5, 0x79, 0x1c, 0xe7, 0xa7, 0xc1, 0x4d, 0xa5, 0xad, 0x4b, 0x7a, 0xf6, 0x2d, 0x70, 0xd4, 0x29, 0x52, 0xa8, 0x5c, 0xed, 0xc0, 0x71, 0x20, 0xfe, 0xab, 0x15, 0x7a, 0x15, 0x85, 0x6a, 0xf5, 0x45, 0x37, 0xbf, 0x45, 0xd0, 0xaa, 0x1a, 0x04, 0x17, 0xb4, 0x34, 0x0c, 0x27, 0x79, 0xe3, 0x5f, 0x51, 0xad, 0xe1, 0x5b, 0x96, 0x06, 0xc0, 0x6b, 0x88, 0xd2, 0xe7, 0xe9, 0x32, 0x40, 0xe8, 0x3e, 0x6b, 0x27, 0x0f, 0x6b, 0xea, 0x5e, 0x32, 0xa8, 0x65, 0xc8, 0x0c, 0xa7, 0x97, 0x56, 0x81, 0x04, 0xf2, 0x01, 0x64, 0xe2, 0x3e, 0x2b, 0xae, 0xe9, 0x10, 0xca, 0xc6, 0x8e, 0x93, 0x26, 0x88, 0x13, 0xa8, 0xf5, 0x27, 0x30, 0x8e, 0x0a, 0xc7, 0xd2, 0xa1, 0x59, 0xb5, 0x69, 0xbd, 0xa4, 0xd5, 0x24, 0x4e, 0x4c, 0x1e, 0xff, 0x00, 0x45, 0xad, 0x71, 0x61, 0x52, 0xb5, 0xf5, 0x76, 0x10, 0x0d, 0xb5, 0x46, 0xba, 0xa0, 0x31, 0xfc, 0x65, 0xb1, 0x9f, 0xa9, 0x95, 0x88, 0xd8, 0x5c, 0x55, 0xe1, 0xee, 0x73, 0xa9, 0xb8, 0xdc, 0x9a, 0xa2, 0xab, 0x98, 0xd7, 0x41, 0x20, 0x63, 0x07, 0xeb, 0xcd, 0x53, 0xac, 0xaa, 0x5d, 0x53, 0xb9, 0xd0, 0xca, 0xec, 0x26, 0x96, 0x86, 0x3e, 0xbd, 0x42, 0x5c, 0x73, 0x30, 0x04, 0xe0, 0x7f, 0xaa, 0xbb, 0x7b, 0x57, 0xbe, 0xb3, 0x1f, 0xe0, 0x5c, 0xb4, 0xd3, 0x63, 0x84, 0xd6, 0xa9, 0x30, 0x48, 0x22, 0x1b, 0xd4, 0x27, 0xc2, 0xac, 0x6b, 0x58, 0xba, 0xdd, 0xed, 0x6b, 0xde, 0x6a, 0xb4, 0x32, 0xb0, 0x73, 0x81, 0x83, 0x13, 0xf2, 0x82, 0x04, 0x2e, 0xdb, 0x49, 0xc8, 0x30, 0x86, 0x80, 0x35, 0x40, 0xe9, 0x99, 0x5a, 0xa0, 0xd4, 0xa7, 0x56, 0xa7, 0xee, 0xf5, 0x02, 0xe9, 0x9d, 0x60, 0x74, 0xe4, 0x7d, 0x16, 0x46, 0xd5, 0xa8, 0x5c, 0x3f, 0x72, 0xe9, 0xe7, 0x2e, 0x19, 0x4a, 0xd9, 0xae, 0xa7, 0x44, 0x07, 0x03, 0x24, 0xb8, 0x9f, 0x30, 0x3b, 0x92, 0xb9, 0xf6, 0x36, 0x95, 0x69, 0xb7, 0x87, 0x87, 0xd3, 0x31, 0x48, 0xbf, 0x5c, 0x90, 0x60, 0xb8, 0x9d, 0xa5, 0x17, 0x36, 0x75, 0xaa, 0x0b, 0xf0, 0xda, 0x79, 0xab, 0x52, 0x99, 0x6c, 0xf3, 0xd3, 0x13, 0x3f, 0x25, 0x95, 0x96, 0xb5, 0x1d, 0x71, 0xc4, 0x1a, 0xe8, 0x6b, 0x6b, 0x34, 0x35, 0x8e, 0x07, 0xfc, 0xb1, 0xf9, 0x2d, 0x6b, 0x6e, 0x1f, 0x57, 0x55, 0xbd, 0x37, 0xda, 0xb9, 0xa6, 0x93, 0x81, 0x75, 0x47, 0x55, 0x25, 0x84, 0x0e, 0x61, 0xb3, 0x83, 0xf0, 0xc7, 0x75, 0x17, 0x14, 0xee, 0x6d, 0x78, 0x55, 0xcd, 0xb7, 0x82, 0x5e, 0xc0, 0xd7, 0xb8, 0x55, 0x0e, 0x10, 0x41, 0x93, 0x9e, 0x73, 0xca, 0x36, 0x5b, 0x14, 0xd9, 0x71, 0x46, 0xbf, 0x89, 0x42, 0x93, 0x6b, 0x32, 0xad, 0x36, 0xb7, 0xdf, 0x8d, 0x24, 0x03, 0xbc, 0xe7, 0x9a, 0xd7, 0xfd, 0x9f, 0x55, 0x94, 0x2d, 0x9e, 0x69, 0x07, 0xbe, 0x9e, 0xb6, 0xb9, 0x8c, 0xab, 0x10, 0x0b, 0xa7, 0x06, 0x7f, 0x25, 0x74, 0xac, 0x6a, 0x96, 0x35, 0xcd, 0xa0, 0xd6, 0x4d, 0x76, 0xd4, 0x2d, 0x07, 0x56, 0x00, 0xe6, 0x67, 0x25, 0x66, 0xbb, 0xb3, 0xad, 0x52, 0xea, 0xe5, 0xcd, 0x03, 0x4b, 0xad, 0xcd, 0x36, 0xba, 0x40, 0x93, 0x9c, 0x7d, 0x51, 0x6d, 0x6d, 0x5b, 0xf1, 0x34, 0xea, 0xdc, 0x52, 0x0c, 0x68, 0xa0, 0x69, 0xbb, 0xcc, 0x0c, 0x19, 0x9f, 0xb2, 0xc3, 0xc1, 0x68, 0x3b, 0xc6, 0xaf, 0x51, 0xee, 0xd6, 0xca, 0x47, 0xc2, 0xa4, 0xe0, 0x41, 0x96, 0x82, 0x4c, 0xff, 0x00, 0x5d, 0x17, 0x65, 0xb0, 0xe6, 0xe0, 0x0c, 0xe4, 0xe5, 0x49, 0x61, 0xe8, 0x80, 0x33, 0x99, 0xfd, 0x53, 0xd4, 0x41, 0x23, 0x03, 0x9f, 0x54, 0xda, 0x71, 0x22, 0x25, 0x54, 0xe0, 0x08, 0x19, 0xe8, 0x83, 0x8f, 0xf4, 0x50, 0x77, 0x31, 0xb2, 0x03, 0x80, 0xc8, 0x9f, 0x8a, 0xa1, 0xe6, 0x38, 0x99, 0x49, 0xc0, 0x81, 0x92, 0x3e, 0xe8, 0x73, 0x8c, 0x8d, 0xce, 0x17, 0x96, 0xf6, 0x58, 0xff, 0x00, 0x6e, 0xbb, 0x6e, 0x31, 0xd7, 0xd4, 0x85, 0xea, 0x01, 0xd8, 0xc0, 0xcf, 0xc5, 0x50, 0x68, 0x1b, 0x2a, 0x04, 0x98, 0x4d, 0xbb, 0x89, 0x01, 0x49, 0xc1, 0x30, 0x21, 0x13, 0x3b, 0x65, 0x65, 0xa6, 0x48, 0x03, 0x07, 0x79, 0x59, 0x0b, 0x88, 0x39, 0xd3, 0x1b, 0x89, 0xfc, 0x94, 0xeb, 0x1d, 0x5c, 0xbb, 0xbe, 0xd6, 0x47, 0xe3, 0x69, 0x99, 0x3e, 0xe9, 0xfc, 0xbf, 0x45, 0xc1, 0x7e, 0x0c, 0x48, 0xc2, 0xc6, 0x08, 0x24, 0x75, 0x54, 0x01, 0xe5, 0xb2, 0x0e, 0x01, 0x91, 0x95, 0x26, 0x09, 0xdb, 0x29, 0x8c, 0x48, 0x3f, 0x0e, 0xc9, 0xe7, 0x06, 0x13, 0x39, 0x91, 0x03, 0xe4, 0xbc, 0xd7, 0xb6, 0x22, 0x2c, 0xa8, 0x99, 0x03, 0xcf, 0xf9, 0x15, 0xd8, 0xe1, 0xe5, 0xdf, 0x82, 0xb7, 0x24, 0x6f, 0x4d, 0xa6, 0x7e, 0x0b, 0x61, 0xe5, 0xd8, 0x88, 0x80, 0x36, 0x4d, 0x92, 0x4e, 0x48, 0x84, 0x8b, 0x40, 0x3b, 0xa0, 0x8e, 0xb0, 0x13, 0xc1, 0x00, 0x02, 0x30, 0x89, 0xe9, 0x9f, 0x44, 0x11, 0x10, 0x77, 0x1b, 0x20, 0x81, 0x90, 0x20, 0xf2, 0x23, 0xe2, 0x12, 0x33, 0xcb, 0xd1, 0x21, 0xbf, 0x71, 0xdd, 0x0e, 0xa7, 0x82, 0x48, 0x26, 0x77, 0xcc, 0xe7, 0xaa, 0xc7, 0xa6, 0x0e, 0x40, 0x8f, 0xcd, 0x31, 0x12, 0x20, 0x0d, 0xe6, 0x60, 0x72, 0x53, 0xa0, 0x6f, 0x03, 0x57, 0x22, 0x52, 0x7b, 0x5c, 0x58, 0xe6, 0xb5, 0xce, 0xa6, 0xf2, 0x30, 0xfd, 0x33, 0x07, 0xe2, 0xb1, 0xd9, 0xda, 0x36, 0xd6, 0x8e, 0x80, 0xe2, 0xf7, 0x4e, 0xa7, 0x38, 0xe2, 0x49, 0xce, 0x23, 0x6f, 0xaa, 0xd8, 0x0d, 0x8e, 0x83, 0x63, 0x83, 0xbf, 0xf5, 0x29, 0x35, 0xa1, 0xb0, 0x40, 0x12, 0x36, 0x9c, 0x7d, 0x96, 0x03, 0x6b, 0x37, 0x62, 0xbb, 0x9e, 0xe7, 0x06, 0x36, 0x18, 0xc3, 0xb3, 0x64, 0x47, 0xd8, 0xad, 0x91, 0xb0, 0x03, 0x06, 0x15, 0x60, 0x18, 0x33, 0xd5, 0x44, 0xf9, 0xb1, 0x30, 0x7b, 0x2b, 0xc1, 0x24, 0x4f, 0x22, 0x02, 0x64, 0x98, 0xce, 0x7d, 0x49, 0xfb, 0x29, 0x68, 0x02, 0x4e, 0x41, 0xf8, 0x7f, 0x41, 0x27, 0x64, 0x90, 0x67, 0xcd, 0x83, 0x99, 0x91, 0xba, 0x34, 0x82, 0x48, 0xc0, 0x19, 0x3b, 0x6d, 0x3d, 0x15, 0x1c, 0x19, 0x09, 0x18, 0x90, 0x00, 0x00, 0x9e, 0x71, 0xb8, 0xe8, 0x9b, 0x5a, 0x44, 0xc8, 0x1b, 0x01, 0x1b, 0xc8, 0x53, 0x00, 0xb8, 0x74, 0x27, 0x3b, 0x75, 0x94, 0xb3, 0x24, 0x9d, 0xa5, 0x53, 0xb5, 0x01, 0x18, 0x83, 0xeb, 0x8f, 0xe4, 0x91, 0x27, 0x07, 0xf8, 0x86, 0x64, 0x01, 0x29, 0x03, 0xa8, 0x88, 0x86, 0x81, 0xdd, 0x3c, 0x40, 0x20, 0x83, 0xc8, 0xc0, 0x8f, 0xb7, 0xc1, 0x03, 0x20, 0xc1, 0xf5, 0xd8, 0x4f, 0xc1, 0x3c, 0x46, 0x09, 0x10, 0x7a, 0xcf, 0x24, 0x4f, 0xcb, 0x1d, 0x47, 0x4c, 0xfd, 0x12, 0xe7, 0x38, 0xfe, 0xbb, 0xef, 0xf5, 0x44, 0x19, 0x91, 0xee, 0xef, 0x93, 0xb4, 0x29, 0x76, 0xa8, 0x00, 0x9e, 0x50, 0x71, 0x13, 0xdd, 0x30, 0x27, 0x05, 0xdd, 0xbe, 0x0b, 0x97, 0x6b, 0xc3, 0xea, 0xd1, 0xf6, 0x93, 0x88, 0x5f, 0x3b, 0xc3, 0x7d, 0x2b, 0x8a, 0x54, 0x58, 0xc8, 0x3e, 0x76, 0xe9, 0xd5, 0x88, 0x88, 0x8c, 0xf5, 0xe6, 0xba, 0x8d, 0x88, 0x1a, 0x80, 0xc6, 0xd2, 0x67, 0xe1, 0x3d, 0x3a, 0xfe, 0x49, 0x8d, 0x45, 0xc7, 0x20, 0x99, 0xcc, 0x89, 0x9f, 0xe7, 0x39, 0x44, 0x6c, 0x1c, 0x4c, 0x1f, 0xaa, 0x4e, 0xce, 0xf3, 0x01, 0x54, 0x82, 0x44, 0xba, 0x79, 0x47, 0x54, 0x9a, 0x47, 0xcc, 0x41, 0xf4, 0x94, 0x9d, 0x05, 0xa2, 0x66, 0x37, 0x4c, 0x00, 0xec, 0x88, 0xc0, 0x8d, 0xca, 0x44, 0x6c, 0x43, 0x8c, 0x89, 0x1e, 0xa9, 0x91, 0x80, 0x4c, 0xf4, 0x23, 0x91, 0x09, 0x80, 0x31, 0x24, 0x92, 0xd3, 0x89, 0xdf, 0xa2, 0x20, 0x0c, 0x88, 0x9f, 0x4e, 0x49, 0x91, 0x11, 0x11, 0xdb, 0x64, 0x3f, 0x90, 0x20, 0xf5, 0xf4, 0x28, 0x91, 0x12, 0x09, 0xef, 0x25, 0x48, 0xc0, 0x33, 0x3d, 0xbb, 0x23, 0xae, 0xd9, 0x1d, 0x61, 0x1c, 0xa4, 0x01, 0x28, 0x82, 0x47, 0xce, 0x70, 0x0a, 0xac, 0xba, 0x64, 0xe7, 0x7d, 0xb7, 0xfe, 0x8a, 0x5b, 0xc9, 0x27, 0x3c, 0xb0, 0x37, 0x43, 0x62, 0x0c, 0x0c, 0x85, 0x4d, 0xd8, 0x12, 0xd0, 0x79, 0xe5, 0x43, 0xda, 0xda, 0x8d, 0x73, 0x5e, 0xd0, 0xe6, 0xb8, 0xfb, 0xa4, 0x4f, 0xf3, 0x95, 0x50, 0x79, 0x41, 0x11, 0x00, 0x4c, 0x23, 0x51, 0x31, 0x33, 0x20, 0xce, 0xfd, 0x92, 0xc1, 0x22, 0x00, 0x31, 0xd7, 0x39, 0x4c, 0x0c, 0x90, 0x00, 0x99, 0xe7, 0x98, 0x2a, 0x5e, 0xc0, 0xf6, 0x16, 0x3c, 0x03, 0xaa, 0x64, 0x1e, 0xea, 0x69, 0x50, 0xa5, 0x45, 0x81, 0x94, 0xda, 0xd6, 0x30, 0x1c, 0x35, 0x98, 0x54, 0x1a, 0x00, 0x22, 0x07, 0xaa, 0x04, 0xc8, 0x82, 0x23, 0xa2, 0x70, 0x09, 0x41, 0x68, 0x04, 0xe2, 0x79, 0x6e, 0x93, 0x74, 0xf2, 0x18, 0x44, 0xe4, 0x41, 0x10, 0x9b, 0x60, 0x98, 0x12, 0x96, 0xa9, 0x30, 0x3f, 0xd5, 0x53, 0x9a, 0x20, 0x48, 0xfa, 0xa9, 0x12, 0x22, 0x37, 0xf4, 0x46, 0xf2, 0x4c, 0x47, 0x2c, 0x27, 0x03, 0x32, 0x04, 0x18, 0xfb, 0x2f, 0x2d, 0xec, 0xb9, 0xff, 0x00, 0x78, 0x5e, 0xc4, 0x60, 0x7e, 0x65, 0x7a, 0x91, 0x1b, 0x34, 0x09, 0x44, 0x18, 0x93, 0xe5, 0x8f, 0x8c, 0xa4, 0x60, 0xe4, 0x01, 0x8e, 0xf0, 0x83, 0x32, 0x0e, 0x08, 0xf5, 0xd9, 0x1d, 0xe4, 0xaa, 0x0e, 0x8f, 0xf4, 0x59, 0x41, 0x11, 0x30, 0x25, 0x37, 0x7b, 0xa0, 0xe7, 0xa7, 0x54, 0xb5, 0x1f, 0xf3, 0x7c, 0xd7, 0xa0, 0xf6, 0xae, 0x3f, 0x17, 0x4c, 0x11, 0xfc, 0x27, 0xf2, 0x5c, 0x07, 0x4f, 0xbc, 0x00, 0x8c, 0xa8, 0x22, 0x08, 0x22, 0x0a, 0x60, 0x98, 0x8d, 0x90, 0x67, 0x9e, 0x41, 0xd9, 0x03, 0x2e, 0xe8, 0x39, 0x26, 0x00, 0x13, 0x3b, 0xa9, 0xf3, 0x6a, 0x04, 0x13, 0x1e, 0x89, 0x90, 0x72, 0x44, 0x8f, 0xcd, 0x79, 0xef, 0x6d, 0x07, 0xf6, 0x2a, 0x02, 0x7f, 0x8e, 0x7f, 0xed, 0x2b, 0xb1, 0xc3, 0xd9, 0x36, 0x16, 0xf2, 0x47, 0xf7, 0x6d, 0x3f, 0x40, 0xb3, 0x91, 0x8e, 0xde, 0xa8, 0x00, 0xc0, 0x81, 0x85, 0x30, 0x4e, 0x0f, 0x23, 0x2a, 0xc8, 0x11, 0xb8, 0x24, 0xf5, 0x4b, 0x4e, 0xc7, 0xf2, 0x41, 0x10, 0x71, 0xf1, 0x54, 0xd8, 0x81, 0x3b, 0x6e, 0x93, 0x84, 0xce, 0xf1, 0xbf, 0xaa, 0x91, 0x00, 0x99, 0x98, 0x08, 0x21, 0xa4, 0x19, 0x26, 0x07, 0xc1, 0x3e, 0x82, 0x70, 0xa2, 0xab, 0x44, 0x8d, 0x3b, 0xa0, 0x4e, 0x91, 0x04, 0x7c, 0x90, 0x60, 0x41, 0x00, 0x12, 0x3a, 0xa7, 0xa8, 0x38, 0xc1, 0x03, 0x3b, 0xa3, 0x48, 0xc1, 0x68, 0x31, 0xb2, 0x62, 0x23, 0x6f, 0xa2, 0x40, 0x98, 0x21, 0xc3, 0x1e, 0x88, 0x10, 0x01, 0x82, 0x53, 0x04, 0xf3, 0x18, 0xe4, 0xa9, 0xa7, 0xb4, 0x05, 0x1c, 0x8c, 0xcf, 0xc9, 0x3d, 0xc0, 0x98, 0x90, 0x52, 0x8c, 0xe7, 0xee, 0x96, 0x98, 0x3c, 0x8f, 0xc6, 0x65, 0x20, 0x4f, 0xba, 0x23, 0xf4, 0x55, 0x18, 0x20, 0x14, 0xfa, 0xc9, 0xec, 0xa3, 0x60, 0x71, 0x89, 0xe8, 0x8e, 0xe4, 0x1c, 0xa7, 0x00, 0x01, 0x20, 0x64, 0xca, 0x44, 0x98, 0x3a, 0x76, 0x29, 0x63, 0xa9, 0x93, 0xb2, 0xa2, 0x04, 0x4c, 0xe7, 0xd5, 0x46, 0x71, 0x3a, 0x4f, 0xaa, 0xa0, 0xe8, 0xc1, 0x88, 0x3b, 0xc2, 0x24, 0x41, 0x01, 0x4e, 0x96, 0xc4, 0x12, 0x65, 0x26, 0xc8, 0x79, 0xde, 0x39, 0x26, 0x77, 0x93, 0x19, 0x4c, 0x7b, 0xb8, 0x05, 0x4e, 0xae, 0x44, 0x1f, 0x8a, 0x0c, 0x63, 0x91, 0x55, 0x98, 0x01, 0xc3, 0xb8, 0xc9, 0xeb, 0xf6, 0x84, 0xc0, 0x2e, 0x90, 0x62, 0x41, 0x94, 0x1f, 0x7b, 0x6d, 0xff, 0x00, 0xad, 0x90, 0x7c, 0xc3, 0xca, 0x76, 0x4c, 0xc6, 0x9c, 0x91, 0x29, 0x01, 0x83, 0x10, 0x89, 0x8d, 0xd0, 0x24, 0xee, 0x44, 0x0f, 0xaa, 0x65, 0xc7, 0x93, 0x7d, 0x72, 0x8d, 0xf0, 0x67, 0xd1, 0x3d, 0x3f, 0x74, 0x73, 0xc0, 0xc8, 0xf8, 0xa5, 0x24, 0xf2, 0x12, 0x4c, 0x6c, 0xa8, 0x89, 0x93, 0x19, 0x1b, 0x24, 0xd0, 0x1d, 0xb8, 0xc9, 0xfa, 0x24, 0xe6, 0xe6, 0x39, 0x04, 0x0e, 0x48, 0x74, 0x48, 0x98, 0x48, 0x80, 0x0e, 0x00, 0x8f, 0x54, 0x07, 0x1e, 0x40, 0x80, 0x10, 0xd9, 0x82, 0x7f, 0x34, 0x02, 0x73, 0x1b, 0x8d, 0x92, 0x27, 0xf9, 0xac, 0xb2, 0x1c, 0x00, 0x00, 0x61, 0x44, 0x46, 0xd1, 0x28, 0x10, 0x41, 0x2e, 0x06, 0x79, 0x65, 0x32, 0x72, 0x00, 0xdf, 0xd1, 0x2e, 0xc7, 0x70, 0x93, 0x5c, 0x49, 0x82, 0x76, 0xe6, 0x99, 0x3a, 0xbd, 0x3d, 0x13, 0x33, 0x33, 0x80, 0x91, 0x83, 0x10, 0x42, 0x50, 0x35, 0x13, 0x1f, 0x59, 0x40, 0x89, 0x04, 0x48, 0x83, 0x2a, 0xa0, 0x49, 0x26, 0x7d, 0x21, 0x2c, 0x41, 0xc1, 0x1f, 0x05, 0x3e, 0x83, 0xe6, 0x13, 0x64, 0x48, 0x88, 0xe8, 0x53, 0x71, 0x12, 0x76, 0xc2, 0x27, 0x68, 0x98, 0xe6, 0xa8, 0x91, 0x07, 0xaf, 0x25, 0x22, 0x01, 0x1b, 0xa1, 0xc4, 0x69, 0x32, 0x64, 0xce, 0x31, 0x0b, 0xcc, 0x7b, 0x30, 0x00, 0xbe, 0xbe, 0xc0, 0x9d, 0xcf, 0x39, 0xc9, 0x5e, 0x9e, 0x0e, 0xa2, 0x47, 0x53, 0x8d, 0x91, 0xc8, 0x12, 0x4e, 0x12, 0x20, 0x11, 0x26, 0x4a, 0x7a, 0x74, 0x9e, 0x68, 0x20, 0x0d, 0x93, 0x18, 0x13, 0x38, 0x26, 0x32, 0xa9, 0xa4, 0x93, 0x82, 0x40, 0x55, 0x3b, 0xc9, 0x9f, 0x8c, 0x25, 0xad, 0xbd, 0x3e, 0xab, 0xd1, 0x7b, 0x59, 0xff, 0x00, 0x17, 0x4f, 0xfe, 0x93, 0xf9, 0x2e, 0x0c, 0x0c, 0x81, 0x05, 0x2d, 0x00, 0xc4, 0x91, 0x84, 0xc0, 0xcc, 0x34, 0x9c, 0x6e, 0x99, 0x68, 0xe7, 0x38, 0xee, 0xa6, 0x0f, 0x20, 0x13, 0x03, 0x70, 0x08, 0x57, 0x90, 0x04, 0x9c, 0x74, 0x58, 0xc8, 0x83, 0x20, 0x63, 0xd5, 0x79, 0xef, 0x6c, 0x84, 0xd9, 0x51, 0x24, 0x81, 0xfb, 0xcf, 0xff, 0x00, 0xa9, 0x5d, 0x7e, 0x1f, 0x3f, 0x82, 0xb6, 0x87, 0x0f, 0xee, 0xdb, 0xcf, 0xb0, 0x5b, 0x07, 0x32, 0x4f, 0x2d, 0xb2, 0x82, 0x49, 0x68, 0x99, 0x83, 0xb1, 0x4c, 0x36, 0x1b, 0x94, 0xbf, 0x88, 0x09, 0x2a, 0xa0, 0xce, 0x09, 0x84, 0x01, 0xa4, 0x1c, 0x03, 0xf4, 0x48, 0x47, 0xcd, 0x0e, 0x24, 0x08, 0x1b, 0xf2, 0x48, 0x34, 0x99, 0x90, 0x9b, 0x5a, 0x23, 0x70, 0x0a, 0x93, 0x04, 0xc9, 0x23, 0xe0, 0x12, 0x20, 0x0d, 0x90, 0xe0, 0x34, 0xc0, 0x12, 0x7a, 0xa9, 0xd2, 0x79, 0x8f, 0x4e, 0x8a, 0x80, 0x24, 0x66, 0x08, 0xe4, 0x46, 0x15, 0x46, 0x4c, 0x95, 0x30, 0x0e, 0xac, 0xe5, 0x3c, 0xf2, 0xc8, 0x48, 0x89, 0x1d, 0x10, 0xe2, 0x41, 0x02, 0x41, 0x54, 0x24, 0x0c, 0x90, 0x93, 0x41, 0xeb, 0x23, 0xa2, 0xc6, 0xe0, 0x5a, 0x65, 0x98, 0xea, 0xae, 0x0c, 0x79, 0xb7, 0xe6, 0xa4, 0x90, 0x06, 0xc1, 0x30, 0x32, 0x0b, 0x63, 0x2a, 0x5e, 0x48, 0x76, 0x31, 0x3b, 0xa6, 0x46, 0x04, 0x1c, 0xce, 0x52, 0x27, 0x26, 0x48, 0x89, 0x48, 0x4b, 0xb3, 0x20, 0xf4, 0x44, 0x07, 0x03, 0x22, 0x23, 0x6e, 0x69, 0x37, 0x1c, 0xb0, 0x50, 0x40, 0xe4, 0x04, 0xf2, 0xec, 0x81, 0x86, 0x89, 0x02, 0x4a, 0x23, 0xcd, 0x04, 0x04, 0x8b, 0x40, 0x22, 0x00, 0x48, 0x6f, 0x98, 0x85, 0x58, 0x1b, 0x24, 0x66, 0x24, 0x9c, 0xa3, 0x78, 0x93, 0x81, 0xf0, 0x85, 0x41, 0xd8, 0x32, 0x47, 0xea, 0xa6, 0x26, 0x60, 0x6c, 0x11, 0xd0, 0xba, 0x23, 0x92, 0x7e, 0x5e, 0xe4, 0xa4, 0xd9, 0x82, 0x5d, 0x2a, 0x86, 0xc5, 0x1a, 0xb2, 0x60, 0xe1, 0x10, 0x62, 0x49, 0x31, 0xc9, 0x0e, 0x74, 0x80, 0x63, 0x74, 0x3e, 0x48, 0xdc, 0x42, 0x5e, 0x5e, 0x87, 0xd5, 0x38, 0x24, 0x92, 0x09, 0xfb, 0x23, 0x51, 0x06, 0x0e, 0x0f, 0x7c, 0xa6, 0x09, 0xe6, 0x77, 0x09, 0x9d, 0xb7, 0x1b, 0x4f, 0xaa, 0x9d, 0x44, 0x03, 0x07, 0x1b, 0x26, 0xd9, 0x8c, 0x4c, 0x9d, 0xf2, 0x9c, 0xf9, 0xbb, 0xa9, 0xd5, 0x9c, 0x91, 0x23, 0x9a, 0xa1, 0x3c, 0xf2, 0x7d, 0x14, 0x38, 0xcb, 0x80, 0x03, 0x3e, 0x88, 0x88, 0x26, 0x52, 0xf3, 0x3b, 0x62, 0x3b, 0xa1, 0xbb, 0xec, 0x61, 0x30, 0x60, 0x3b, 0x75, 0x5f, 0x7f, 0x44, 0x07, 0x0d, 0xe3, 0xf2, 0x44, 0xb6, 0x60, 0x14, 0xe4, 0x48, 0x38, 0xc2, 0x97, 0x19, 0x8c, 0x84, 0x00, 0xe8, 0x04, 0x4e, 0x3b, 0x20, 0xf5, 0x2d, 0x32, 0x13, 0x12, 0x66, 0x00, 0xfb, 0x26, 0xc2, 0x35, 0x18, 0x06, 0x53, 0x30, 0x09, 0x26, 0x3e, 0x4a, 0x19, 0x3a, 0xa0, 0x91, 0xf2, 0x4c, 0xef, 0x89, 0x44, 0x60, 0x48, 0x0a, 0xb4, 0x93, 0xb1, 0x85, 0x0d, 0x04, 0x03, 0x22, 0x42, 0x51, 0x89, 0x03, 0xd7, 0x30, 0xa8, 0x0d, 0xc8, 0x28, 0x32, 0x5c, 0x64, 0xf2, 0x82, 0x9b, 0x5b, 0x91, 0x23, 0x6d, 0xb2, 0xa5, 0xc4, 0xe6, 0x50, 0x4f, 0x32, 0x60, 0x0f, 0xd1, 0x79, 0x6f, 0x66, 0x08, 0xfd, 0xa5, 0x7a, 0x0c, 0xed, 0xf9, 0xaf, 0x50, 0x3b, 0x65, 0x3d, 0x52, 0x20, 0x9c, 0x77, 0x09, 0x8d, 0x84, 0x7d, 0x91, 0x3c, 0x81, 0x39, 0xf8, 0xaa, 0x0d, 0x8d, 0xa3, 0x6e, 0x69, 0x03, 0x11, 0x0e, 0x3d, 0x56, 0x4d, 0x24, 0x8d, 0x53, 0x94, 0x88, 0x23, 0x70, 0x20, 0xec, 0xab, 0x43, 0xbf, 0xc8, 0xbd, 0x07, 0xb5, 0xbf, 0xf1, 0x94, 0xf1, 0xfc, 0x27, 0xf2, 0x1f, 0x9a, 0xe0, 0x64, 0xb8, 0xc4, 0x01, 0x3d, 0x12, 0x20, 0x13, 0x83, 0x11, 0xdd, 0x30, 0x20, 0x60, 0xf3, 0xdd, 0x18, 0x13, 0x82, 0x53, 0x0e, 0x82, 0x0e, 0x21, 0x0e, 0xa8, 0x30, 0x1b, 0x04, 0x7c, 0x94, 0x3a, 0xa6, 0x30, 0x01, 0x52, 0x49, 0x31, 0x33, 0xd8, 0x2e, 0x07, 0xb6, 0x05, 0xbf, 0x82, 0xa3, 0x32, 0x3f, 0x79, 0x1f, 0x42, 0xba, 0xdc, 0x34, 0xff, 0x00, 0x60, 0xb7, 0xcf, 0xfe, 0x9b, 0x7e, 0xc1, 0x6e, 0x67, 0x60, 0x04, 0x14, 0x9d, 0x2d, 0xc4, 0x09, 0x4c, 0x07, 0x0c, 0x92, 0x21, 0x05, 0xce, 0xd6, 0x00, 0x25, 0x1a, 0xb9, 0x3e, 0x52, 0x24, 0x4e, 0x09, 0x81, 0xb2, 0x61, 0xb8, 0x9d, 0x90, 0x27, 0x3a, 0xbe, 0xe9, 0x09, 0xcc, 0x4c, 0x04, 0x86, 0x66, 0x48, 0x8e, 0x69, 0xf9, 0x01, 0xc1, 0xe5, 0x2a, 0x63, 0x38, 0x06, 0x0f, 0x75, 0x6d, 0x68, 0x1b, 0x42, 0x7b, 0x82, 0x01, 0x31, 0x1f, 0x04, 0x35, 0xa2, 0x64, 0x4c, 0x9e, 0xca, 0x5c, 0x08, 0x74, 0x93, 0x32, 0x88, 0x33, 0x80, 0x41, 0x09, 0x80, 0x40, 0x25, 0xc4, 0xe5, 0x22, 0x06, 0x93, 0x8c, 0xf3, 0x40, 0x68, 0x76, 0xf2, 0x9b, 0x06, 0xe0, 0xce, 0x99, 0x85, 0x23, 0x04, 0xed, 0x08, 0x27, 0x24, 0x80, 0x91, 0xf3, 0x4e, 0x52, 0x2d, 0x81, 0x92, 0x32, 0xa4, 0xe1, 0xb0, 0x27, 0xf4, 0x4c, 0x91, 0x02, 0x0e, 0x4f, 0x64, 0x46, 0xc2, 0x44, 0x4c, 0xec, 0x98, 0x6b, 0x73, 0xb6, 0x77, 0x50, 0xd2, 0x75, 0x72, 0x85, 0x46, 0x43, 0xb6, 0x11, 0x12, 0xa4, 0x41, 0x32, 0x77, 0xf4, 0x48, 0xba, 0x67, 0xb2, 0x59, 0x89, 0xea, 0x8f, 0x4d, 0xc2, 0x9c, 0x6b, 0x8e, 0x69, 0x9c, 0x49, 0x20, 0x76, 0x52, 0x37, 0xca, 0xbc, 0x1c, 0x74, 0xef, 0x08, 0x2d, 0x39, 0xe8, 0x7e, 0x29, 0x6d, 0xfc, 0xd0, 0xde, 0xdb, 0x91, 0xea, 0xaa, 0x46, 0x9c, 0x9d, 0x92, 0x06, 0x64, 0x8d, 0xbd, 0x13, 0xdc, 0xc2, 0x7c, 0xcc, 0x02, 0xa2, 0x06, 0x66, 0x1a, 0x39, 0x65, 0x51, 0x9d, 0xa7, 0x94, 0xee, 0xa9, 0xd0, 0x58, 0x20, 0xec, 0xa0, 0x1c, 0x80, 0x40, 0x23, 0xec, 0x86, 0x1c, 0x41, 0x07, 0x1d, 0x15, 0x6d, 0x91, 0x80, 0x9e, 0x64, 0x49, 0x05, 0x07, 0x6c, 0x80, 0xa4, 0x91, 0x23, 0xb8, 0x54, 0x20, 0xb6, 0x0c, 0xcf, 0xa2, 0x36, 0x25, 0x48, 0x9d, 0x52, 0x63, 0xe6, 0x9c, 0x02, 0x09, 0x43, 0x66, 0x30, 0x42, 0x41, 0xc7, 0x33, 0xba, 0x93, 0x3c, 0xc9, 0x23, 0xd1, 0x50, 0x80, 0xe0, 0x22, 0x01, 0x41, 0xc4, 0x80, 0x33, 0xc9, 0x21, 0xb4, 0x88, 0x9e, 0x68, 0xdc, 0xc9, 0x99, 0xf9, 0x2a, 0xdd, 0xa6, 0x39, 0x6e, 0xa6, 0x0e, 0x22, 0x21, 0x30, 0xd0, 0x72, 0x48, 0x9e, 0x79, 0x40, 0x8e, 0x40, 0x40, 0xe6, 0x89, 0x3c, 0x9c, 0x02, 0xa6, 0x3b, 0x10, 0x48, 0xf5, 0x4b, 0x24, 0xc9, 0xe4, 0x98, 0x6c, 0x64, 0x9c, 0x9e, 0xea, 0xa0, 0xb6, 0x66, 0x3e, 0x06, 0x54, 0xcc, 0xfb, 0xb2, 0x4a, 0x93, 0x88, 0xde, 0x13, 0x74, 0xc8, 0x8d, 0x90, 0x1c, 0x26, 0x60, 0xf4, 0x41, 0xf7, 0x70, 0x4e, 0xea, 0x48, 0x24, 0xee, 0xb2, 0x69, 0x3c, 0xf7, 0xe7, 0x94, 0x34, 0x88, 0x91, 0x09, 0x19, 0x3b, 0x23, 0x2d, 0x1d, 0x54, 0x96, 0xcc, 0xe4, 0xe7, 0xae, 0x39, 0x2f, 0x2d, 0xec, 0xa8, 0x70, 0xe2, 0x77, 0xb2, 0x09, 0xc1, 0x1f, 0x55, 0xea, 0x08, 0x70, 0x38, 0x30, 0x0f, 0xc1, 0x38, 0xd4, 0x09, 0xcc, 0x8e, 0xbc, 0xd5, 0x31, 0xa7, 0x07, 0x10, 0x99, 0x61, 0x0e, 0x04, 0xe6, 0x7e, 0x8a, 0xe0, 0x49, 0x20, 0xf2, 0xe8, 0x86, 0x35, 0x53, 0x67, 0x6c, 0xc2, 0x67, 0x03, 0x0a, 0x67, 0xd7, 0xe6, 0xbd, 0x17, 0xb5, 0xa0, 0x1b, 0xaa, 0x64, 0x91, 0xee, 0x98, 0xfa, 0x15, 0xe7, 0x9c, 0xd9, 0xe7, 0x91, 0xf0, 0x4b, 0x33, 0x8f, 0xb2, 0xa1, 0xb0, 0x1c, 0xe5, 0x32, 0xe6, 0xcc, 0x12, 0x56, 0x37, 0x4f, 0x22, 0x7b, 0xa8, 0x83, 0xab, 0x6e, 0x70, 0xac, 0x8f, 0x28, 0x98, 0x03, 0x33, 0x8e, 0xe9, 0x36, 0x23, 0x04, 0xf6, 0x5e, 0x7b, 0xdb, 0x16, 0x9f, 0xc0, 0xd1, 0x00, 0xef, 0x53, 0xee, 0x0a, 0xec, 0x70, 0xcf, 0xf8, 0x0b, 0x48, 0x81, 0x34, 0x9b, 0x38, 0xff, 0x00, 0x28, 0x5b, 0x6d, 0xc1, 0xc6, 0x65, 0x33, 0x91, 0x80, 0x4e, 0x50, 0x70, 0x44, 0x82, 0x81, 0xcc, 0x90, 0x23, 0x92, 0x5a, 0x72, 0x4c, 0x18, 0xf5, 0x54, 0x32, 0xc2, 0x4b, 0x4a, 0x37, 0x02, 0x5c, 0x00, 0xe4, 0x8e, 0xd2, 0x14, 0x06, 0xf9, 0x70, 0x4c, 0xf4, 0x55, 0x02, 0x4c, 0x47, 0xc9, 0x11, 0xca, 0x04, 0xc7, 0x44, 0xf4, 0x89, 0x89, 0xca, 0x0e, 0x06, 0xc0, 0x24, 0xc0, 0x72, 0x64, 0xc4, 0x26, 0x49, 0xc6, 0x42, 0x08, 0x3f, 0xe5, 0xcf, 0xc5, 0x0e, 0xd8, 0xe0, 0x84, 0x9b, 0x26, 0x27, 0x21, 0x37, 0x11, 0x04, 0x44, 0x4a, 0x44, 0x1d, 0x3b, 0xef, 0xd1, 0x00, 0x41, 0xe7, 0x20, 0xc9, 0xcc, 0xa4, 0x5c, 0x27, 0x31, 0x07, 0x64, 0x3e, 0x46, 0x5a, 0x91, 0xc8, 0x20, 0xc0, 0x95, 0x25, 0xa4, 0x41, 0x1b, 0x26, 0x49, 0x2e, 0x06, 0x02, 0x37, 0xc6, 0xca, 0x48, 0x8c, 0x49, 0x40, 0x69, 0xfe, 0x21, 0x84, 0x08, 0x88, 0x28, 0x20, 0x80, 0xd0, 0x32, 0x49, 0xf9, 0x27, 0xf2, 0x91, 0xf5, 0x51, 0xa8, 0x92, 0x60, 0xe4, 0xa8, 0x20, 0x93, 0x9d, 0xd3, 0xd3, 0xcc, 0x80, 0x99, 0x6c, 0x9f, 0x2c, 0x0f, 0x8a, 0x86, 0xea, 0x9c, 0x1f, 0x55, 0x40, 0x36, 0x32, 0x15, 0x06, 0xfa, 0x42, 0x0b, 0x79, 0x49, 0x52, 0x1a, 0x4e, 0x04, 0x14, 0xe0, 0x82, 0x20, 0x6c, 0x93, 0x80, 0x70, 0x98, 0x29, 0xc1, 0xeb, 0x93, 0xd0, 0x20, 0x90, 0x31, 0xcf, 0x91, 0x48, 0x62, 0x77, 0xf5, 0x40, 0x92, 0x20, 0xce, 0x3b, 0x24, 0x72, 0xf1, 0xaa, 0x7e, 0x6a, 0xb7, 0x18, 0x39, 0x46, 0x74, 0xed, 0x19, 0x84, 0x00, 0x7c, 0xc0, 0x66, 0x3b, 0xc2, 0x82, 0xde, 0x66, 0x65, 0x59, 0x68, 0x81, 0x12, 0x0a, 0x0e, 0xd0, 0x4c, 0x23, 0x48, 0xc4, 0xf2, 0x4c, 0xfb, 0xb0, 0x0e, 0xfd, 0xe1, 0x4b, 0x00, 0x07, 0x3b, 0x1e, 0xea, 0xa4, 0x12, 0x60, 0x14, 0x4f, 0x3c, 0x7a, 0x20, 0xc7, 0x79, 0x40, 0x12, 0x67, 0x6f, 0x82, 0x47, 0x7e, 0xff, 0x00, 0x24, 0xf7, 0xc0, 0x19, 0xf5, 0x52, 0x7c, 0xa7, 0x24, 0x6a, 0xf5, 0x47, 0x9a, 0x41, 0x25, 0xad, 0xc4, 0xa6, 0x08, 0x04, 0x4b, 0x87, 0xaa, 0x79, 0xea, 0x20, 0x29, 0x0e, 0x11, 0x27, 0x9e, 0x20, 0x26, 0x77, 0xc4, 0x49, 0x4f, 0x6d, 0xf9, 0xf6, 0x84, 0x67, 0x7c, 0x42, 0x0f, 0x98, 0x40, 0x44, 0x92, 0xe8, 0x24, 0x63, 0xba, 0x90, 0xed, 0xe0, 0x03, 0x0a, 0xb5, 0x17, 0x08, 0x12, 0x3e, 0x09, 0xc4, 0x65, 0xa4, 0x03, 0xeb, 0x28, 0xc1, 0x02, 0x5c, 0x31, 0xd9, 0x22, 0x33, 0x82, 0x3e, 0xd2, 0x87, 0x30, 0x6f, 0x1f, 0x54, 0x07, 0x09, 0x8c, 0x6d, 0xd5, 0x5e, 0x90, 0x06, 0x32, 0x7d, 0x54, 0x80, 0xe3, 0xb9, 0x07, 0xe2, 0x8d, 0x20, 0x6e, 0x3f, 0x92, 0x67, 0x48, 0x18, 0x99, 0x41, 0x87, 0x0c, 0x4c, 0xa7, 0xa4, 0xc7, 0x33, 0xbe, 0xfe, 0x8b, 0xcb, 0xfb, 0x2c, 0x07, 0xed, 0x5b, 0xe0, 0x48, 0x91, 0x3c, 0xf7, 0xca, 0xf5, 0x19, 0x6b, 0x84, 0x90, 0x27, 0xa1, 0x4f, 0x33, 0x92, 0x08, 0x4c, 0x00, 0x09, 0x82, 0x00, 0xf9, 0xa4, 0x43, 0x70, 0x46, 0xe9, 0x86, 0x9d, 0x33, 0x27, 0x06, 0x70, 0x91, 0x21, 0xdc, 0xce, 0x16, 0x4d, 0x43, 0x4e, 0xc7, 0x1d, 0x79, 0xa8, 0x33, 0xb9, 0x88, 0x55, 0xe4, 0xff, 0x00, 0x13, 0xbe, 0x4b, 0xd1, 0x7b, 0x57, 0x3f, 0x8a, 0x61, 0x13, 0x3a, 0x48, 0xfa, 0x2f, 0x3e, 0xf9, 0x2e, 0x24, 0xc4, 0xca, 0x81, 0x20, 0x90, 0x48, 0x20, 0xa2, 0x73, 0x80, 0x7d, 0x51, 0x8d, 0xb9, 0xf7, 0x08, 0x2e, 0x20, 0x41, 0x21, 0x20, 0xef, 0x2e, 0x4e, 0x66, 0x76, 0x41, 0x24, 0x44, 0xcc, 0x1e, 0x52, 0x94, 0x38, 0x18, 0x00, 0xed, 0x3b, 0xae, 0x07, 0xb5, 0xe3, 0xfb, 0x0d, 0x0c, 0x19, 0xf1, 0x41, 0x3f, 0x55, 0xd9, 0xe1, 0x8d, 0x1f, 0xb3, 0x6d, 0xa4, 0x80, 0x7c, 0x26, 0x63, 0xe0, 0xb6, 0xa0, 0x4e, 0x62, 0x42, 0xac, 0x44, 0x05, 0x2e, 0x80, 0x44, 0x19, 0x3b, 0x14, 0x16, 0xe3, 0x00, 0xca, 0x72, 0x44, 0xc8, 0x32, 0x94, 0x48, 0x32, 0x4c, 0xfa, 0x22, 0x01, 0x00, 0x41, 0x95, 0x2e, 0x81, 0xcf, 0xd7, 0x0a, 0x89, 0x18, 0x2d, 0x39, 0xdb, 0x64, 0x0d, 0xf0, 0x37, 0xdd, 0x12, 0x76, 0x74, 0x04, 0x84, 0x07, 0x19, 0x3e, 0x88, 0x18, 0x92, 0x9b, 0x24, 0x8d, 0xf9, 0xca, 0x27, 0x25, 0x2c, 0xe6, 0x23, 0xaa, 0x79, 0x23, 0x79, 0x03, 0x74, 0x6a, 0x18, 0x8c, 0x29, 0x30, 0xe1, 0x93, 0x25, 0x04, 0x40, 0xc0, 0x48, 0xc8, 0x44, 0x88, 0xca, 0x5e, 0xf1, 0x9c, 0x63, 0x74, 0x09, 0xe4, 0x4a, 0x60, 0x94, 0xdc, 0x31, 0xc9, 0x0d, 0x04, 0x83, 0x07, 0x64, 0x0c, 0x1c, 0x8c, 0x72, 0x52, 0x43, 0x9c, 0x79, 0x47, 0xc9, 0x4b, 0xb3, 0x00, 0x88, 0xee, 0xa9, 0xad, 0x11, 0xb9, 0xc9, 0x94, 0xa3, 0x49, 0x81, 0x2a, 0x0b, 0x41, 0x27, 0x05, 0x2d, 0x3f, 0xe1, 0x94, 0xcb, 0x4e, 0xc4, 0x09, 0x48, 0x00, 0x37, 0x89, 0x0a, 0x9b, 0x12, 0x01, 0x18, 0x55, 0x3d, 0x08, 0x48, 0x8c, 0x60, 0xa3, 0x49, 0xdb, 0x30, 0x80, 0xd1, 0xb8, 0x1f, 0x54, 0x1c, 0x0c, 0x11, 0x3e, 0xb3, 0x28, 0x70, 0x30, 0x41, 0xc9, 0xf4, 0x53, 0x88, 0x3b, 0xca, 0x7a, 0x64, 0x49, 0x09, 0x16, 0x8e, 0x60, 0x42, 0x52, 0x40, 0x80, 0x30, 0xa5, 0xd9, 0x20, 0x85, 0x42, 0x66, 0x39, 0x8d, 0xd0, 0x72, 0x3b, 0xc7, 0x54, 0x11, 0x8d, 0xcf, 0xc9, 0x04, 0x6c, 0x79, 0xa6, 0x1a, 0x62, 0x48, 0x09, 0xc0, 0x90, 0x60, 0x14, 0x3a, 0x76, 0x13, 0x0a, 0x5a, 0x00, 0xf7, 0xbe, 0xea, 0x88, 0x1b, 0x82, 0x71, 0xf4, 0x52, 0x31, 0xb3, 0x89, 0x9e, 0xa9, 0x86, 0xf9, 0x8c, 0x8c, 0xc4, 0xfa, 0xa6, 0x1a, 0x5a, 0x32, 0xd3, 0xf3, 0x40, 0x19, 0xc8, 0xfa, 0xa0, 0x81, 0xc8, 0x65, 0x49, 0x07, 0x98, 0x12, 0x80, 0x20, 0xc6, 0x02, 0x4d, 0x6e, 0x0c, 0x9d, 0x8c, 0xa4, 0x32, 0x0e, 0xa8, 0xec, 0x87, 0x60, 0x46, 0xc1, 0x26, 0xcb, 0x41, 0x22, 0x08, 0xdf, 0x74, 0xb5, 0x0d, 0x53, 0xb2, 0x65, 0xd2, 0x60, 0x02, 0x7a, 0x27, 0xa8, 0xe9, 0xcc, 0x4f, 0xaa, 0x36, 0x02, 0x46, 0x13, 0x68, 0x6b, 0x77, 0xdd, 0x20, 0x64, 0xc0, 0x3b, 0xe3, 0x65, 0x6d, 0x0d, 0x6b, 0xa4, 0xcc, 0x6d, 0xba, 0x31, 0x3c, 0xf3, 0xd9, 0x3c, 0x8c, 0x09, 0x6a, 0x1c, 0xd2, 0x44, 0x01, 0x3d, 0xd0, 0x0b, 0xb4, 0x80, 0x40, 0x89, 0x8c, 0xa2, 0x27, 0x01, 0xc0, 0x2b, 0x0d, 0x2d, 0x26, 0x0c, 0xf7, 0xea, 0x87, 0x00, 0xed, 0xe3, 0xec, 0xa6, 0x20, 0xc6, 0x7e, 0xea, 0xc6, 0x01, 0xe6, 0x93, 0x8c, 0x19, 0x81, 0x3d, 0x90, 0xe7, 0x3a, 0x04, 0x13, 0xcf, 0x07, 0xd1, 0x79, 0x8f, 0x66, 0x27, 0xf6, 0xbd, 0xf1, 0x8e, 0xbf, 0xf9, 0x15, 0xea, 0x4c, 0xc9, 0x9c, 0x47, 0x74, 0x8c, 0x86, 0xe3, 0x3f, 0x04, 0x8c, 0x08, 0xc1, 0x05, 0x04, 0x9d, 0x8c, 0xc4, 0x4a, 0x66, 0x40, 0xc9, 0x4b, 0x48, 0x9c, 0x10, 0x39, 0xec, 0xae, 0x44, 0xce, 0x4c, 0x6f, 0x84, 0x6a, 0xc8, 0x20, 0x08, 0x46, 0x7f, 0xc6, 0xbd, 0x17, 0xb5, 0x98, 0xb8, 0xa7, 0x06, 0x3c, 0xa7, 0xe2, 0xbc, 0xf3, 0xe6, 0x72, 0x00, 0x0a, 0x08, 0x86, 0x87, 0x0d, 0xa6, 0x10, 0x5c, 0x70, 0x64, 0xf4, 0x48, 0xbb, 0x38, 0x3b, 0xf6, 0x46, 0x49, 0xc9, 0x06, 0x53, 0x2d, 0x74, 0xe6, 0x21, 0x2d, 0x47, 0x62, 0x9b, 0x1c, 0x64, 0xc1, 0x81, 0xce, 0x57, 0x9e, 0xf6, 0xce, 0x7f, 0x03, 0x4a, 0x20, 0x7e, 0xf0, 0x77, 0xe4, 0x57, 0x5b, 0x86, 0x7f, 0xcb, 0xad, 0xa4, 0x9f, 0xee, 0x98, 0x3f, 0xed, 0x5b, 0x60, 0x82, 0x00, 0x24, 0x92, 0x15, 0xcc, 0x81, 0x1c, 0xcc, 0x74, 0x4a, 0x32, 0x35, 0x60, 0x4e, 0x21, 0x06, 0x07, 0x32, 0x3a, 0xef, 0x84, 0xe7, 0x79, 0x44, 0xea, 0x26, 0x01, 0x1f, 0x0d, 0x92, 0x97, 0x75, 0xf9, 0xa2, 0x35, 0x6c, 0x04, 0xa2, 0x20, 0xe7, 0x7f, 0x43, 0x84, 0x86, 0x93, 0x07, 0x1d, 0xf7, 0xfe, 0x8e, 0x53, 0x8d, 0xc9, 0xf7, 0x47, 0x64, 0x44, 0xcc, 0x65, 0x21, 0x81, 0x99, 0xf9, 0x26, 0x24, 0x88, 0x18, 0x46, 0xa3, 0x10, 0x7a, 0x7c, 0xd2, 0x79, 0xce, 0x23, 0x64, 0x02, 0x74, 0xfc, 0x3d, 0x12, 0xc0, 0x23, 0x50, 0x93, 0xc8, 0x4a, 0x67, 0xdd, 0x80, 0x33, 0xea, 0x90, 0x74, 0x7b, 0xdb, 0x20, 0xb8, 0x01, 0x2d, 0x95, 0x3c, 0xa6, 0x02, 0x53, 0x38, 0x04, 0xe1, 0x5f, 0x79, 0x99, 0x48, 0xcc, 0xc0, 0x21, 0x07, 0xb8, 0x27, 0xd1, 0x1a, 0xc0, 0x19, 0x04, 0x05, 0x21, 0xd2, 0x33, 0x31, 0xc9, 0x32, 0x04, 0xee, 0x50, 0xed, 0x81, 0x9c, 0xfa, 0x20, 0x6d, 0x0e, 0x03, 0xe6, 0xa9, 0xb8, 0x07, 0x03, 0xb2, 0x9f, 0x37, 0x30, 0x23, 0xd5, 0x2e, 0x58, 0x89, 0x09, 0xc8, 0x06, 0x67, 0x28, 0xd2, 0x0e, 0x40, 0x32, 0x52, 0xe9, 0x31, 0x29, 0xb7, 0x23, 0xca, 0x73, 0xb2, 0x0c, 0xb4, 0x41, 0x8c, 0xa2, 0x4f, 0x32, 0x42, 0x5a, 0x88, 0x06, 0x44, 0x00, 0xa4, 0x10, 0xe2, 0x09, 0x02, 0x01, 0x59, 0x43, 0x63, 0x31, 0xbe, 0x70, 0x54, 0x19, 0x24, 0x43, 0x76, 0x41, 0x9e, 0x60, 0x20, 0x0d, 0xe7, 0x7f, 0xba, 0x82, 0x1a, 0x5d, 0x18, 0x24, 0x6e, 0x82, 0x08, 0x70, 0x81, 0x84, 0x1c, 0x91, 0xa9, 0x5e, 0x34, 0xc8, 0x29, 0x03, 0x1f, 0xd4, 0xa5, 0x1e, 0x79, 0x20, 0xec, 0xa9, 0xad, 0x99, 0x02, 0x3b, 0xaa, 0x21, 0xad, 0x91, 0x21, 0x49, 0x06, 0x46, 0x0f, 0xea, 0x87, 0xb4, 0x12, 0x06, 0x67, 0x9a, 0x0c, 0xb7, 0x21, 0x30, 0x1b, 0x32, 0x46, 0xfb, 0x24, 0x41, 0x6e, 0x48, 0x1b, 0xca, 0xa9, 0x93, 0x81, 0x82, 0x8d, 0x31, 0x93, 0x81, 0xea, 0x86, 0x81, 0xb8, 0x27, 0xe4, 0x91, 0xce, 0x39, 0x8c, 0xa0, 0x81, 0x82, 0x01, 0x8e, 0x4a, 0x34, 0x90, 0x70, 0x4a, 0x23, 0x20, 0x41, 0x9f, 0x45, 0x35, 0x41, 0x31, 0x93, 0xe8, 0x91, 0x6c, 0x8c, 0x8d, 0xd4, 0x11, 0xbc, 0xca, 0x6d, 0x60, 0x99, 0x04, 0xaa, 0x03, 0x06, 0x43, 0x53, 0x0d, 0x31, 0x04, 0x03, 0x3b, 0x25, 0xf2, 0xc7, 0x25, 0x6d, 0xc8, 0x26, 0x03, 0x44, 0xcf, 0xaa, 0x47, 0xcc, 0x72, 0x42, 0x71, 0x0d, 0xc9, 0x31, 0xc9, 0x01, 0xd2, 0x40, 0x20, 0xc2, 0xbd, 0x3b, 0x41, 0x3b, 0xc1, 0x48, 0x09, 0x38, 0x26, 0x01, 0xe8, 0x98, 0x00, 0x9c, 0xc0, 0x08, 0x04, 0x49, 0x69, 0x90, 0x39, 0x25, 0x80, 0xec, 0x49, 0xea, 0xad, 0xdb, 0xf3, 0xee, 0x94, 0x93, 0xff, 0x00, 0x49, 0x4f, 0x0e, 0x11, 0x20, 0x42, 0x08, 0x04, 0xce, 0x64, 0x73, 0xde, 0x57, 0x98, 0xf6, 0x64, 0x93, 0xc5, 0x6f, 0x9a, 0x3b, 0x8f, 0xfb, 0x97, 0xa6, 0x9c, 0xc9, 0x07, 0x29, 0x92, 0x22, 0x01, 0x3b, 0xca, 0x46, 0x48, 0x99, 0x1f, 0x14, 0x81, 0x68, 0xf7, 0x4e, 0x36, 0x38, 0x43, 0x7c, 0xa7, 0x20, 0xc7, 0xaa, 0x04, 0x63, 0x21, 0x30, 0x48, 0xda, 0x53, 0x19, 0x33, 0x9d, 0xd5, 0xc7, 0xa7, 0xcd, 0x77, 0xfd, 0xae, 0xff, 0x00, 0x88, 0xa2, 0x3a, 0x82, 0x3e, 0xdf, 0xaa, 0xf3, 0xc4, 0x93, 0xfe, 0xaa, 0x4e, 0xa9, 0x10, 0x41, 0x00, 0xe7, 0x08, 0x33, 0x3d, 0xf7, 0x48, 0xcc, 0x93, 0x8f, 0x92, 0xae, 0x59, 0x21, 0x48, 0x12, 0x09, 0x82, 0xa8, 0x82, 0x06, 0x76, 0xf4, 0x49, 0xa4, 0x41, 0x10, 0x0f, 0x3d, 0xd7, 0x9f, 0xf6, 0xcc, 0xff, 0x00, 0xbb, 0xe9, 0xc8, 0xc7, 0x8a, 0x00, 0xed, 0xe5, 0x2b, 0xad, 0xc3, 0x73, 0xc3, 0xad, 0x4c, 0x1f, 0xee, 0x99, 0xcb, 0xb2, 0xd8, 0x6e, 0xc0, 0x6d, 0xba, 0xb9, 0xe5, 0x22, 0x06, 0x65, 0x71, 0xee, 0x6e, 0x6b, 0x3f, 0xc6, 0xf0, 0xdc, 0xe0, 0x2a, 0x5c, 0x32, 0xdd, 0xb9, 0x8d, 0x3c, 0xc9, 0xf9, 0xaa, 0xac, 0xdf, 0xc1, 0x5c, 0xdb, 0x3e, 0x8d, 0x57, 0xbe, 0x9d, 0x5a, 0x82, 0x9b, 0xda, 0xf7, 0x97, 0x0c, 0xc9, 0x9e, 0xdb, 0x15, 0x74, 0x78, 0x95, 0xc3, 0xe9, 0xd1, 0xac, 0xeb, 0x7a, 0x62, 0x8d, 0x57, 0x06, 0x0f, 0x39, 0x96, 0x93, 0x39, 0x38, 0xdb, 0x6f, 0x9a, 0xc1, 0x6d, 0x7d, 0x51, 0xb4, 0xa8, 0x54, 0xba, 0xf3, 0x00, 0xea, 0xa6, 0x43, 0xa0, 0x43, 0x64, 0xe7, 0xa9, 0x8c, 0xf2, 0xc2, 0xc8, 0x78, 0x85, 0x76, 0x36, 0x8b, 0xeb, 0xd1, 0xa6, 0x19, 0x55, 0xa4, 0xb0, 0xb4, 0xcc, 0x10, 0xd2, 0xe8, 0x33, 0xd8, 0x77, 0x4e, 0x85, 0xfd, 0x6d, 0x76, 0xe6, 0xbd, 0x1a, 0x61, 0xb5, 0xd8, 0x5e, 0x21, 0xe6, 0x40, 0x0d, 0xd5, 0x99, 0x03, 0x10, 0xb5, 0xab, 0xf1, 0x47, 0xd5, 0xa3, 0x77, 0x4c, 0xba, 0x9e, 0xaf, 0xc3, 0xb9, 0xe1, 0xf4, 0xf5, 0x79, 0x48, 0x3b, 0x77, 0xdc, 0x65, 0x6f, 0xdb, 0x54, 0x73, 0x6f, 0xab, 0xd1, 0x73, 0x9c, 0x5a, 0xe6, 0x36, 0xb0, 0x07, 0x30, 0x4e, 0x20, 0x7c, 0x44, 0xfc, 0x56, 0xfe, 0xa1, 0x3b, 0x79, 0xbd, 0x13, 0x10, 0x66, 0x5c, 0x54, 0xe3, 0xa9, 0x1d, 0x3b, 0xa0, 0x8d, 0xa2, 0x62, 0x61, 0x71, 0x38, 0xa7, 0xb4, 0x36, 0xd6, 0x37, 0x0e, 0xb7, 0x16, 0xd7, 0xd7, 0x55, 0xdb, 0xe6, 0x7b, 0x6d, 0x2d, 0xaa, 0x56, 0xd1, 0xff, 0x00, 0x51, 0x02, 0x1a, 0x7d, 0x48, 0xc6, 0x56, 0x8b, 0xfd, 0xaf, 0xb7, 0x0d, 0xc7, 0x0a, 0xe3, 0x6d, 0x23, 0x91, 0xb0, 0xa9, 0x8f, 0x58, 0x07, 0xa8, 0xca, 0xaa, 0x1e, 0xdb, 0xf0, 0x51, 0x70, 0x28, 0x5e, 0x57, 0xad, 0x62, 0xf7, 0x64, 0x0b, 0xca, 0x2f, 0xa3, 0xf3, 0x2e, 0xc7, 0xdd, 0x7a, 0x1b, 0x7b, 0x8a, 0x37, 0x34, 0x85, 0x6b, 0x5a, 0xcc, 0xad, 0x49, 0xdb, 0x3a, 0x99, 0xd6, 0x1d, 0x98, 0xdc, 0x61, 0x66, 0x69, 0x9d, 0x88, 0x8e, 0x49, 0x10, 0xe2, 0x64, 0x26, 0x5c, 0x47, 0x20, 0x67, 0xe1, 0x0a, 0x7f, 0x8a, 0x64, 0xe1, 0x30, 0x30, 0x49, 0x9c, 0xa7, 0x12, 0x30, 0x08, 0x52, 0x27, 0xb7, 0xaa, 0x1a, 0x08, 0x24, 0x98, 0x28, 0x26, 0x79, 0x1e, 0xc9, 0x3b, 0x68, 0x22, 0x15, 0x34, 0xc0, 0xc6, 0xe9, 0xea, 0x76, 0x62, 0x3e, 0x4a, 0x01, 0x1c, 0xce, 0xd9, 0xf4, 0x58, 0x2e, 0x2e, 0xad, 0xed, 0xc9, 0x35, 0xeb, 0xd3, 0xa4, 0xd0, 0x37, 0xa8, 0xe0, 0xd0, 0x3d, 0x7b, 0x2e, 0x5d, 0x7f, 0x6b, 0x78, 0x05, 0x07, 0x39, 0xb5, 0x38, 0xbd, 0x91, 0x70, 0xe4, 0xca, 0xad, 0x3b, 0x03, 0xd3, 0xe0, 0xb1, 0xd3, 0xf6, 0xd3, 0xd9, 0xd7, 0x91, 0xa7, 0x8b, 0xda, 0x00, 0x71, 0xe6, 0x78, 0x6f, 0xdd, 0x76, 0xec, 0xae, 0xed, 0xef, 0x68, 0x0a, 0xb6, 0x97, 0x14, 0x6e, 0x28, 0x91, 0xef, 0xd2, 0x7b, 0x5c, 0x27, 0xd4, 0x2c, 0x84, 0x91, 0xc8, 0xfa, 0x2a, 0x06, 0x39, 0x04, 0x65, 0xa3, 0x1d, 0x67, 0x64, 0x9a, 0xec, 0x99, 0xe7, 0xd9, 0x04, 0xe6, 0x72, 0x7e, 0x28, 0x07, 0xca, 0x66, 0x3e, 0x25, 0x28, 0x05, 0xb9, 0x18, 0x56, 0x31, 0x10, 0x50, 0x46, 0x7d, 0xec, 0xa9, 0x76, 0xf1, 0x99, 0x4c, 0x0f, 0x2c, 0x8d, 0xd2, 0x27, 0xa4, 0x02, 0x77, 0x84, 0x1c, 0x46, 0xe6, 0x7b, 0x20, 0xce, 0x25, 0xa1, 0x32, 0xd1, 0x04, 0xc1, 0x48, 0x99, 0x1b, 0x1c, 0x20, 0xea, 0xc4, 0x6c, 0xab, 0x27, 0x00, 0x00, 0x86, 0x83, 0xfc, 0x53, 0x84, 0x9d, 0x04, 0xc9, 0x24, 0x74, 0x4c, 0x3a, 0x08, 0x81, 0xa8, 0xa5, 0xa8, 0x41, 0xd5, 0x12, 0x81, 0x04, 0x18, 0x38, 0xe5, 0x84, 0xc0, 0x24, 0xf9, 0x88, 0x32, 0xab, 0x48, 0x81, 0x04, 0x7c, 0xd0, 0x62, 0x06, 0xa0, 0x4f, 0xc5, 0x2c, 0x13, 0x8c, 0x7c, 0x53, 0x1b, 0xe6, 0x3a, 0x0e, 0xca, 0x4c, 0xce, 0x08, 0xc2, 0x5b, 0x02, 0x4c, 0x7c, 0xd4, 0x83, 0xfc, 0x42, 0x47, 0x54, 0xe0, 0x44, 0xc9, 0x52, 0x41, 0x91, 0x05, 0x4e, 0x98, 0x76, 0x66, 0x7e, 0xe9, 0xc1, 0xcc, 0x6e, 0x90, 0x07, 0x3a, 0x80, 0xec, 0x53, 0x69, 0x33, 0x26, 0x30, 0x80, 0x24, 0xe3, 0x9a, 0x20, 0x90, 0x62, 0x14, 0x88, 0xe5, 0x12, 0x39, 0x2a, 0x07, 0x99, 0x99, 0x46, 0x30, 0x49, 0x54, 0x20, 0xba, 0x41, 0x29, 0x6a, 0xc6, 0xe7, 0xba, 0x30, 0x41, 0x2d, 0x25, 0x30, 0x64, 0xc1, 0x24, 0x98, 0x93, 0xc9, 0x03, 0x79, 0x82, 0x02, 0x7a, 0xb9, 0x1d, 0xbe, 0xe9, 0xb4, 0xe0, 0xc4, 0xf6, 0x4d, 0xc4, 0x4f, 0x29, 0x4f, 0x56, 0x48, 0x31, 0x10, 0xbc, 0xbf, 0xb3, 0x45, 0xae, 0xe3, 0x37, 0x91, 0x38, 0x93, 0xff, 0x00, 0x72, 0xf4, 0xc4, 0x82, 0xec, 0xec, 0x9c, 0x08, 0x24, 0x11, 0x2a, 0x04, 0x64, 0xb8, 0x63, 0x97, 0x35, 0x6d, 0x89, 0x92, 0x0c, 0x1f, 0x82, 0x24, 0x1d, 0xb7, 0x48, 0x60, 0xe6, 0x15, 0x03, 0xbc, 0xca, 0x44, 0xec, 0x01, 0xc4, 0xca, 0x5a, 0x47, 0xf8, 0x97, 0xa5, 0xf6, 0xbe, 0x05, 0x7a, 0x24, 0xf2, 0x04, 0x8f, 0xa2, 0xf3, 0xa4, 0xb8, 0x12, 0x03, 0x4f, 0xaf, 0x54, 0xb5, 0x69, 0x68, 0x27, 0x05, 0x20, 0x79, 0x98, 0xdf, 0xaa, 0x90, 0xe3, 0x92, 0x25, 0x5f, 0xa4, 0x65, 0x29, 0x19, 0x00, 0x99, 0x4c, 0xc8, 0x00, 0x1d, 0xd2, 0x82, 0x1c, 0x22, 0x25, 0x79, 0xff, 0x00, 0x6c, 0xfc, 0xbc, 0x3e, 0x94, 0xcf, 0xf7, 0xc3, 0xff, 0x00, 0x12, 0x3f, 0x35, 0xd6, 0xe1, 0x7a, 0x8f, 0x0d, 0xb5, 0x20, 0x08, 0xf0, 0x98, 0x7f, 0xed, 0x0b, 0x60, 0x89, 0x99, 0x39, 0xfb, 0x20, 0x64, 0x1d, 0xa3, 0x6c, 0x2e, 0x77, 0xe1, 0x05, 0x47, 0x5d, 0x52, 0x73, 0x5c, 0x68, 0xd4, 0x70, 0x7b, 0x6a, 0x35, 0xc2, 0x43, 0xa7, 0x91, 0xeb, 0x39, 0xf4, 0x59, 0x29, 0xda, 0x17, 0x5c, 0x32, 0xb5, 0x7b, 0x97, 0xdc, 0x96, 0x1f, 0xdd, 0xea, 0xf7, 0x41, 0xd8, 0x1f, 0x2e, 0xe7, 0x73, 0xba, 0xc1, 0x65, 0xc3, 0x5c, 0xda, 0x14, 0x05, 0xc5, 0x5a, 0xc4, 0x53, 0x3a, 0xfc, 0x22, 0x41, 0x0d, 0x32, 0x60, 0x8c, 0x49, 0xf4, 0x9c, 0x2d, 0x8a, 0x5c, 0x36, 0x93, 0x22, 0x5e, 0xf7, 0x86, 0xb9, 0xee, 0x0d, 0x71, 0xc0, 0xd5, 0x32, 0x36, 0xc8, 0xdf, 0xf9, 0x29, 0x6f, 0x0f, 0xa6, 0xd2, 0xd7, 0x3e, 0xbd, 0x47, 0xb6, 0x98, 0x21, 0x81, 0xee, 0x1e, 0x46, 0x90, 0x67, 0x68, 0xe4, 0x4f, 0x54, 0xea, 0x59, 0xd0, 0x7d, 0xb5, 0x20, 0xe7, 0x7e, 0xea, 0x95, 0x32, 0xd0, 0xe9, 0xdd, 0xa4, 0x69, 0x27, 0xd6, 0x14, 0x8e, 0x19, 0x49, 0xd9, 0xa9, 0x5e, 0xbb, 0xfc, 0x86, 0x96, 0xa7, 0x38, 0x09, 0x61, 0x10, 0x62, 0x06, 0xcb, 0x35, 0xad, 0x17, 0xb6, 0xe6, 0xb5, 0x7a, 0x80, 0x0d, 0x40, 0x32, 0x9e, 0x67, 0x0d, 0x07, 0x27, 0xe2, 0xe2, 0x56, 0xd8, 0x81, 0x00, 0x89, 0xd3, 0xba, 0x1c, 0xe0, 0x0c, 0xc4, 0x1d, 0xf3, 0x85, 0x25, 0xd9, 0x04, 0xfc, 0x92, 0x0e, 0x71, 0x10, 0x7b, 0xa9, 0x63, 0x40, 0x92, 0x1a, 0x03, 0x8e, 0x5d, 0xdd, 0xdb, 0x7c, 0x71, 0xc9, 0x68, 0x71, 0xeb, 0x37, 0x5f, 0xf0, 0x6b, 0xeb, 0x4a, 0x6f, 0x2d, 0x75, 0x5a, 0x2f, 0x63, 0x0b, 0x77, 0x6b, 0x8b, 0x4c, 0x1f, 0xb2, 0xd4, 0xe0, 0x35, 0x99, 0xc6, 0x7d, 0x99, 0xe1, 0xf5, 0xef, 0xa8, 0xb2, 0xb1, 0xad, 0x45, 0xa6, 0xab, 0x6a, 0x30, 0x38, 0x17, 0x47, 0x99, 0xa4, 0x1e, 0xf3, 0xd1, 0x71, 0x78, 0xb7, 0x0a, 0xb6, 0xf6, 0x72, 0xff, 0x00, 0x87, 0xdf, 0xf0, 0x30, 0x6d, 0x2a, 0x56, 0xbb, 0xa7, 0x6f, 0x52, 0xda, 0x93, 0x88, 0xa7, 0x58, 0x3c, 0x91, 0x1a, 0x66, 0x35, 0x00, 0x35, 0x6c, 0x24, 0x37, 0xe2, 0xbd, 0xc3, 0x0b, 0x63, 0x01, 0xc0, 0x03, 0x1b, 0x4c, 0x0f, 0xf4, 0xdf, 0x62, 0x91, 0x77, 0x94, 0x9d, 0x42, 0x7e, 0x20, 0x63, 0xfa, 0x2b, 0x4e, 0xe3, 0x8a, 0x70, 0xeb, 0x5a, 0xe2, 0x8d, 0x7b, 0xdb, 0x6a, 0x55, 0x8c, 0x10, 0xca, 0x95, 0x5a, 0x09, 0x9e, 0xd3, 0xbf, 0x35, 0xb7, 0x4a, 0xad, 0x3a, 0xcc, 0x15, 0x28, 0xd5, 0x65, 0x4a, 0x64, 0xfb, 0xcd, 0x32, 0x3d, 0x3a, 0x4f, 0xe5, 0xf2, 0x54, 0x65, 0xc3, 0x04, 0xf7, 0x3f, 0xd7, 0xa1, 0xea, 0x94, 0xb8, 0x12, 0x4c, 0x96, 0xfc, 0xd1, 0x2c, 0xd5, 0x83, 0x3d, 0x39, 0x4f, 0x2e, 0x68, 0xd4, 0x0c, 0x0e, 0x7c, 0xa0, 0x75, 0xeb, 0xf6, 0x4c, 0xe2, 0x43, 0x9d, 0xd7, 0xe1, 0x13, 0x39, 0xdb, 0x7e, 0xe9, 0x09, 0x9d, 0xcc, 0x89, 0xe5, 0xd3, 0xeb, 0xf4, 0x4b, 0x51, 0xd4, 0x40, 0x88, 0x98, 0x4c, 0xc6, 0x66, 0x57, 0x2b, 0x89, 0xf0, 0x0b, 0x4e, 0x25, 0x5b, 0xc4, 0xba, 0x7d, 0xeb, 0x9b, 0x80, 0x29, 0xb2, 0xea, 0xa5, 0x36, 0x63, 0xab, 0x5a, 0x40, 0x2b, 0x52, 0x97, 0xb1, 0xdc, 0x02, 0x9b, 0xe7, 0xf6, 0x4d, 0xab, 0x89, 0x33, 0x35, 0x19, 0xe2, 0x13, 0x3d, 0x4b, 0xa4, 0x9c, 0x2e, 0x67, 0xb1, 0x36, 0xb4, 0x2c, 0x38, 0x97, 0x1d, 0xe1, 0x6e, 0xa1, 0x49, 0x95, 0x2d, 0xee, 0x4d, 0x7a, 0x71, 0x4c, 0x7f, 0x73, 0x52, 0x48, 0x03, 0xa0, 0x10, 0x42, 0xf6, 0x2f, 0xa6, 0xc7, 0x31, 0xcc, 0x7b, 0x5a, 0x5a, 0x71, 0x04, 0x77, 0x8e, 0x5c, 0xb1, 0x19, 0x51, 0x41, 0xb6, 0xf4, 0x5b, 0xa6, 0x80, 0xa4, 0xd0, 0x4c, 0xb9, 0xad, 0x0d, 0xe5, 0xd6, 0x39, 0xac, 0xa2, 0x7f, 0x3d, 0xf6, 0x9f, 0xcb, 0x97, 0xd1, 0x62, 0xa7, 0x71, 0x4a, 0xa5, 0x47, 0xd3, 0xa7, 0x52, 0x99, 0xaa, 0xc8, 0xd4, 0xd9, 0x12, 0xd9, 0x30, 0x24, 0x6e, 0x07, 0x74, 0xdf, 0x59, 0x8c, 0x00, 0xd5, 0xa8, 0xd6, 0x6a, 0xdb, 0x51, 0xd3, 0xce, 0x15, 0x0f, 0x7a, 0x07, 0xf5, 0x91, 0xc8, 0x65, 0x31, 0x9d, 0xa4, 0x9e, 0x40, 0x09, 0xf9, 0x0d, 0xfa, 0x7f, 0x52, 0xaa, 0x32, 0x48, 0x38, 0x1f, 0x54, 0x9a, 0x64, 0x1c, 0xe5, 0x1a, 0x87, 0x38, 0x95, 0x51, 0xd4, 0x0d, 0xba, 0xa9, 0x18, 0x91, 0x18, 0x48, 0x3b, 0x79, 0x21, 0xa8, 0xee, 0xd8, 0x20, 0x2a, 0x26, 0x33, 0xd5, 0x36, 0xb8, 0x88, 0x69, 0x04, 0xe2, 0x50, 0x4f, 0x94, 0xc1, 0x3d, 0x54, 0x82, 0x34, 0x92, 0x49, 0x54, 0x00, 0x81, 0x2e, 0x28, 0x6c, 0x07, 0x09, 0x94, 0x9c, 0x70, 0xe2, 0x24, 0xc0, 0x90, 0x8c, 0x6c, 0x4e, 0xd3, 0xfd, 0x61, 0x2c, 0x8d, 0x31, 0x22, 0x79, 0x26, 0xd3, 0x89, 0x13, 0x94, 0xf9, 0xe7, 0x03, 0xee, 0x52, 0x3e, 0xf4, 0x34, 0x67, 0x6e, 0x69, 0xb8, 0x83, 0x2d, 0x24, 0x4f, 0x24, 0x6a, 0x12, 0x01, 0x39, 0x3b, 0x0e, 0xa3, 0xb7, 0x74, 0x80, 0xf3, 0x66, 0x26, 0x24, 0x01, 0x98, 0x0a, 0x60, 0x82, 0x09, 0x71, 0x99, 0xd9, 0x51, 0x71, 0x24, 0x8c, 0x6d, 0xea, 0x89, 0x0d, 0x69, 0xd4, 0x71, 0x13, 0xb1, 0x4b, 0x99, 0x00, 0x8d, 0x3f, 0x1c, 0xaa, 0x1a, 0x62, 0x07, 0xc3, 0x92, 0x40, 0x99, 0xc3, 0x4c, 0xfc, 0xfb, 0x24, 0x0f, 0x22, 0xd2, 0x41, 0xdf, 0xb2, 0xc1, 0x71, 0x56, 0x9d, 0x0a, 0x2e, 0xab, 0x5d, 0xe2, 0x95, 0x3a, 0x60, 0xbd, 0xef, 0xa8, 0x60, 0x35, 0xa0, 0x64, 0x93, 0xc8, 0x42, 0xd4, 0xfd, 0xad, 0x61, 0xae, 0xdd, 0xa2, 0xf6, 0x8e, 0xbb, 0x9c, 0xd1, 0x6b, 0x9e, 0x01, 0x7e, 0x79, 0x0d, 0xe7, 0x97, 0xaf, 0xc0, 0xad, 0xd3, 0x06, 0x20, 0x93, 0x3f, 0x6f, 0x41, 0x9f, 0xeb, 0xd5, 0x6a, 0xb3, 0x88, 0xda, 0x3e, 0xf2, 0xa5, 0x9d, 0x3b, 0xaa, 0x2e, 0xb9, 0x60, 0xd4, 0xea, 0x4d, 0x78, 0x2e, 0x68, 0x11, 0xb8, 0xde, 0x72, 0x3d, 0x67, 0xd2, 0x57, 0x0e, 0xbf, 0xa5, 0x7c, 0x6b, 0x53, 0x14, 0xdf, 0x4a, 0xbd, 0x12, 0x1b, 0x56, 0x95, 0x43, 0x0e, 0x69, 0x22, 0x41, 0x9d, 0xb4, 0x9e, 0x46, 0x7b, 0x6e, 0x08, 0x5b, 0x90, 0x5c, 0x24, 0x67, 0x13, 0xb7, 0x2f, 0x4d, 0xd6, 0xbd, 0x5b, 0xdb, 0x46, 0x5c, 0x32, 0x8d, 0x4b, 0x9a, 0x2c, 0xad, 0x52, 0x03, 0x29, 0x97, 0x80, 0xe7, 0x1e, 0xcd, 0xdf, 0x6c, 0xf4, 0xfa, 0xad, 0x80, 0xe1, 0xa4, 0x03, 0xbf, 0xc6, 0x7e, 0x9b, 0x1f, 0x90, 0x58, 0xae, 0xaf, 0x6d, 0x6c, 0xda, 0x5f, 0x75, 0x71, 0x4a, 0x8b, 0x22, 0x66, 0xab, 0xc3, 0x37, 0xff, 0x00, 0xab, 0xfd, 0x15, 0xdb, 0xd5, 0xa5, 0x5a, 0x83, 0x2a, 0xd0, 0xa8, 0xda, 0x94, 0x9e, 0x25, 0xaf, 0x61, 0xd4, 0xd7, 0x03, 0xcc, 0x1e, 0x8a, 0x89, 0xd2, 0x0c, 0x90, 0x1b, 0x12, 0x0f, 0xa7, 0xfa, 0x85, 0xa9, 0x5f, 0x8b, 0x70, 0xfa, 0x17, 0x2d, 0xa1, 0x75, 0x7d, 0x6b, 0x4e, 0xbb, 0xdc, 0x5a, 0xda, 0x6e, 0xaa, 0xc0, 0xe2, 0x41, 0x8d, 0xa7, 0x7e, 0xdb, 0xa2, 0xe3, 0x8a, 0x58, 0x5a, 0x5c, 0x51, 0xa1, 0x77, 0x7d, 0x6d, 0x4a, 0xbd, 0x57, 0x43, 0x29, 0xd4, 0xa8, 0x03, 0x9c, 0x67, 0xf8, 0x41, 0xc9, 0x39, 0x18, 0xc7, 0xe4, 0xaa, 0xfb, 0x8a, 0x59, 0x70, 0xe6, 0xb4, 0xf1, 0x1b, 0xbb, 0x6b, 0x6d, 0x67, 0x4b, 0x7c, 0x6a, 0xad, 0xa7, 0xa9, 0xd1, 0xb0, 0x9c, 0x9d, 0xb7, 0x8c, 0xf2, 0x9d, 0x96, 0xe3, 0x5c, 0x1c, 0xd6, 0xb8, 0x10, 0x5a, 0xe0, 0x1c, 0x0f, 0x50, 0x53, 0x8c, 0x6e, 0x67, 0xd5, 0x13, 0x07, 0x3e, 0x83, 0xaa, 0xf2, 0xde, 0xcc, 0x93, 0xfb, 0x62, 0xf4, 0x7f, 0xd5, 0xff, 0x00, 0x94, 0xaf, 0x50, 0xd8, 0x80, 0x4e, 0xe5, 0x37, 0x43, 0x76, 0x8f, 0x92, 0x5a, 0x86, 0x9c, 0xf5, 0x55, 0xa8, 0xee, 0x65, 0x32, 0x46, 0x99, 0x21, 0x26, 0xf5, 0x01, 0x36, 0x9f, 0x29, 0x98, 0x25, 0x4b, 0xe4, 0x91, 0x22, 0x21, 0x2d, 0x14, 0xfa, 0xbb, 0xe6, 0xbd, 0x4f, 0xb5, 0xe7, 0x4d, 0x7a, 0x40, 0xc6, 0x5a, 0x61, 0x79, 0xa3, 0x13, 0x27, 0x73, 0xde, 0x52, 0x2d, 0x12, 0x26, 0x31, 0xdd, 0x4b, 0xb2, 0x71, 0xb8, 0x3d, 0x53, 0x69, 0xe5, 0x3b, 0xf6, 0x55, 0xb1, 0x24, 0xa4, 0x32, 0x64, 0x41, 0xf8, 0x24, 0x60, 0x9e, 0x52, 0x9e, 0xa0, 0x5b, 0x00, 0x2e, 0x07, 0xb6, 0x51, 0xfb, 0x3e, 0x9e, 0xaf, 0xfd, 0xc1, 0xff, 0x00, 0x89, 0xfd, 0x17, 0x53, 0x84, 0xbb, 0xfd, 0xd9, 0x69, 0x18, 0x1e, 0x0b, 0x3e, 0xcb, 0x68, 0xcc, 0x08, 0x24, 0x4f, 0x54, 0x88, 0x6c, 0x49, 0xca, 0xe1, 0x5d, 0x0a, 0xb6, 0x4f, 0xa9, 0x69, 0x6c, 0x4c, 0x5d, 0xb8, 0x9a, 0x6e, 0x39, 0xf0, 0xc9, 0xc3, 0xbd, 0x4f, 0x31, 0x90, 0xae, 0xdc, 0xdd, 0x68, 0xaa, 0xcb, 0x1f, 0x01, 0x94, 0x2d, 0x89, 0xa4, 0x35, 0x82, 0xe7, 0x3d, 0xc0, 0x73, 0x20, 0x88, 0xfa, 0xad, 0x9b, 0x1b, 0xf7, 0x5d, 0x54, 0xa4, 0xdd, 0x03, 0x45, 0x4a, 0x02, 0xaf, 0x2c, 0x38, 0xba, 0x22, 0x7f, 0x92, 0xd5, 0x37, 0xf7, 0x2f, 0x01, 0xb4, 0x85, 0x21, 0x51, 0xf7, 0x35, 0x28, 0x82, 0xf6, 0x98, 0x01, 0xa0, 0xc6, 0xdc, 0xf0, 0xb7, 0x38, 0x81, 0xa8, 0xde, 0x11, 0x72, 0x2b, 0x11, 0xa8, 0x51, 0x71, 0x71, 0x68, 0xd3, 0x24, 0xb4, 0x83, 0x1f, 0x15, 0xca, 0x6d, 0x5f, 0xc2, 0x70, 0xca, 0xd6, 0xb5, 0x09, 0x75, 0x3a, 0xb4, 0x1c, 0xfa, 0x0e, 0xcf, 0x36, 0xce, 0x93, 0xd4, 0xc9, 0x3f, 0x05, 0xb9, 0x5a, 0xee, 0xa5, 0x31, 0x4d, 0x8c, 0xb8, 0x65, 0x26, 0xf8, 0x40, 0x86, 0x8a, 0x65, 0xee, 0x24, 0x89, 0xc8, 0xe9, 0xca, 0x14, 0xd1, 0xbe, 0xb9, 0xb8, 0x16, 0x42, 0x99, 0xa7, 0x4c, 0xd6, 0xa6, 0xe7, 0x38, 0x96, 0x1c, 0x44, 0x08, 0x01, 0x43, 0xef, 0x2f, 0x9b, 0x69, 0x71, 0x70, 0xea, 0xd4, 0xa2, 0x83, 0xcd, 0x32, 0x03, 0x0c, 0xbe, 0x1d, 0xfe, 0x9d, 0x55, 0x57, 0xe2, 0x35, 0x5d, 0x79, 0x71, 0x49, 0xb5, 0x8d, 0x11, 0x49, 0xcd, 0x1e, 0x5a, 0x4e, 0xa9, 0xa9, 0xc4, 0x4c, 0xe3, 0x61, 0xca, 0x37, 0xf8, 0x65, 0x6f, 0x59, 0x55, 0xab, 0x71, 0x4e, 0xde, 0xb9, 0x1a, 0x18, 0xe6, 0x7e, 0xf2, 0x9e, 0x93, 0x33, 0xf9, 0x73, 0xf9, 0x2d, 0xc0, 0x4c, 0x8f, 0x92, 0x79, 0x93, 0xd5, 0x4b, 0xb0, 0x0f, 0x53, 0x03, 0xd7, 0x73, 0xf0, 0x5e, 0x2f, 0x85, 0xf1, 0x6f, 0xd8, 0x3e, 0xc7, 0x71, 0x0b, 0x97, 0x51, 0x7d, 0x66, 0xd9, 0xdd, 0xd7, 0xa4, 0xd6, 0x13, 0x80, 0x0d, 0x67, 0x00, 0x49, 0x03, 0x0d, 0xce, 0x4f, 0x21, 0x95, 0xd2, 0xe0, 0xdc, 0x21, 0xf7, 0x37, 0x34, 0x78, 0xcf, 0x14, 0xbb, 0x6d, 0xfd, 0xe0, 0x61, 0x75, 0x01, 0x48, 0xc5, 0x0a, 0x2d, 0x73, 0x76, 0x67, 0x78, 0x8f, 0x31, 0x32, 0x47, 0x41, 0x84, 0xfd, 0xae, 0xbc, 0xb9, 0xa6, 0xde, 0x1f, 0xc3, 0xec, 0xea, 0x9b, 0x7a, 0x9c, 0x42, 0xe3, 0xf0, 0xe6, 0xe7, 0x4c, 0x9a, 0x63, 0x49, 0x27, 0x4c, 0xf9, 0x75, 0x46, 0xdf, 0x3f, 0x5d, 0x5b, 0xaf, 0x65, 0xb8, 0x5d, 0x8d, 0x83, 0xab, 0x3e, 0xf7, 0x88, 0x50, 0x75, 0x16, 0x97, 0x9b, 0xb3, 0x7d, 0x52, 0x5a, 0x46, 0x26, 0x67, 0x49, 0xf4, 0x18, 0x21, 0x72, 0x5b, 0x46, 0xad, 0xc7, 0xb1, 0x7c, 0x3f, 0x8c, 0x3a, 0xde, 0x8b, 0xae, 0xed, 0xea, 0x7e, 0x2e, 0xb3, 0x45, 0x10, 0x05, 0xcb, 0x25, 0xc1, 0xd2, 0x23, 0x72, 0xd7, 0x17, 0x73, 0xcf, 0xcd, 0x64, 0xe0, 0xf7, 0xb6, 0x74, 0x3d, 0xa3, 0x3c, 0x4a, 0x9d, 0x95, 0x5e, 0x0b, 0xc3, 0x2b, 0x5b, 0x06, 0x52, 0xa8, 0xea, 0x0e, 0xa5, 0x4e, 0xe4, 0xb8, 0x82, 0x1e, 0xe2, 0xdf, 0x23, 0x62, 0x21, 0xb3, 0x9f, 0x31, 0x5d, 0x4f, 0x6d, 0x9c, 0xda, 0x2f, 0xe1, 0x77, 0x97, 0x14, 0xeb, 0xd7, 0xb2, 0xf1, 0x8d, 0x1a, 0x96, 0xd4, 0x5c, 0x5b, 0xad, 0xcf, 0x10, 0xc7, 0x44, 0x89, 0x21, 0xc0, 0x73, 0xe7, 0x18, 0x11, 0x3d, 0x3a, 0x16, 0xba, 0xb8, 0x4d, 0x0a, 0x1c, 0x3e, 0xad, 0xcd, 0xa3, 0x4b, 0x83, 0x87, 0x88, 0x4b, 0xaa, 0xb5, 0xa6, 0x49, 0x6c, 0xbe, 0x48, 0x32, 0x4f, 0x58, 0xd8, 0x60, 0x05, 0xe7, 0xf8, 0xa7, 0x07, 0x75, 0x9f, 0x18, 0xe1, 0x74, 0x87, 0x13, 0xe2, 0xe6, 0xde, 0xe9, 0xf5, 0x29, 0x55, 0x3f, 0x8d, 0xab, 0x21, 0xda, 0x4b, 0x9a, 0x77, 0x81, 0xee, 0x11, 0x11, 0x1f, 0x65, 0x97, 0x85, 0x9e, 0x21, 0x6d, 0xed, 0x58, 0xe1, 0xf6, 0xdc, 0x46, 0xe2, 0xfa, 0xca, 0x8d, 0x2d, 0x77, 0x4d, 0xbc, 0x0c, 0x3e, 0x1e, 0xa1, 0x0d, 0x0d, 0x78, 0x01, 0xce, 0x38, 0x32, 0x72, 0x00, 0xe6, 0x36, 0x5d, 0x5e, 0x2b, 0xec, 0xed, 0xbf, 0x14, 0xba, 0x35, 0xee, 0xee, 0xef, 0xa3, 0x40, 0x68, 0xa5, 0x4a, 0xe1, 0xd4, 0xd8, 0xd2, 0x00, 0x12, 0x03, 0x79, 0xfa, 0xcc, 0x2e, 0x27, 0xb1, 0x1c, 0x16, 0x85, 0x4e, 0x0f, 0x42, 0xe3, 0xf1, 0x37, 0xf4, 0xee, 0xd9, 0x5a, 0xad, 0x2a, 0xae, 0x17, 0x2f, 0x21, 0xc5, 0xaf, 0x2d, 0xf3, 0x30, 0x92, 0xd2, 0x60, 0x6f, 0x0b, 0xdc, 0xed, 0xb4, 0xa3, 0xcd, 0x19, 0x90, 0x98, 0x71, 0x93, 0x11, 0x00, 0x76, 0xfb, 0x25, 0x2d, 0xe4, 0x64, 0x0f, 0xeb, 0x65, 0xe5, 0x78, 0xfb, 0x4f, 0x0d, 0xf6, 0xcb, 0x83, 0x71, 0x3a, 0x60, 0x06, 0x5d, 0x93, 0x61, 0x5e, 0x4e, 0xf8, 0x2e, 0x64, 0xcf, 0xf5, 0x0b, 0x27, 0xb5, 0xf5, 0xea, 0xb9, 0xfc, 0x2f, 0x87, 0x0a, 0xcf, 0xb6, 0xb7, 0xbf, 0xaf, 0xe1, 0xd6, 0xac, 0xd3, 0xa5, 0xcd, 0x01, 0x93, 0xa4, 0x13, 0xb1, 0x2b, 0x5b, 0x88, 0xfb, 0x33, 0xec, 0xc7, 0x0b, 0xe1, 0xd5, 0x2b, 0xd7, 0xb7, 0xa7, 0x66, 0xca, 0x23, 0x17, 0x3e, 0x23, 0x9b, 0x51, 0xa4, 0x44, 0x43, 0xa7, 0x2e, 0xed, 0x9c, 0x2e, 0x2d, 0x87, 0x1d, 0xe3, 0xb4, 0x6b, 0xf0, 0xda, 0x97, 0x7e, 0x25, 0x7a, 0x14, 0x6c, 0x19, 0x5e, 0xf6, 0x86, 0x8f, 0xde, 0xbc, 0x3d, 0xee, 0x1e, 0x20, 0x1b, 0x97, 0x06, 0xb4, 0x4f, 0x32, 0x36, 0x04, 0xae, 0xcf, 0x17, 0x16, 0xd7, 0x36, 0x47, 0xda, 0x7e, 0x07, 0x71, 0x45, 0xd7, 0x56, 0xf4, 0x8b, 0xdd, 0x50, 0x12, 0x1b, 0x5e, 0x90, 0xf7, 0xa9, 0xbf, 0xb9, 0xcc, 0x1d, 0xc1, 0xf9, 0x9d, 0x6f, 0x68, 0xfc, 0x0a, 0xbc, 0x5b, 0x83, 0xdf, 0xd4, 0xe1, 0x8c, 0xe2, 0x94, 0xef, 0xad, 0xdd, 0x42, 0x9d, 0x1a, 0xc1, 0xa7, 0x49, 0x03, 0xc4, 0x04, 0x6a, 0xc4, 0x46, 0xa1, 0xb8, 0x27, 0x10, 0xbd, 0x6b, 0xad, 0x49, 0xe1, 0xa6, 0xd6, 0xd6, 0xa3, 0xad, 0x66, 0x99, 0xa7, 0x4d, 0xcd, 0x00, 0xba, 0x8e, 0x23, 0x00, 0xc8, 0x27, 0x3d, 0xfb, 0x2f, 0x03, 0x5f, 0x83, 0x51, 0xb1, 0xa8, 0xdb, 0x3f, 0x69, 0x8d, 0xd4, 0x54, 0xa8, 0xd2, 0xce, 0x2c, 0xcb, 0x9a, 0x85, 0xaf, 0x20, 0xec, 0xfd, 0x46, 0x29, 0x1e, 0x52, 0x30, 0x79, 0x19, 0x18, 0xfa, 0x4d, 0x36, 0x00, 0xd0, 0x1b, 0xee, 0xf2, 0xcf, 0x25, 0x46, 0x26, 0x08, 0x4f, 0x02, 0x0c, 0x08, 0xef, 0x94, 0xdb, 0xa4, 0xee, 0x0f, 0x64, 0xb4, 0x8d, 0x43, 0x49, 0x29, 0x19, 0x9c, 0xfd, 0xb7, 0x49, 0xbc, 0xc6, 0x00, 0x4c, 0xcc, 0x0d, 0x32, 0x67, 0x74, 0x9d, 0x3f, 0xc3, 0xbf, 0xaa, 0x01, 0x80, 0x24, 0x7a, 0x84, 0xc1, 0xe9, 0xb1, 0x46, 0x07, 0x5f, 0x82, 0x01, 0xcc, 0x89, 0xdb, 0x9a, 0xe7, 0xf1, 0xe7, 0x38, 0x70, 0x9b, 0x92, 0x01, 0x90, 0xd9, 0x90, 0x7e, 0x82, 0x32, 0xb9, 0x94, 0xda, 0xcf, 0x1a, 0xdb, 0xf6, 0x7d, 0x2b, 0x96, 0xd7, 0x6b, 0xdb, 0xaa, 0xa3, 0x83, 0x83, 0x4b, 0x67, 0x33, 0x38, 0x59, 0x28, 0x5e, 0x5c, 0xdb, 0xda, 0xdc, 0xd6, 0xa6, 0xda, 0x4f, 0xa3, 0x4e, 0xab, 0xc9, 0x25, 0xc6, 0x4c, 0xb8, 0xe0, 0x46, 0x16, 0xf1, 0xbc, 0xb8, 0xab, 0x5e, 0xad, 0x2b, 0x36, 0xd3, 0x8a, 0x60, 0x02, 0xea, 0x80, 0xf9, 0x89, 0xcc, 0x08, 0xd8, 0xac, 0x07, 0x8a, 0x55, 0xac, 0x6d, 0x69, 0xd0, 0xa2, 0xcd, 0x75, 0x5a, 0xe2, 0xed, 0x64, 0xc3, 0x0b, 0x4c, 0x7c, 0x79, 0xf4, 0x49, 0xfc, 0x4e, 0xa5, 0x2a, 0x15, 0x7c, 0x56, 0x52, 0x15, 0x99, 0x54, 0x51, 0x07, 0x51, 0x0d, 0x92, 0x26, 0x4f, 0x41, 0xf3, 0x59, 0x78, 0x7f, 0x11, 0xfc, 0x45, 0x77, 0xd0, 0xa9, 0x52, 0xda, 0xa1, 0x0c, 0xd6, 0xd7, 0xd1, 0x70, 0x82, 0x26, 0x20, 0x0e, 0xab, 0x5b, 0x89, 0xd3, 0xb8, 0x3c, 0x55, 0x95, 0x2d, 0x89, 0x35, 0x29, 0x51, 0x35, 0x03, 0x0c, 0x89, 0xcc, 0x16, 0x9f, 0xfe, 0xb3, 0xf1, 0x4d, 0xd7, 0x81, 0xf7, 0xae, 0xba, 0xa2, 0x70, 0x2d, 0x0b, 0xc3, 0x7a, 0x43, 0xb6, 0xf5, 0x85, 0xb5, 0x5a, 0xf9, 0xed, 0x6d, 0x93, 0x83, 0x41, 0x37, 0x0f, 0x0d, 0x7e, 0x3d, 0xd0, 0x41, 0x3f, 0x90, 0x5a, 0xce, 0xe2, 0x17, 0x6d, 0xb6, 0x7d, 0xc8, 0x65, 0x03, 0x4d, 0xb5, 0x0d, 0x3d, 0x25, 0xa4, 0xcf, 0x98, 0x8d, 0xf9, 0x62, 0x39, 0x29, 0xba, 0xba, 0xb9, 0xf0, 0xef, 0x2d, 0xae, 0x3c, 0x37, 0x9f, 0xc3, 0x3a, 0xab, 0x5d, 0x4c, 0x11, 0x1b, 0x8e, 0x70, 0x56, 0x5a, 0x77, 0x37, 0x56, 0xed, 0xb5, 0x75, 0x71, 0x49, 0xd4, 0x6a, 0x16, 0xb4, 0x86, 0xc8, 0x2d, 0x91, 0xbc, 0xec, 0x76, 0xdb, 0x0b, 0x05, 0x4e, 0x30, 0xf0, 0x5f, 0x59, 0x95, 0x28, 0x86, 0x31, 0xe5, 0xbe, 0x0b, 0x84, 0xbc, 0xb4, 0x18, 0x99, 0xe5, 0xe8, 0xb7, 0x2d, 0xae, 0x2e, 0x2e, 0x2f, 0xae, 0x19, 0x4c, 0x53, 0x16, 0xf4, 0x8c, 0x64, 0x49, 0x32, 0xd0, 0x60, 0xe7, 0xac, 0xad, 0xdb, 0x67, 0x56, 0x34, 0x80, 0xae, 0x69, 0x9a, 0x9b, 0x1d, 0x1b, 0x7d, 0x7e, 0xbd, 0xd7, 0x2f, 0x8c, 0xd3, 0x17, 0x97, 0xd6, 0x36, 0x35, 0x1c, 0x05, 0x07, 0x17, 0x5c, 0x54, 0x6f, 0xf8, 0xdb, 0x4e, 0x30, 0x7a, 0xf9, 0x9c, 0xd2, 0x7a, 0x81, 0x0b, 0x95, 0xed, 0x45, 0x95, 0x7b, 0x4b, 0x5b, 0xcb, 0x9b, 0x13, 0x6a, 0xd7, 0x5c, 0xba, 0x93, 0x0d, 0x3a, 0xb4, 0xff, 0x00, 0xf5, 0x3c, 0x4f, 0x2e, 0x97, 0x34, 0xc8, 0xf3, 0x19, 0x88, 0xc1, 0xcf, 0x55, 0x8e, 0xeb, 0x88, 0x55, 0xbb, 0xa7, 0x53, 0x86, 0xd7, 0xb7, 0xba, 0x6d, 0x6b, 0xbb, 0xd3, 0x6c, 0x45, 0x4a, 0x64, 0x53, 0x6d, 0x20, 0x4e, 0xce, 0x30, 0x08, 0x34, 0xa9, 0x97, 0x60, 0x99, 0x2e, 0xce, 0x44, 0x2a, 0x7d, 0x85, 0xcd, 0x97, 0x18, 0xe1, 0x34, 0x28, 0x3a, 0xdd, 0xd6, 0xc6, 0xee, 0xb5, 0xc0, 0x06, 0x91, 0x15, 0x18, 0xc7, 0x35, 0xe5, 0xd2, 0xe9, 0x82, 0x01, 0x70, 0x03, 0x02, 0x01, 0x1c, 0xc1, 0x27, 0xab, 0x59, 0xa3, 0xfd, 0xaa, 0xb7, 0x73, 0x0c, 0x38, 0xd9, 0xd4, 0x15, 0x06, 0x4c, 0x80, 0xf6, 0x69, 0x27, 0x97, 0x37, 0x47, 0xff, 0x00, 0x63, 0x8d, 0xd6, 0xff, 0x00, 0x11, 0xb4, 0xa7, 0x7d, 0x6e, 0x69, 0x54, 0x7d, 0x56, 0xd3, 0x73, 0x81, 0x26, 0x93, 0x8b, 0x1d, 0x00, 0x83, 0xa6, 0x77, 0x8d, 0xc6, 0xeb, 0x81, 0x5b, 0x85, 0xd8, 0xd5, 0xe2, 0x54, 0x78, 0x77, 0x0f, 0xb1, 0xa1, 0x42, 0x85, 0xad, 0x46, 0x5d, 0x5c, 0x3d, 0x94, 0x43, 0x72, 0x0c, 0xb1, 0x80, 0x8c, 0xea, 0x90, 0x1e, 0x4e, 0x71, 0xd6, 0x40, 0x13, 0x53, 0x87, 0xd3, 0xff, 0x00, 0x69, 0x2c, 0xe9, 0xd0, 0x7d, 0xd5, 0x6b, 0x9a, 0x6e, 0xfc, 0x45, 0xd5, 0xc5, 0x4a, 0xce, 0x70, 0x6b, 0x20, 0x86, 0xb0, 0x36, 0x74, 0x87, 0x12, 0x66, 0x03, 0x40, 0x86, 0x9c, 0x2c, 0xb7, 0x96, 0x16, 0x3c, 0x1e, 0x80, 0xab, 0x46, 0xce, 0x9d, 0xdf, 0x13, 0xb8, 0x77, 0x85, 0x49, 0xd5, 0xc6, 0xba, 0x95, 0x5e, 0xef, 0x31, 0x1a, 0x9d, 0x24, 0x36, 0x25, 0xc4, 0x6d, 0xa5, 0xb8, 0xda, 0x0e, 0xed, 0x01, 0xfb, 0x0f, 0x85, 0xda, 0x59, 0xd2, 0xb5, 0xb9, 0xbe, 0x2d, 0x1a, 0x4b, 0xe8, 0xb5, 0x82, 0x5c, 0x60, 0x97, 0x19, 0x20, 0x64, 0x93, 0xb4, 0xad, 0x4a, 0xd6, 0xa3, 0x8b, 0x71, 0xeb, 0xc6, 0x54, 0x75, 0x46, 0xd0, 0xb6, 0xa0, 0xdb, 0x79, 0xa4, 0xf2, 0xd7, 0x6b, 0x79, 0x0f, 0x7b, 0x67, 0x90, 0xd2, 0xca, 0x60, 0xf2, 0x20, 0x90, 0xa2, 0xe7, 0x87, 0x58, 0xba, 0xf2, 0x97, 0x07, 0xe1, 0xb6, 0x74, 0x6d, 0xe8, 0xb0, 0xb2, 0xe2, 0xe1, 0xd4, 0x69, 0x35, 0xa1, 0xad, 0x6b, 0xb5, 0x35, 0x90, 0x37, 0x2e, 0x70, 0xdb, 0x3e, 0x50, 0x67, 0x75, 0x8b, 0x8e, 0xf0, 0xca, 0xf6, 0xf5, 0x1b, 0x71, 0x65, 0x6b, 0x42, 0xbd, 0x90, 0x71, 0xb9, 0xb9, 0xa5, 0xe2, 0x16, 0x55, 0xb8, 0x78, 0x32, 0xd7, 0x07, 0x46, 0x40, 0x8c, 0x34, 0x96, 0x8c, 0x01, 0x88, 0x85, 0x97, 0x8c, 0x70, 0xfa, 0xbc, 0x4a, 0xcd, 0xb7, 0x3c, 0x20, 0x5b, 0x4d, 0xe0, 0x6b, 0xab, 0xf8, 0x8e, 0x34, 0xdd, 0x56, 0x86, 0x99, 0xd0, 0xd7, 0x80, 0x4b, 0x1a, 0x41, 0xe4, 0x0e, 0xe7, 0x62, 0x65, 0x76, 0x78, 0x35, 0xc5, 0x2b, 0xce, 0x1b, 0x4a, 0xb5, 0x2a, 0x3e, 0x08, 0x1f, 0xbb, 0x34, 0xf0, 0x7c, 0x37, 0x34, 0x96, 0x96, 0xc8, 0xc6, 0x0b, 0x48, 0x9d, 0xb9, 0xad, 0xe9, 0x88, 0x00, 0x61, 0x06, 0x75, 0x19, 0xd8, 0x8e, 0x4b, 0xcc, 0x7b, 0x35, 0x8e, 0x31, 0x78, 0x03, 0x4f, 0xf1, 0x7f, 0xe4, 0xbd, 0x3b, 0x48, 0x68, 0x04, 0x6e, 0x55, 0x01, 0x06, 0x4c, 0x24, 0x3d, 0xdd, 0x8e, 0xf8, 0xca, 0x79, 0x27, 0x29, 0xe9, 0x00, 0xf7, 0x3b, 0xf6, 0x57, 0x98, 0x24, 0x81, 0xfa, 0xa9, 0x89, 0xe4, 0x02, 0x93, 0x20, 0xee, 0xaa, 0x4f, 0xf9, 0x7e, 0x6b, 0xd3, 0x7b, 0x5f, 0x8b, 0x8a, 0x24, 0xc6, 0x41, 0x5e, 0x6c, 0x8e, 0x40, 0x09, 0xe5, 0xdd, 0x41, 0x03, 0x56, 0x40, 0xd5, 0xcf, 0x29, 0x39, 0xb1, 0x1d, 0x95, 0x67, 0x7c, 0x47, 0xa2, 0x20, 0xea, 0x8e, 0x5c, 0x90, 0x44, 0x6f, 0x84, 0x1c, 0x09, 0x25, 0x38, 0xc6, 0x08, 0x8e, 0xab, 0xcf, 0x7b, 0x67, 0xff, 0x00, 0x2e, 0xa7, 0x20, 0xff, 0x00, 0x78, 0x3e, 0xc5, 0x74, 0xf8, 0x48, 0x69, 0xe1, 0xb6, 0xa0, 0xf2, 0xa4, 0xc8, 0xe5, 0xc9, 0x6e, 0xc6, 0x01, 0x3f, 0x68, 0x48, 0x8d, 0x52, 0x1c, 0x09, 0xe8, 0x56, 0xbd, 0x7b, 0x72, 0xfb, 0xbb, 0x6a, 0xe1, 0xc7, 0xf7, 0x24, 0xf9, 0x7f, 0xc5, 0x3d, 0x7e, 0x0b, 0x56, 0xa5, 0x85, 0x51, 0x52, 0xb9, 0xb6, 0xb9, 0x34, 0x5b, 0x58, 0x97, 0x3c, 0x69, 0x92, 0x0c, 0x01, 0x20, 0xf2, 0xfa, 0xa6, 0x78, 0x63, 0xa9, 0xba, 0x93, 0xad, 0x2b, 0xba, 0x83, 0xe9, 0xb3, 0xc3, 0xf7, 0x43, 0xc1, 0x6c, 0xfd, 0xfb, 0xa5, 0x43, 0x85, 0x8a, 0x21, 0x83, 0xc6, 0x79, 0x0d, 0xac, 0xea, 0xa4, 0x90, 0x3c, 0xc4, 0xef, 0x3f, 0x3d, 0xd6, 0xe5, 0xcd, 0xb8, 0xad, 0x42, 0xad, 0x02, 0xe0, 0x1b, 0x51, 0xa4, 0x12, 0x06, 0xd2, 0x3f, 0x9a, 0xc1, 0x7d, 0xc3, 0xe9, 0xdd, 0x59, 0x36, 0xd5, 0xe5, 0xc0, 0x34, 0x0d, 0x2e, 0xd8, 0xb6, 0x04, 0x2c, 0x23, 0x86, 0x91, 0x59, 0xcf, 0xa5, 0x70, 0xe6, 0x07, 0xb1, 0xac, 0xa9, 0x00, 0x79, 0xb4, 0xe3, 0x7f, 0x45, 0x92, 0xcf, 0x86, 0xb2, 0xd8, 0xd0, 0x70, 0xa8, 0xf7, 0x1a, 0x4d, 0x73, 0x1b, 0x23, 0x91, 0x3f, 0xc9, 0x53, 0xb8, 0x7b, 0x4d, 0xb5, 0xc5, 0xb8, 0x7b, 0xcb, 0x6b, 0x39, 0xcf, 0x31, 0xca, 0x48, 0x2a, 0x2b, 0x70, 0xd7, 0x3a, 0xb5, 0x4a, 0x94, 0xae, 0x2b, 0x51, 0x35, 0x40, 0x15, 0x0b, 0x40, 0x32, 0x40, 0x89, 0xce, 0xc6, 0x31, 0x3b, 0xc2, 0xce, 0xcb, 0x71, 0x4b, 0xc2, 0x2c, 0x7d, 0x4d, 0x14, 0x9a, 0x58, 0x59, 0x32, 0x1c, 0x0e, 0x24, 0xf3, 0x9d, 0xd6, 0x4f, 0xc4, 0x52, 0x07, 0x3a, 0xff, 0x00, 0xfd, 0x84, 0xfe, 0x4a, 0x4d, 0xc5, 0x33, 0xb7, 0x8a, 0x7f, 0xfd, 0x37, 0x7e, 0x8a, 0x45, 0x76, 0xea, 0xc0, 0xa9, 0xce, 0x3f, 0x76, 0xee, 0x8b, 0x4a, 0xd2, 0xde, 0x85, 0xbd, 0x3b, 0xa6, 0x3d, 0x8f, 0xa8, 0xcb, 0x8a, 0xaf, 0xa8, 0xf6, 0x9a, 0x6e, 0x88, 0x71, 0x18, 0xf4, 0xdf, 0xa4, 0x95, 0xc6, 0x77, 0xb3, 0xf4, 0xac, 0x5e, 0xea, 0xde, 0xce, 0xde, 0x5d, 0xf0, 0xea, 0x9a, 0x8b, 0xfc, 0x0f, 0x0d, 0xd5, 0x28, 0x12, 0x77, 0x26, 0x9b, 0xb0, 0x39, 0x19, 0x04, 0x10, 0x7a, 0xae, 0xc7, 0x14, 0xb4, 0xb4, 0xe2, 0xfc, 0x3f, 0xf0, 0xdc, 0x46, 0x93, 0xde, 0xd7, 0x41, 0xf2, 0x35, 0xc0, 0xb1, 0xc3, 0x21, 0xcd, 0x74, 0x48, 0x23, 0x91, 0x9c, 0x2e, 0x55, 0xbf, 0xb2, 0xfc, 0x3d, 0xb5, 0x9b, 0x56, 0xfe, 0xeb, 0x8a, 0xf1, 0x30, 0xd2, 0x4b, 0x69, 0xde, 0xbd, 0xcf, 0x63, 0x49, 0xcf, 0xba, 0x04, 0x1c, 0xf5, 0x95, 0xde, 0xae, 0x68, 0xbe, 0xd9, 0xd4, 0xe9, 0x35, 0xd4, 0xc6, 0x9d, 0x02, 0x28, 0xb8, 0x80, 0x23, 0x68, 0xe9, 0x1c, 0xb0, 0xbc, 0xdf, 0xec, 0x2b, 0xf3, 0x62, 0xce, 0x1a, 0x78, 0xc3, 0x99, 0xc2, 0xdb, 0x48, 0x51, 0x75, 0x2a, 0x56, 0x10, 0xf7, 0x53, 0x02, 0x20, 0xb8, 0xc8, 0x18, 0xe7, 0x13, 0xf6, 0x5d, 0x3e, 0x37, 0xc3, 0xa9, 0x5e, 0xf0, 0x3f, 0xd9, 0xb6, 0xb5, 0x1f, 0x6a, 0x1a, 0x18, 0x29, 0xd4, 0xf0, 0x1c, 0xfd, 0x05, 0x8e, 0x6b, 0x9a, 0xed, 0x38, 0x93, 0xe5, 0xdd, 0x64, 0xe1, 0xd4, 0xaf, 0x28, 0xd5, 0xd5, 0x79, 0xc4, 0xab, 0x5d, 0xb4, 0xee, 0xdf, 0xc2, 0x0a, 0x62, 0x7b, 0x40, 0xfa, 0x2c, 0x9c, 0x56, 0xde, 0x9d, 0xf5, 0x3a, 0x0d, 0x2e, 0xab, 0x48, 0xd1, 0xaf, 0x4e, 0xbb, 0x48, 0xa2, 0x4f, 0xba, 0x46, 0x3e, 0x52, 0x3e, 0x2b, 0x5b, 0x8a, 0x70, 0xea, 0x77, 0x17, 0xcc, 0xbe, 0xb1, 0xba, 0xb9, 0xb2, 0xbf, 0x6b, 0x0b, 0x3c, 0x46, 0xd2, 0x2e, 0x65, 0x56, 0xcc, 0x81, 0x51, 0x84, 0x43, 0x80, 0xcc, 0x19, 0x07, 0xa2, 0xeb, 0x8b, 0x86, 0xe8, 0x01, 0xe2, 0xa1, 0x7c, 0x0d, 0x44, 0x52, 0x70, 0x07, 0x9e, 0x3a, 0x2d, 0x3e, 0x11, 0x6f, 0x47, 0x86, 0x50, 0xad, 0x45, 0x9e, 0x33, 0x85, 0x5a, 0xf5, 0x2b, 0xff, 0x00, 0x72, 0xec, 0x17, 0xb8, 0xba, 0x3e, 0xb1, 0x2b, 0x7b, 0xf1, 0x14, 0xa4, 0xf9, 0x6a, 0xcf, 0xff, 0x00, 0x13, 0x93, 0x35, 0x98, 0x79, 0x55, 0x33, 0xff, 0x00, 0xe5, 0xbb, 0x0b, 0x93, 0xc4, 0x78, 0x3d, 0x9d, 0xf5, 0xc1, 0xae, 0xe7, 0x71, 0x1a, 0x35, 0xc8, 0xd3, 0xe2, 0x5b, 0xd7, 0xab, 0x4f, 0x6e, 0xc0, 0xe9, 0xfa, 0x2d, 0x31, 0xc1, 0xaf, 0x29, 0xd4, 0xfd, 0xc7, 0xb4, 0x3c, 0x69, 0x8c, 0x1b, 0x36, 0xa5, 0x3a, 0x75, 0x3e, 0x19, 0x62, 0xd8, 0xa3, 0xc1, 0x98, 0xdb, 0xca, 0x37, 0x57, 0xf7, 0x5c, 0x42, 0xfe, 0xb5, 0x09, 0x75, 0x1f, 0x19, 0xad, 0x6b, 0x69, 0x92, 0x22, 0x43, 0x58, 0xd0, 0x09, 0x82, 0x40, 0x99, 0x85, 0xbf, 0xc5, 0x6d, 0x2c, 0xf8, 0x9d, 0x8d, 0x4b, 0x5b, 0xeb, 0x47, 0xd6, 0xa0, 0xfd, 0xdb, 0xa2, 0x0f, 0x5d, 0xf7, 0x07, 0xe0, 0x25, 0x71, 0xf8, 0x7f, 0xb2, 0xfc, 0x1e, 0xd2, 0xed, 0x95, 0xcd, 0xa5, 0xc5, 0x6a, 0xd4, 0xc4, 0x53, 0x75, 0xc3, 0xdf, 0x53, 0xc3, 0x1f, 0xe5, 0x07, 0x00, 0xfd, 0x57, 0x4d, 0x96, 0x54, 0xc7, 0x17, 0x7f, 0x11, 0x0c, 0xac, 0x6b, 0x3e, 0x88, 0xb7, 0x80, 0x30, 0x00, 0x71, 0x74, 0xe7, 0x9c, 0x9f, 0xeb, 0x9e, 0x8d, 0xe7, 0xb2, 0xfc, 0x1a, 0xea, 0xe9, 0xd7, 0x15, 0xf8, 0x54, 0x3d, 0xe6, 0x5f, 0xa3, 0x53, 0x05, 0x49, 0xcf, 0x99, 0xad, 0x20, 0x1f, 0x88, 0x3f, 0x9a, 0xd8, 0xe3, 0x3c, 0x2c, 0x71, 0x3a, 0x16, 0xd4, 0x9a, 0xeb, 0xbb, 0x41, 0x42, 0xa8, 0xaa, 0xc7, 0x50, 0x6b, 0x1a, 0x44, 0x34, 0xb6, 0x32, 0x20, 0x60, 0xef, 0xfe, 0xab, 0x6b, 0x86, 0x59, 0xd5, 0xb1, 0x0e, 0xd7, 0x71, 0xc4, 0x2e, 0x64, 0x11, 0x35, 0xdc, 0xc7, 0x6f, 0xd2, 0x00, 0x5a, 0x7c, 0x6f, 0x84, 0x56, 0xe2, 0xa6, 0xb3, 0x2a, 0xde, 0xf1, 0x3a, 0x56, 0x95, 0x9b, 0xa5, 0xf6, 0xf4, 0xc5, 0x10, 0x20, 0x81, 0x39, 0x23, 0x50, 0x30, 0x07, 0x33, 0xda, 0x17, 0x4e, 0xca, 0x9b, 0x6c, 0xec, 0x68, 0xdb, 0xd1, 0xa3, 0x5f, 0xc3, 0xa4, 0xc6, 0xb1, 0xba, 0x88, 0x71, 0x80, 0x07, 0x39, 0xdd, 0x6c, 0x0a, 0xaf, 0x81, 0x34, 0x1f, 0xf3, 0x03, 0xee, 0x52, 0x75, 0x67, 0x6e, 0x2d, 0xea, 0x93, 0xea, 0xdf, 0xd5, 0x2f, 0x1a, 0xa7, 0xff, 0x00, 0x85, 0xab, 0xf3, 0x6f, 0xea, 0x90, 0xad, 0x53, 0x04, 0x5b, 0x56, 0x13, 0xff, 0x00, 0x4f, 0xea, 0xab, 0xc6, 0xa9, 0x02, 0x2d, 0xaa, 0xfc, 0xdb, 0x8f, 0xaa, 0xc6, 0xea, 0xcf, 0x0e, 0x07, 0xf0, 0xf5, 0x49, 0xff, 0x00, 0xeb, 0xfa, 0xa6, 0x2e, 0x1e, 0x32, 0xeb, 0x7a, 0xa3, 0xe2, 0xdf, 0xd5, 0x51, 0xac, 0xf3, 0x91, 0x6d, 0x54, 0x9e, 0x7e, 0x66, 0x0f, 0xcd, 0x2f, 0x16, 0xa3, 0x64, 0x8b, 0x7a, 0x99, 0xee, 0xd3, 0xf9, 0xa4, 0x2b, 0x54, 0x8c, 0x50, 0x7c, 0xf3, 0xcb, 0x7f, 0x55, 0x46, 0xb3, 0xe4, 0x45, 0x07, 0xc8, 0x19, 0xf3, 0x34, 0x7e, 0x6a, 0x45, 0x4a, 0xa7, 0x3e, 0x03, 0xfa, 0x1c, 0xb7, 0xf5, 0x4b, 0x88, 0x5b, 0xba, 0xee, 0xca, 0xa5, 0x0d, 0x41, 0xa6, 0xa3, 0x71, 0xb6, 0x3e, 0x5f, 0xaa, 0xc9, 0x4d, 0xba, 0x58, 0x03, 0x80, 0xc0, 0x89, 0xca, 0xd0, 0x7f, 0x0d, 0x71, 0xb0, 0xba, 0xb7, 0x35, 0x4c, 0xd6, 0x2f, 0x2d, 0x71, 0x04, 0xe9, 0xd4, 0x65, 0x37, 0x59, 0xd6, 0xa7, 0x5e, 0xa5, 0x5b, 0x5a, 0xd4, 0xda, 0x6a, 0xb4, 0x36, 0xa0, 0x7b, 0x49, 0x00, 0x8c, 0x48, 0x83, 0xba, 0x2d, 0x78, 0x6b, 0x68, 0x3a, 0xd9, 0xcd, 0xa9, 0x3e, 0x13, 0x2a, 0x03, 0x23, 0xde, 0x2e, 0x20, 0xc9, 0xf8, 0xa5, 0x5f, 0x86, 0x17, 0x54, 0xae, 0xf1, 0x58, 0xb2, 0xa3, 0xaa, 0x8a, 0xb4, 0xdd, 0xa7, 0xdd, 0x23, 0x19, 0xed, 0x85, 0x9a, 0xce, 0xda, 0xbd, 0x2a, 0x95, 0x2a, 0x57, 0xab, 0xad, 0xc5, 0x81, 0x81, 0x94, 0xe4, 0x30, 0x01, 0xda, 0x77, 0x54, 0xeb, 0x77, 0x36, 0xfc, 0x5c, 0x87, 0x88, 0x14, 0xfc, 0x3d, 0x00, 0x6d, 0x99, 0x9f, 0xba, 0xd6, 0x6f, 0x0a, 0xa6, 0xcb, 0xbb, 0x8a, 0xcd, 0x71, 0xf0, 0xeb, 0x53, 0x2c, 0x2c, 0x02, 0x00, 0x9e, 0x61, 0x4d, 0x3e, 0x1d, 0x5a, 0x6d, 0x7c, 0x7b, 0xa2, 0xf6, 0x5b, 0x90, 0x5a, 0xdd, 0x11, 0x30, 0x22, 0x4e, 0x72, 0x55, 0x9e, 0x1c, 0x0d, 0x91, 0xb7, 0x35, 0x0f, 0x99, 0xfa, 0xcb, 0xf4, 0x8c, 0xf9, 0xb5, 0x6d, 0xfc, 0xd5, 0xdc, 0xd8, 0x8b, 0x8a, 0xb5, 0x1f, 0xe2, 0x96, 0xeb, 0xa2, 0x68, 0xc6, 0x91, 0xcf, 0xfd, 0x56, 0x2a, 0x7c, 0x36, 0xa3, 0xbc, 0x06, 0x57, 0xb9, 0x35, 0x68, 0xd1, 0x32, 0xd6, 0x68, 0x19, 0x23, 0x69, 0xea, 0x9b, 0xb8, 0x7d, 0x56, 0x9a, 0xb4, 0xe9, 0xdd, 0x3e, 0x9d, 0xbb, 0xdc, 0x5c, 0x58, 0x18, 0x01, 0x12, 0x41, 0xdf, 0x90, 0x2b, 0x66, 0x8d, 0xbf, 0x85, 0x56, 0xe2, 0xa8, 0x79, 0x26, 0xa9, 0x06, 0x67, 0x62, 0x00, 0x1f, 0x7c, 0xaa, 0x60, 0xaa, 0xca, 0x0d, 0x69, 0x78, 0xac, 0xf9, 0xf7, 0x9d, 0x2d, 0x5a, 0x37, 0xf6, 0xf7, 0x95, 0xea, 0xd0, 0xb8, 0xb4, 0x65, 0x06, 0xdc, 0xd2, 0x2e, 0x8d, 0x55, 0x0e, 0x97, 0xb1, 0xc2, 0x0b, 0x1c, 0x63, 0x00, 0x91, 0x20, 0xf2, 0x2d, 0x13, 0x39, 0x07, 0x62, 0xe2, 0x8d, 0x4b, 0x86, 0xd2, 0x15, 0x69, 0xd3, 0x3a, 0x1e, 0xda, 0x8d, 0x8a, 0x98, 0x90, 0x64, 0x72, 0xce, 0xea, 0x6b, 0x50, 0xab, 0x5a, 0xbd, 0x1a, 0x8e, 0xa2, 0xc9, 0xa4, 0xe2, 0xe6, 0x7e, 0xf2, 0x60, 0x90, 0x5b, 0xbc, 0x74, 0x27, 0xa4, 0xa2, 0xa5, 0xb3, 0x9f, 0x77, 0x4e, 0xe4, 0xd2, 0xa5, 0xe3, 0x52, 0x63, 0xd8, 0xdf, 0xde, 0x1f, 0xe2, 0x2d, 0xed, 0x11, 0xe5, 0xd9, 0x62, 0xb0, 0xb2, 0xb8, 0xb5, 0xa9, 0x5e, 0xe2, 0xa9, 0xa5, 0x56, 0xe2, 0xbb, 0x81, 0xa9, 0x53, 0x51, 0x18, 0x6c, 0xe9, 0x68, 0x1c, 0x80, 0x07, 0x6e, 0xa4, 0x91, 0x12, 0xb6, 0xcf, 0x8f, 0x03, 0x4b, 0x29, 0x41, 0xe7, 0xaf, 0xf9, 0x2c, 0x16, 0xd6, 0xb5, 0x28, 0x57, 0xaf, 0x56, 0x9d, 0x3a, 0x60, 0xdc, 0x3c, 0x54, 0x7f, 0xef, 0x0e, 0x48, 0x0d, 0x6f, 0xc0, 0xc3, 0x5b, 0xf2, 0x5c, 0xe1, 0xec, 0xfd, 0x21, 0x7d, 0x52, 0xe9, 0xce, 0xae, 0x2b, 0xd4, 0xa8, 0x2b, 0xbb, 0x4d, 0xed, 0x56, 0x33, 0x58, 0x8f, 0xe0, 0x69, 0x0d, 0x23, 0xca, 0x06, 0x41, 0xc6, 0xd1, 0x92, 0x7a, 0x37, 0x16, 0xcf, 0xab, 0x56, 0xde, 0xab, 0xd8, 0xc7, 0x3e, 0x8b, 0x8b, 0x99, 0xe6, 0x26, 0x25, 0xa4, 0x67, 0xae, 0x0c, 0x7d, 0x16, 0x70, 0x2e, 0x0b, 0x81, 0x3e, 0x08, 0xe6, 0x4c, 0x91, 0xf6, 0x58, 0x2d, 0x6c, 0xdd, 0x6c, 0x6b, 0x16, 0x0a, 0x20, 0xd5, 0x7f, 0x88, 0xf7, 0x73, 0x71, 0xda, 0x7e, 0x40, 0x05, 0x54, 0x6d, 0x5d, 0x4a, 0xb5, 0x5a, 0x8d, 0x14, 0x9a, 0xfa, 0xba, 0x4b, 0xcc, 0x13, 0x3a, 0x44, 0x0f, 0x8c, 0x46, 0x7e, 0x51, 0x95, 0xc8, 0xa9, 0xec, 0xb5, 0xb5, 0x57, 0x39, 0xaf, 0xab, 0x5d, 0xf6, 0x84, 0x97, 0x3a, 0xd1, 0xd7, 0x15, 0x0d, 0x12, 0x4f, 0x22, 0xc9, 0x82, 0x3f, 0xcb, 0xb7, 0x6d, 0x96, 0x4b, 0xbf, 0x66, 0xe9, 0xdd, 0x5d, 0x54, 0xaa, 0x2b, 0xdc, 0xd0, 0x6d, 0x42, 0x0d, 0x5a, 0x74, 0x2e, 0x6a, 0xd3, 0x65, 0x42, 0x06, 0xe4, 0x07, 0x44, 0xf2, 0x27, 0x04, 0x8c, 0x19, 0x39, 0x5d, 0xab, 0x3b, 0x66, 0x5a, 0x5a, 0xd2, 0xb6, 0xb7, 0xa5, 0x4e, 0x95, 0x2a, 0x4d, 0x0d, 0x14, 0xe9, 0xb4, 0x35, 0xad, 0x03, 0x60, 0x07, 0x48, 0x5b, 0x01, 0xa6, 0x64, 0xf2, 0x48, 0x02, 0xec, 0x1f, 0xf4, 0x5e, 0x5f, 0xd9, 0xa0, 0x07, 0x19, 0xbd, 0x00, 0xbb, 0x9e, 0x7a, 0xf9, 0x97, 0xa9, 0x70, 0x0d, 0x70, 0x04, 0x03, 0x02, 0x15, 0x47, 0x94, 0xe0, 0x4f, 0xa2, 0x9c, 0xb8, 0x41, 0x22, 0x53, 0x78, 0x74, 0x0e, 0x4a, 0x1b, 0x3a, 0x8e, 0x41, 0x2b, 0x20, 0x71, 0xc0, 0x89, 0x09, 0xc3, 0xb9, 0x0c, 0x29, 0xc0, 0x99, 0x22, 0x79, 0x29, 0xf3, 0x74, 0x6a, 0xf5, 0x3e, 0xd8, 0x18, 0xaf, 0x43, 0x6c, 0x82, 0xbc, 0xdc, 0xc6, 0xdc, 0xd0, 0x00, 0xc1, 0x2d, 0x12, 0x96, 0xee, 0x88, 0x55, 0x18, 0x38, 0xdf, 0x64, 0x11, 0x91, 0x32, 0x0f, 0x64, 0x16, 0xcb, 0xb4, 0x9c, 0xa0, 0xb6, 0x01, 0x03, 0xaa, 0x4f, 0x0e, 0x11, 0x31, 0x0b, 0xcf, 0xfb, 0x65, 0xff, 0x00, 0x2f, 0x63, 0x5a, 0xe1, 0x9a, 0xb0, 0x67, 0xd0, 0xfe, 0xab, 0xad, 0xc2, 0x40, 0xfd, 0x99, 0x68, 0x40, 0x1f, 0xdd, 0x33, 0xec, 0x16, 0xcb, 0xbe, 0x3f, 0x24, 0xdb, 0xb6, 0x66, 0x13, 0xc9, 0x10, 0x0c, 0x29, 0x88, 0x3b, 0x01, 0xbc, 0x7c, 0x50, 0x79, 0x9c, 0x67, 0x3b, 0xa4, 0xef, 0x51, 0x25, 0x04, 0x10, 0x41, 0x80, 0x00, 0x4b, 0x73, 0x38, 0xe9, 0xf0, 0x57, 0xa3, 0x6c, 0xe7, 0xec, 0x80, 0xd0, 0x70, 0xe3, 0xb6, 0xd9, 0x94, 0xe0, 0x36, 0x20, 0xc1, 0xed, 0x85, 0x2f, 0x39, 0x06, 0x42, 0x92, 0x1c, 0x44, 0x92, 0x20, 0xf4, 0x4d, 0x93, 0x00, 0x06, 0x90, 0x3d, 0x55, 0x60, 0x93, 0x07, 0xea, 0x91, 0xc3, 0x76, 0x33, 0xeb, 0xb2, 0x91, 0xe6, 0xdc, 0xfd, 0x37, 0x4c, 0x48, 0xe8, 0x3f, 0x4e, 0x9e, 0x88, 0x86, 0xce, 0xc6, 0x55, 0x49, 0x2d, 0x82, 0x48, 0x1e, 0xa8, 0x30, 0x32, 0x41, 0x92, 0xa5, 0xd1, 0x06, 0x09, 0x83, 0xb8, 0x94, 0x9a, 0xee, 0xdc, 0xf3, 0xfd, 0x7a, 0x2a, 0x22, 0x4c, 0x83, 0x25, 0x49, 0x71, 0x88, 0x24, 0xc9, 0xc7, 0xa2, 0x7d, 0x25, 0xc5, 0x27, 0x64, 0x88, 0x27, 0xb2, 0x71, 0x91, 0x8c, 0x7a, 0xa6, 0x4e, 0x90, 0x60, 0xa4, 0x0e, 0x33, 0xb9, 0xea, 0x12, 0x0d, 0x12, 0x23, 0x9a, 0x61, 0xa7, 0x54, 0x83, 0x9e, 0x69, 0x80, 0x5b, 0xb9, 0x06, 0x3b, 0x05, 0x23, 0xcc, 0x77, 0x3d, 0xb9, 0x42, 0xbd, 0x31, 0x00, 0x6f, 0x3d, 0x4a, 0x92, 0xdd, 0x2e, 0x93, 0x33, 0xcc, 0x4e, 0xc9, 0x93, 0x30, 0x01, 0x84, 0x48, 0x0e, 0x82, 0x49, 0x1f, 0x34, 0x9d, 0xef, 0x60, 0x03, 0xea, 0x13, 0x06, 0x0e, 0x4e, 0xfc, 0x93, 0x00, 0x09, 0x92, 0x3e, 0x48, 0x32, 0x62, 0x09, 0x48, 0x77, 0x21, 0x32, 0x4f, 0x38, 0x41, 0x22, 0x33, 0x32, 0xa5, 0xd1, 0x88, 0x13, 0x1f, 0x04, 0x3b, 0x39, 0x03, 0x64, 0x09, 0x24, 0x48, 0xc2, 0x3c, 0xd0, 0x40, 0x26, 0x3d, 0x13, 0x18, 0x02, 0x09, 0xf9, 0x20, 0x81, 0x00, 0xe6, 0x47, 0x74, 0x4e, 0xa1, 0x82, 0x4a, 0x18, 0x1e, 0x27, 0x4c, 0x63, 0x7e, 0x5f, 0x9a, 0x59, 0x82, 0x64, 0xe4, 0xa1, 0xb0, 0x67, 0x51, 0x3d, 0xe1, 0x20, 0x20, 0x62, 0x48, 0x3b, 0x4a, 0x51, 0x03, 0xf2, 0x84, 0xcc, 0x73, 0x05, 0x20, 0xd2, 0x06, 0x0f, 0xd5, 0x51, 0xc4, 0x41, 0x11, 0xeb, 0x0a, 0x23, 0x49, 0xc4, 0xc1, 0xfa, 0x26, 0x40, 0x70, 0x80, 0x4e, 0xc9, 0xe9, 0x05, 0xbc, 0xe4, 0x63, 0x75, 0x21, 0xb0, 0xef, 0x34, 0x40, 0xc2, 0x0b, 0x40, 0x38, 0x98, 0x84, 0x34, 0x01, 0xb1, 0x39, 0x4c, 0xb6, 0x06, 0xc0, 0x94, 0x35, 0x80, 0xcc, 0x9d, 0xff, 0x00, 0xad, 0x92, 0xc0, 0x30, 0x0f, 0xd0, 0xa5, 0x04, 0x41, 0x6c, 0x47, 0xaa, 0xa6, 0x83, 0xa6, 0x5d, 0xf0, 0xcc, 0x20, 0xb4, 0xc1, 0x39, 0x93, 0xb6, 0xea, 0x43, 0x41, 0x06, 0x66, 0x7d, 0x4a, 0xa0, 0x07, 0xf5, 0x28, 0x73, 0x44, 0x10, 0x26, 0x12, 0x81, 0x06, 0x53, 0xd3, 0x22, 0x49, 0xc0, 0x4a, 0x04, 0x00, 0x13, 0xd3, 0x82, 0x35, 0x04, 0x10, 0x1b, 0xef, 0x00, 0x09, 0x10, 0x10, 0x1a, 0x20, 0x11, 0xb4, 0x4f, 0xaa, 0x6d, 0xc9, 0xc1, 0xfa, 0x2b, 0x2d, 0x1a, 0xb6, 0xdc, 0x26, 0x04, 0xb8, 0x00, 0x13, 0x70, 0x11, 0x83, 0x85, 0x00, 0x16, 0xbb, 0x03, 0x7c, 0x2f, 0x2d, 0xec, 0xeb, 0x4f, 0xed, 0xbb, 0xd0, 0x26, 0x21, 0xc0, 0xf2, 0x8f, 0x32, 0xf5, 0x2d, 0x00, 0x6d, 0x2a, 0x80, 0xe5, 0x38, 0x48, 0x35, 0xa7, 0x71, 0x8e, 0x49, 0x19, 0x3b, 0x4e, 0x94, 0x41, 0xe8, 0x3e, 0x49, 0x02, 0x1a, 0x39, 0x67, 0xba, 0x60, 0x9c, 0x41, 0xc1, 0x49, 0xda, 0x7c, 0xb0, 0x0e, 0x4c, 0x2a, 0x8f, 0xf3, 0x15, 0xe9, 0xbd, 0xb0, 0x03, 0xc5, 0xa1, 0x3b, 0xc1, 0x85, 0xe6, 0x88, 0x74, 0xe1, 0xc9, 0x79, 0xa7, 0x3b, 0xab, 0x68, 0x81, 0x99, 0xca, 0x0c, 0x02, 0x62, 0x65, 0x2f, 0xe1, 0x90, 0x0c, 0xfd, 0xd2, 0x0e, 0x91, 0xe5, 0x99, 0x29, 0x4c, 0x1c, 0x92, 0x82, 0xd1, 0x24, 0xfe, 0x4b, 0xcf, 0xfb, 0x66, 0x1c, 0xde, 0x1d, 0x4c, 0xf9, 0x63, 0xc5, 0x1c, 0xbf, 0xca, 0x57, 0x53, 0x84, 0x8f, 0xf7, 0x6d, 0xae, 0xd8, 0xa4, 0xd9, 0xf9, 0x05, 0xb8, 0x49, 0x19, 0x41, 0x76, 0xbc, 0x06, 0x84, 0xe3, 0x4f, 0x20, 0x83, 0xb4, 0x89, 0x29, 0xf2, 0x3f, 0xa2, 0x60, 0x62, 0x0f, 0x31, 0xf2, 0x58, 0xce, 0xf1, 0xc9, 0x26, 0x38, 0xc1, 0x0e, 0xdb, 0xd1, 0x58, 0x02, 0x24, 0x01, 0x84, 0xb0, 0x0c, 0x40, 0x29, 0x12, 0x35, 0x0c, 0x41, 0x41, 0x24, 0x82, 0x00, 0x93, 0xe9, 0xb2, 0xa0, 0x4c, 0x41, 0x1b, 0x05, 0x39, 0xf4, 0x08, 0xed, 0x8f, 0x82, 0x52, 0xde, 0x53, 0x29, 0xe9, 0xc8, 0x07, 0x18, 0x94, 0xb0, 0xe8, 0x89, 0xde, 0x36, 0x85, 0x4e, 0x92, 0x20, 0x46, 0x12, 0x00, 0x01, 0x0e, 0x26, 0x42, 0xa1, 0x3c, 0xf6, 0xe8, 0xa0, 0x41, 0x24, 0x91, 0x13, 0xb2, 0x0c, 0x4c, 0x7e, 0x53, 0x29, 0xc4, 0x40, 0xc4, 0xf3, 0xca, 0x1c, 0x00, 0x38, 0xcc, 0xa5, 0xf3, 0x4b, 0x6d, 0xcc, 0x74, 0xe6, 0xac, 0xce, 0x26, 0x16, 0x33, 0x19, 0x9c, 0x09, 0x81, 0x85, 0x6c, 0x22, 0x62, 0x0f, 0xdd, 0x04, 0x4e, 0x5b, 0xfe, 0x88, 0x03, 0x39, 0xd8, 0x29, 0x83, 0x92, 0xe2, 0x81, 0x06, 0x64, 0xe7, 0xaa, 0xb2, 0x44, 0xc1, 0x93, 0xd1, 0x20, 0xe3, 0x27, 0x02, 0x13, 0x02, 0x5c, 0x49, 0x23, 0xe4, 0x90, 0x82, 0x73, 0x8f, 0x40, 0x94, 0x9d, 0x50, 0x06, 0x13, 0xe7, 0x18, 0x93, 0xba, 0x79, 0x80, 0x24, 0x40, 0x4f, 0x94, 0x18, 0x94, 0x9e, 0xec, 0x00, 0x01, 0x58, 0xf5, 0x67, 0x9f, 0xdd, 0x36, 0xbb, 0x1b, 0xfd, 0x15, 0x0e, 0x64, 0x90, 0x8c, 0x11, 0x19, 0x41, 0xf2, 0xc1, 0x26, 0x02, 0x9e, 0xae, 0x0e, 0xdd, 0x06, 0xa1, 0x00, 0xc7, 0x58, 0x58, 0x89, 0x71, 0x33, 0x26, 0x79, 0x21, 0xad, 0x82, 0x07, 0xe6, 0xa9, 0xb2, 0xdd, 0x89, 0x8e, 0xca, 0xc3, 0xb0, 0x51, 0xcc, 0x82, 0x53, 0x6f, 0x94, 0x00, 0x50, 0xe9, 0x24, 0x10, 0x7c, 0xbe, 0x88, 0x8f, 0x53, 0xeb, 0xc9, 0x30, 0x06, 0x65, 0x4c, 0x08, 0x20, 0x67, 0x29, 0x96, 0x8d, 0x32, 0x26, 0x3e, 0xc8, 0x6c, 0xce, 0x02, 0xb2, 0x1a, 0x44, 0x1c, 0x1e, 0x6a, 0x40, 0x69, 0x20, 0x02, 0x50, 0x07, 0x98, 0x92, 0x0c, 0xc4, 0x0c, 0xa2, 0x33, 0xf0, 0x84, 0xe1, 0xa1, 0xb0, 0x0f, 0x62, 0x90, 0x8f, 0x8a, 0x97, 0x1d, 0xa6, 0x3e, 0x49, 0x01, 0x26, 0x00, 0x2a, 0xa0, 0x69, 0xd8, 0xc8, 0x44, 0x64, 0x49, 0x33, 0x09, 0x35, 0xb8, 0x24, 0x9f, 0x82, 0xa2, 0xd8, 0x6f, 0xaa, 0x46, 0x5a, 0x32, 0xa6, 0x4e, 0x9c, 0xa1, 0xa7, 0x11, 0x82, 0x13, 0x23, 0x20, 0x61, 0x58, 0x19, 0x31, 0x1f, 0x35, 0x07, 0x7c, 0x0f, 0x98, 0x4c, 0x13, 0xb6, 0x36, 0x84, 0x06, 0xe0, 0x86, 0xee, 0x12, 0x9d, 0xa4, 0x99, 0xed, 0x95, 0x6d, 0xd4, 0x26, 0x01, 0x93, 0xcd, 0x31, 0xb9, 0x11, 0x04, 0xa0, 0x03, 0x23, 0x49, 0x93, 0x2b, 0xcb, 0xfb, 0x3a, 0xe2, 0x78, 0xd5, 0xf0, 0x20, 0x63, 0x57, 0xfe, 0x40, 0x7e, 0x4b, 0xd3, 0x07, 0x39, 0xd0, 0xd3, 0x13, 0xcb, 0xba, 0x66, 0x31, 0x04, 0x4f, 0xa2, 0x9d, 0x32, 0x32, 0x7e, 0x8a, 0xa1, 0xbb, 0x09, 0x01, 0x30, 0x0b, 0x44, 0xcc, 0x84, 0x60, 0x9d, 0x87, 0xe8, 0xa4, 0x1c, 0x10, 0x40, 0x41, 0x6c, 0xc1, 0xfe, 0x10, 0x7a, 0xa3, 0x47, 0xaa, 0xf5, 0x1e, 0xd8, 0x47, 0x89, 0x42, 0x47, 0x23, 0x0b, 0xcd, 0x1f, 0x78, 0x83, 0xf0, 0x53, 0x90, 0x72, 0x0f, 0xaa, 0x6e, 0xf3, 0x00, 0x04, 0xe1, 0x31, 0x81, 0x96, 0x9f, 0x9c, 0xa5, 0xae, 0x66, 0x06, 0x79, 0x25, 0x00, 0xba, 0x48, 0xf4, 0xca, 0x66, 0x60, 0x81, 0x04, 0x8e, 0xfb, 0x23, 0x10, 0x24, 0x99, 0x2b, 0x81, 0xed, 0x89, 0x9e, 0x19, 0x4c, 0x41, 0xcd, 0x50, 0x06, 0x3b, 0x10, 0xba, 0x5c, 0x28, 0xea, 0xe1, 0x36, 0x64, 0xc4, 0x78, 0x4d, 0x3d, 0x39, 0x05, 0xb6, 0x09, 0x23, 0x24, 0x18, 0x54, 0xd8, 0x98, 0x43, 0xa2, 0x71, 0x8f, 0xcd, 0x11, 0x2e, 0xd9, 0x51, 0xf7, 0x48, 0x84, 0x0c, 0x80, 0xd8, 0xdf, 0xe8, 0x93, 0xe6, 0x08, 0x04, 0x7c, 0x94, 0x89, 0xd3, 0x99, 0xf8, 0xa6, 0x20, 0x8c, 0x7d, 0x10, 0x20, 0x44, 0xcf, 0xd9, 0x48, 0xdc, 0x8f, 0xaa, 0x39, 0xc1, 0x91, 0xe8, 0x53, 0x32, 0x0e, 0x27, 0x0a, 0x4c, 0xb8, 0x13, 0x1d, 0x95, 0xc8, 0x11, 0x11, 0xd1, 0x27, 0x37, 0x23, 0x23, 0xaa, 0x9c, 0xc1, 0x90, 0x4c, 0x6d, 0x94, 0xf3, 0x13, 0xa8, 0x6d, 0x08, 0xc7, 0x2d, 0xd5, 0x4f, 0x97, 0x61, 0x1e, 0xb9, 0x48, 0xe5, 0x91, 0xc8, 0xa4, 0x04, 0xb8, 0x46, 0x71, 0x29, 0xb8, 0x99, 0x81, 0x01, 0x30, 0x31, 0x30, 0x37, 0x83, 0xd5, 0x23, 0x33, 0x80, 0x60, 0x20, 0xc8, 0xd8, 0x7a, 0xa4, 0x70, 0x36, 0x4c, 0x4e, 0xf9, 0x43, 0x63, 0x49, 0x90, 0x62, 0x67, 0x65, 0x24, 0xc6, 0xcd, 0x39, 0xf5, 0x54, 0x1d, 0x81, 0x04, 0xc1, 0xdf, 0x09, 0x46, 0x4c, 0x01, 0x1c, 0x8a, 0x0b, 0xa7, 0x12, 0xd8, 0xea, 0x89, 0x13, 0x1a, 0x80, 0x48, 0x6f, 0x92, 0x31, 0xb0, 0x4e, 0x47, 0x38, 0x03, 0xec, 0xa4, 0x1c, 0x4c, 0x8f, 0x9a, 0x64, 0x08, 0x9d, 0x5f, 0x50, 0x83, 0xee, 0xe0, 0x8d, 0xff, 0x00, 0xc5, 0xb2, 0x33, 0x3a, 0x86, 0xc3, 0x13, 0x0a, 0x4c, 0xcc, 0xe6, 0x3d, 0x13, 0x27, 0x00, 0x13, 0xf9, 0x20, 0x83, 0x38, 0x70, 0x84, 0xb6, 0x22, 0x63, 0x0a, 0x9c, 0x26, 0x20, 0x05, 0x2e, 0x07, 0xa7, 0xc1, 0x31, 0x03, 0x39, 0x43, 0xc9, 0xc9, 0x10, 0x0f, 0xa1, 0x50, 0x5f, 0x8c, 0xfd, 0x92, 0x27, 0x7d, 0x88, 0x21, 0x30, 0x46, 0x08, 0x88, 0x03, 0x29, 0x62, 0x49, 0x24, 0x49, 0x12, 0xa9, 0xa0, 0xec, 0x48, 0x91, 0xde, 0x52, 0x11, 0x90, 0x39, 0x98, 0xdd, 0x10, 0x72, 0x48, 0x0a, 0xa4, 0xef, 0xd5, 0x30, 0x48, 0x22, 0x67, 0x24, 0x84, 0x08, 0x3b, 0x92, 0x0e, 0xe8, 0x13, 0x3b, 0x1f, 0x92, 0x6c, 0x68, 0x20, 0xe9, 0x9f, 0x92, 0xbc, 0x82, 0x01, 0x07, 0xbe, 0x12, 0x38, 0x93, 0x07, 0xb7, 0x74, 0x00, 0x41, 0x91, 0x90, 0x9e, 0x30, 0x48, 0x10, 0x81, 0x1b, 0x89, 0xf4, 0x85, 0x2d, 0x30, 0x49, 0x20, 0x94, 0xe0, 0x6d, 0xca, 0x53, 0x0c, 0x04, 0xc0, 0x90, 0x27, 0xd5, 0x2f, 0x74, 0x92, 0x01, 0xe8, 0x8c, 0x74, 0x03, 0xf3, 0x43, 0x5b, 0x32, 0x32, 0x23, 0x3b, 0xa7, 0x02, 0x60, 0x6e, 0x96, 0x01, 0x12, 0x27, 0xe2, 0x94, 0x8c, 0x64, 0xaa, 0x24, 0x92, 0x73, 0xf4, 0x50, 0x44, 0x90, 0x0e, 0xe9, 0x98, 0x38, 0x03, 0x6e, 0xc8, 0xd3, 0x98, 0x04, 0xa4, 0x5a, 0x0e, 0x48, 0x3f, 0x64, 0x16, 0x0d, 0xc4, 0xc2, 0xa0, 0xdf, 0x90, 0x40, 0xd8, 0x88, 0x30, 0x77, 0x3b, 0x24, 0x1a, 0x36, 0x6b, 0x4f, 0xaa, 0xbf, 0x74, 0x73, 0xf5, 0x52, 0x77, 0xc1, 0xcf, 0xd9, 0x21, 0xa8, 0x41, 0x04, 0x77, 0xca, 0xf2, 0xfe, 0xce, 0x8d, 0x3c, 0x7e, 0xf8, 0x13, 0x20, 0x83, 0x1f, 0x07, 0xaf, 0x51, 0x92, 0x04, 0x82, 0x0e, 0xfe, 0x8a, 0x83, 0x41, 0x26, 0x0a, 0x00, 0xc4, 0xc8, 0x40, 0x68, 0x8c, 0xc4, 0xa6, 0xe1, 0x88, 0x27, 0x74, 0x08, 0x02, 0x32, 0x99, 0x3c, 0xb6, 0x84, 0x88, 0x97, 0x01, 0x8c, 0xf7, 0x57, 0xa7, 0xfc, 0xdf, 0x45, 0xe8, 0xbd, 0xaf, 0x04, 0xd4, 0xa1, 0x03, 0x60, 0x57, 0x9b, 0x3b, 0xc1, 0xdd, 0x27, 0x91, 0x32, 0x79, 0xa9, 0x90, 0x36, 0xdd, 0x1e, 0x62, 0x0e, 0x70, 0x93, 0x49, 0x06, 0x46, 0xe8, 0x0f, 0x90, 0x67, 0x74, 0x12, 0x79, 0xc4, 0x1e, 0xc9, 0x17, 0x0d, 0x27, 0x05, 0x71, 0x7d, 0xad, 0x8f, 0xd9, 0xb4, 0xc6, 0x75, 0x78, 0x8d, 0x8e, 0x7c, 0x9d, 0xfa, 0x2d, 0xee, 0x13, 0xe5, 0xe1, 0x76, 0x80, 0x81, 0xfd, 0xd3, 0x39, 0x76, 0x5b, 0xa0, 0xb8, 0x80, 0x72, 0x3a, 0xab, 0x0e, 0x20, 0x41, 0x84, 0x9d, 0xb9, 0x91, 0x8e, 0x49, 0x07, 0x40, 0x12, 0x4e, 0x13, 0x2e, 0xc6, 0x26, 0x13, 0x93, 0x27, 0x78, 0xe4, 0x89, 0x33, 0x8d, 0x92, 0x24, 0x73, 0x80, 0xa1, 0xc4, 0x41, 0x00, 0x99, 0x3c, 0xd4, 0xe2, 0x33, 0x25, 0x00, 0x0e, 0x46, 0x15, 0x36, 0x27, 0x3c, 0xb6, 0x4c, 0xf4, 0x98, 0x48, 0x38, 0x6c, 0x09, 0xc1, 0xca, 0x62, 0x41, 0x38, 0xc6, 0xfb, 0xa9, 0x73, 0xa4, 0xe0, 0x19, 0x54, 0xc3, 0x38, 0xcf, 0xa1, 0x4d, 0xb1, 0x99, 0x88, 0xe8, 0x88, 0xe8, 0x00, 0xf8, 0xa2, 0x48, 0x1c, 0x92, 0x71, 0xd2, 0x64, 0x99, 0x46, 0xac, 0xcf, 0x51, 0x09, 0x02, 0x3d, 0x16, 0x3b, 0xba, 0xce, 0xa3, 0x67, 0x5a, 0xa3, 0x00, 0x2e, 0x63, 0x0b, 0x80, 0x3b, 0x60, 0x4a, 0xf2, 0xc7, 0xda, 0x5b, 0xb9, 0x33, 0x4e, 0xde, 0x46, 0x3d, 0xd2, 0xa7, 0xfd, 0xa7, 0xbb, 0xc8, 0x34, 0x68, 0x76, 0xf2, 0x9c, 0xfd, 0x52, 0xff, 0x00, 0x69, 0xae, 0xcf, 0xfe, 0x9d, 0x08, 0x1b, 0x8d, 0x25, 0x4f, 0xfb, 0x4b, 0x78, 0xe3, 0x9a, 0x74, 0x20, 0x6d, 0xe5, 0x29, 0xbf, 0xda, 0x4b, 0xdd, 0x39, 0x6d, 0x08, 0xec, 0xd2, 0x7f, 0x35, 0x8f, 0xfd, 0xa5, 0xbd, 0x39, 0x6b, 0x68, 0x93, 0xff, 0x00, 0x49, 0x1f, 0x9a, 0x0f, 0xb4, 0x5c, 0x41, 0xe5, 0xa0, 0x78, 0x03, 0x3f, 0xe0, 0x4d, 0xbe, 0xd1, 0x5f, 0xeb, 0x2d, 0x0e, 0xa3, 0xd7, 0x0c, 0x4d, 0xde, 0xd1, 0xde, 0xb4, 0x61, 0xd4, 0x8b, 0x87, 0xbd, 0xe4, 0x90, 0x3d, 0x16, 0x31, 0xed, 0x2d, 0xeb, 0x8e, 0x1c, 0xc0, 0x46, 0xde, 0x42, 0x9b, 0xfd, 0xa3, 0xbf, 0xd5, 0x1a, 0xe9, 0xcc, 0x73, 0x69, 0x1f, 0x2f, 0x84, 0xa3, 0xfd, 0xa3, 0xe2, 0x12, 0x1a, 0x5c, 0xce, 0xe0, 0xb4, 0x7c, 0xd2, 0x3e, 0xd1, 0x71, 0x01, 0xbb, 0xda, 0x20, 0x63, 0xc8, 0x33, 0xfa, 0x24, 0xef, 0x68, 0xb8, 0x8b, 0x76, 0x7b, 0x48, 0xd5, 0x1e, 0xe2, 0x97, 0x7b, 0x43, 0x7d, 0xc9, 0xcd, 0x9f, 0xfa, 0x06, 0x10, 0x3d, 0xa1, 0xe2, 0x24, 0x61, 0xed, 0x91, 0xcf, 0x40, 0x49, 0x9c, 0x7b, 0x88, 0xff, 0x00, 0xef, 0x37, 0xbf, 0x90, 0x6f, 0xf2, 0x49, 0xfc, 0x7f, 0x88, 0x35, 0xa2, 0x2b, 0x00, 0x49, 0x8f, 0xee, 0xc1, 0x8f, 0xa2, 0x6e, 0xe3, 0xd7, 0xf2, 0x01, 0xb8, 0x68, 0x71, 0x13, 0xfd, 0xd8, 0xe9, 0x3d, 0x12, 0x3c, 0x7a, 0xff, 0x00, 0x04, 0xd6, 0xc0, 0x83, 0xfd, 0xd0, 0xcf, 0xd1, 0x43, 0xb8, 0xf7, 0x10, 0xc9, 0x15, 0xdb, 0xaa, 0x67, 0xdc, 0x6e, 0xdf, 0x24, 0x9d, 0xc7, 0xf8, 0x88, 0x79, 0x9b, 0x87, 0x76, 0xd2, 0xc6, 0x2c, 0x67, 0x8f, 0x71, 0x02, 0xe0, 0x3f, 0x11, 0xff, 0x00, 0x6b, 0x73, 0x9f, 0x44, 0xea, 0xf1, 0xdb, 0xf0, 0x09, 0x37, 0x26, 0x41, 0x88, 0xd2, 0xd4, 0xcf, 0x1d, 0xbf, 0xd1, 0x26, 0xe4, 0x02, 0x33, 0x1a, 0x5a, 0x67, 0xe8, 0xa4, 0xf1, 0xbe, 0x20, 0x46, 0xaf, 0xc4, 0x91, 0xc8, 0xf9, 0x1b, 0x8f, 0xa2, 0x6c, 0xe3, 0xbc, 0x40, 0xe0, 0x5c, 0xba, 0x00, 0xcc, 0x80, 0x3e, 0x50, 0x12, 0xfd, 0xb5, 0xc4, 0x5c, 0xe6, 0x86, 0xdc, 0x3f, 0x27, 0xa0, 0x4a, 0xa7, 0x19, 0xe2, 0x5a, 0x61, 0x97, 0x4f, 0x99, 0x82, 0x23, 0x28, 0x77, 0x19, 0xe2, 0x13, 0x9b, 0xa7, 0xc0, 0x18, 0x82, 0x32, 0x8f, 0xdb, 0x5c, 0x47, 0x9d, 0xc5, 0x58, 0xf8, 0x19, 0x54, 0x38, 0xc5, 0xf6, 0x8c, 0xdc, 0xd4, 0x91, 0xdd, 0x3f, 0xdb, 0x17, 0xe5, 0x80, 0x36, 0xe6, 0xae, 0xf3, 0xcb, 0xa2, 0x9f, 0xda, 0xf7, 0xcd, 0x03, 0xfb, 0x45, 0x4d, 0xf9, 0xe1, 0x3f, 0xda, 0xd7, 0xa0, 0xea, 0x17, 0x55, 0x67, 0xb1, 0x95, 0x23, 0x8b, 0xde, 0xf3, 0xb9, 0xad, 0xd8, 0xce, 0xea, 0xdb, 0xc5, 0x2f, 0x27, 0x37, 0x55, 0x3a, 0x99, 0x77, 0xe6, 0xbd, 0x47, 0xb3, 0x57, 0x15, 0x6e, 0x38, 0x71, 0x75, 0x7a, 0xae, 0x79, 0xf1, 0x08, 0x04, 0x99, 0xe5, 0xb2, 0xed, 0x32, 0xa1, 0x98, 0x11, 0x8f, 0xaa, 0xa9, 0x0e, 0x38, 0x89, 0xe6, 0xa3, 0x56, 0x63, 0x32, 0xab, 0x63, 0x83, 0xba, 0x64, 0xc0, 0x4e, 0x46, 0x08, 0x3d, 0x94, 0x93, 0x26, 0x24, 0xc1, 0x46, 0xde, 0xf4, 0xc7, 0x2c, 0x20, 0x93, 0x11, 0xf1, 0xd9, 0x30, 0x44, 0xf9, 0x76, 0xf5, 0x4c, 0x11, 0xaf, 0x31, 0x27, 0xba, 0x5c, 0xc4, 0xc1, 0x44, 0xce, 0xf0, 0x07, 0x24, 0x79, 0x62, 0x06, 0xe7, 0x74, 0xf2, 0x08, 0x8d, 0x94, 0xba, 0x75, 0x6c, 0x40, 0x09, 0x93, 0x8d, 0xbf, 0x92, 0x40, 0xf2, 0x04, 0xe7, 0xb2, 0xb2, 0x71, 0x01, 0xbf, 0x1d, 0x94, 0x4c, 0x60, 0x1f, 0xac, 0xa6, 0x1d, 0x88, 0x07, 0xea, 0x9c, 0xcc, 0x60, 0x7a, 0x21, 0xc0, 0x48, 0xea, 0xb1, 0xba, 0x1b, 0x19, 0x31, 0x95, 0xe6, 0xfd, 0x9c, 0xff, 0x00, 0x9f, 0x5f, 0x7a, 0xb8, 0x6f, 0xfe, 0x65, 0xe9, 0xd8, 0xd7, 0x62, 0x7a, 0x75, 0x4d, 0xd8, 0x18, 0x10, 0x79, 0xa0, 0xc4, 0x6c, 0x3b, 0xa3, 0x7f, 0x76, 0x11, 0x20, 0x7b, 0xc7, 0xd1, 0x31, 0xbc, 0x00, 0x0c, 0x2b, 0x60, 0x2e, 0xc9, 0x31, 0xd9, 0x30, 0x04, 0x80, 0x08, 0x3e, 0xa8, 0xf0, 0xd9, 0xd1, 0x8b, 0xd0, 0xfb, 0x5c, 0x48, 0xa9, 0x46, 0x27, 0x62, 0xbc, 0xd1, 0x8e, 0x47, 0x25, 0x48, 0xdc, 0xea, 0xd8, 0x26, 0x48, 0x8e, 0x7e, 0x8a, 0x67, 0x04, 0xb4, 0x25, 0x26, 0x24, 0xee, 0x50, 0x22, 0x0c, 0x4c, 0x84, 0x19, 0x0d, 0x92, 0x7d, 0x12, 0x82, 0xe8, 0x33, 0xb6, 0xfc, 0x97, 0x13, 0xda, 0xf7, 0x4f, 0x0e, 0xa6, 0x73, 0xfd, 0xe0, 0x83, 0xde, 0x1c, 0xba, 0x1c, 0x27, 0x49, 0xe1, 0xb6, 0xb9, 0x38, 0xa6, 0xd0, 0x7e, 0x4b, 0x76, 0x60, 0x47, 0xe4, 0x91, 0x74, 0x88, 0xe9, 0xd9, 0x50, 0x3d, 0x66, 0x3b, 0xa5, 0x89, 0xe5, 0x08, 0x07, 0x48, 0x27, 0x10, 0x55, 0x35, 0xcd, 0x3d, 0x25, 0x27, 0x38, 0x6c, 0x06, 0x7d, 0x56, 0x37, 0x10, 0x76, 0x39, 0xe6, 0x90, 0x06, 0x4c, 0x6c, 0x15, 0x4e, 0x37, 0x52, 0x4c, 0xff, 0x00, 0xa2, 0xb8, 0x3b, 0x9d, 0x94, 0x88, 0x3e, 0x68, 0x3f, 0x34, 0xe4, 0xc4, 0x82, 0x61, 0x06, 0x34, 0x92, 0x26, 0x7d, 0x50, 0x1c, 0x00, 0xcc, 0xfa, 0x14, 0xc1, 0xff, 0x00, 0x09, 0x13, 0xe8, 0x83, 0x82, 0x49, 0x84, 0xc1, 0x39, 0xc1, 0x84, 0x8e, 0x72, 0x25, 0x12, 0x76, 0x10, 0x93, 0xa6, 0x60, 0x44, 0xf4, 0x40, 0xed, 0xc9, 0x6a, 0xf1, 0x47, 0x11, 0xc3, 0xae, 0x4e, 0x08, 0xf0, 0xdd, 0xdb, 0xf8, 0x4f, 0xe8, 0xbe, 0x7c, 0x74, 0x38, 0x3a, 0x1b, 0x03, 0x9f, 0x75, 0x0e, 0xde, 0x01, 0x31, 0x10, 0x3b, 0x24, 0x03, 0x8b, 0x48, 0x1c, 0x86, 0x4c, 0x26, 0xd0, 0x03, 0x84, 0x91, 0x06, 0x24, 0x7c, 0x14, 0x55, 0x39, 0x73, 0x58, 0x08, 0x83, 0xcc, 0x2a, 0x8d, 0x2c, 0x69, 0x00, 0x65, 0x0d, 0x01, 0xa0, 0xb8, 0x08, 0x27, 0x6e, 0x70, 0x55, 0xda, 0xd3, 0x35, 0x2f, 0x28, 0xb1, 0xd1, 0xa5, 0xef, 0x0d, 0x31, 0xdc, 0x8f, 0xd5, 0x7a, 0x76, 0xf0, 0x9e, 0x18, 0xfa, 0xc6, 0x90, 0xb8, 0x7b, 0xea, 0x80, 0x66, 0x1c, 0x36, 0x5a, 0x97, 0x5c, 0x3f, 0x87, 0x32, 0xce, 0xb5, 0x4b, 0x4a, 0xce, 0x7d, 0x4a, 0x60, 0x3a, 0x35, 0x9d, 0x89, 0xfe, 0x6a, 0x6a, 0xd9, 0x70, 0xe3, 0xc2, 0x99, 0x7c, 0xd1, 0x5b, 0xce, 0x74, 0x01, 0xaf, 0x9e, 0xd9, 0xed, 0xba, 0xd6, 0xe0, 0x76, 0xb6, 0x57, 0x95, 0xbc, 0x1b, 0x86, 0xbf, 0xc5, 0x30, 0x41, 0x69, 0x80, 0x47, 0x40, 0xb4, 0xb8, 0x83, 0x68, 0x0b, 0xba, 0x8c, 0xb5, 0x0e, 0x65, 0x36, 0x1d, 0x27, 0x59, 0x99, 0x20, 0x9d, 0x91, 0x67, 0x44, 0x54, 0xb4, 0xbb, 0x70, 0x6e, 0xa2, 0xca, 0x41, 0xff, 0x00, 0x10, 0x41, 0xfc, 0x96, 0xbd, 0x10, 0x18, 0xf0, 0xe7, 0x41, 0x04, 0xc3, 0x84, 0xee, 0x3a, 0xf6, 0x5d, 0x6e, 0x25, 0x61, 0x68, 0x38, 0x6d, 0x3b, 0xcb, 0x10, 0xe0, 0x1c, 0xe8, 0x76, 0x70, 0x23, 0xf9, 0xad, 0x0e, 0x1c, 0x68, 0xba, 0xee, 0x93, 0x6e, 0x9a, 0xe7, 0x53, 0xa9, 0x2c, 0x80, 0x7d, 0xd2, 0xba, 0x42, 0x9f, 0x0f, 0xfd, 0xae, 0x2c, 0xcd, 0xbb, 0xb4, 0x49, 0x64, 0xeb, 0xfe, 0x29, 0x89, 0x5a, 0xdc, 0x51, 0x96, 0x94, 0x2f, 0x05, 0x3a, 0x14, 0x89, 0xa7, 0x40, 0xc3, 0xe5, 0xf0, 0x5d, 0xb0, 0xc7, 0x3f, 0xa9, 0x59, 0xb8, 0xe5, 0x0e, 0x1d, 0x6d, 0x4e, 0x85, 0x3a, 0x0c, 0x2d, 0xae, 0xf0, 0x1e, 0x09, 0x76, 0xcd, 0xef, 0xdd, 0x71, 0x98, 0xf6, 0xeb, 0x61, 0x73, 0x75, 0xd3, 0x69, 0x12, 0x27, 0x70, 0x7b, 0xaf, 0x45, 0xc5, 0x2c, 0xf8, 0x75, 0x0e, 0x19, 0xf8, 0xaa, 0x54, 0x0b, 0x9d, 0x54, 0x80, 0xc3, 0xa8, 0xe2, 0x46, 0xe2, 0x31, 0xd9, 0x72, 0x78, 0x0b, 0x2d, 0xaa, 0x5e, 0x8a, 0x17, 0x74, 0xdc, 0xf7, 0x54, 0x1e, 0x52, 0x5e, 0x71, 0x13, 0xfa, 0x25, 0x5a, 0x95, 0x1b, 0xae, 0x25, 0xe0, 0xd8, 0xd3, 0x2d, 0x63, 0xdd, 0xa0, 0x0d, 0x53, 0x3d, 0x4f, 0xe6, 0xba, 0xb5, 0x2b, 0x70, 0xda, 0x77, 0x03, 0x86, 0xbe, 0xd0, 0x78, 0x47, 0xc8, 0x6b, 0xc8, 0x90, 0x7a, 0xfa, 0x4a, 0xe1, 0xdd, 0x51, 0x16, 0x37, 0xee, 0xa7, 0x5d, 0xa6, 0xa3, 0x29, 0x1f, 0x76, 0x60, 0x38, 0x6e, 0xbb, 0x3c, 0x5e, 0x8d, 0x95, 0xb5, 0x8d, 0x1a, 0x94, 0x2d, 0x80, 0xa9, 0x5c, 0x02, 0xd3, 0x24, 0xe9, 0xc7, 0xd7, 0x75, 0xa7, 0xc1, 0x1b, 0x6c, 0xeb, 0xc1, 0x46, 0xf2, 0x8f, 0x88, 0x1f, 0x24, 0x3b, 0x54, 0x44, 0x0d, 0xa3, 0x9e, 0xcb, 0x3f, 0x06, 0x6d, 0x0b, 0xae, 0x3a, 0xc3, 0x4e, 0x8f, 0x87, 0x48, 0xea, 0x3a, 0x26, 0x76, 0x00, 0x73, 0x5c, 0xab, 0xb6, 0x8a, 0x77, 0x15, 0x43, 0x41, 0xc3, 0x8f, 0x6c, 0x0e, 0x72, 0xb0, 0x34, 0xbb, 0x68, 0x19, 0xef, 0xba, 0xc9, 0x83, 0xbb, 0x0c, 0x0d, 0xd2, 0x2d, 0x2c, 0x05, 0xdd, 0x7a, 0x26, 0x1c, 0xfd, 0x20, 0x16, 0xf9, 0xa7, 0x18, 0xe4, 0x91, 0x01, 0xc4, 0x4e, 0xad, 0x43, 0xa6, 0x25, 0x32, 0x0e, 0xe5, 0xd1, 0x38, 0x0a, 0x8c, 0x53, 0x26, 0x5c, 0x5c, 0x39, 0x4e, 0x57, 0xb3, 0xf6, 0x47, 0xfe, 0x58, 0xe2, 0x09, 0x3f, 0xbc, 0x33, 0xf2, 0x03, 0xf3, 0x5d, 0xb6, 0xef, 0x20, 0xa2, 0x0e, 0xac, 0x72, 0x56, 0xd3, 0xcc, 0x47, 0xcd, 0x4e, 0x09, 0xc2, 0x64, 0x11, 0x93, 0xf2, 0x94, 0xe7, 0x60, 0x21, 0x31, 0xef, 0x64, 0x88, 0x44, 0x9d, 0x58, 0x38, 0x3d, 0x4a, 0x59, 0x23, 0x11, 0x8d, 0xf2, 0x80, 0x7a, 0x05, 0x50, 0x22, 0x63, 0x6d, 0x93, 0x26, 0x23, 0x64, 0xbd, 0xed, 0xc8, 0x10, 0x98, 0x06, 0x41, 0xc7, 0xcf, 0x74, 0x3a, 0x4e, 0xe0, 0x09, 0xf8, 0xa8, 0x24, 0x8c, 0x41, 0x9f, 0x45, 0x40, 0x8d, 0x32, 0x77, 0x52, 0x01, 0x10, 0x73, 0x2a, 0xcb, 0x89, 0xdd, 0x4f, 0x4c, 0x64, 0xa6, 0x06, 0xd8, 0xdf, 0xba, 0x59, 0xd5, 0x90, 0x42, 0xa3, 0xd8, 0x85, 0x39, 0x04, 0xc4, 0x6d, 0xfa, 0x2f, 0x35, 0xec, 0xe8, 0xff, 0x00, 0x7f, 0x5f, 0x60, 0x11, 0xe6, 0x3f, 0xf7, 0xaf, 0x4c, 0xd3, 0x98, 0x31, 0xd9, 0x3e, 0x67, 0x26, 0x53, 0x0e, 0xc4, 0x10, 0x73, 0xbe, 0x37, 0x40, 0x99, 0xc4, 0xfd, 0x93, 0xdf, 0x77, 0x09, 0xe7, 0xcd, 0x36, 0x8c, 0xe3, 0x65, 0x60, 0x90, 0x4c, 0x8c, 0x27, 0x1c, 0xa0, 0x65, 0x2f, 0x0c, 0x74, 0xfa, 0xaf, 0xff, 0xd9 }; unsigned int gray8_page_850x200_4_jpg_len = 21912;
9ec922a22c5f2be8b82772c0f977a2627a8fe444
[ "C", "Shell" ]
11
C
nangs/pdfraster
6572217f1a483c3ec34c0f0f782176ad03cba44a
51bde14de4bf8d326962e512ed06435340008f62
refs/heads/master
<repo_name>jmsevold/meet-halfway<file_sep>/config/routes.rb Rails.application.routes.draw do devise_for :users root to: "landing#index" get '/dashboard', to: 'dashboard#index' resources :surveys resources :entries get '/halfway/:token', to: 'application#link' end <file_sep>/db/seeds.rb # This file should contain all the record creation needed to seed the database with its default values. # The data can then be loaded with the rake db:seed (or created alongside the db with db:setup). # # Examples: # # cities = City.create([{ name: 'Chicago' }, { name: 'Copenhagen' }]) # Mayor.create(name: 'Emanuel', city: cities.first) jonathan = User.create(email: '<EMAIL>', password: '<PASSWORD>') survey = Survey.create(user: jonathan, token: SecureRandom.hex(rand(10)), name: 'Birthday') roland = User.create(email: '<EMAIL>', password: '<PASSWORD>') entry_jon = Entry.create(user: jonathan, address: "San Dimas", survey: survey, lat: 1.0, lon: 2.0) entry_roland = Entry.create(user: roland, address: "Glendora", survey: survey,lat: 3.0, lon: 4.0) entry_matt = Entry.create(user: nil, address: "91740", survey: survey, lat: 5.0, lon: 6.0) <file_sep>/app/controllers/application_controller.rb class ApplicationController < ActionController::Base # Prevent CSRF attacks by raising an exception. # For APIs, you may want to use :null_session instead. protect_from_forgery with: :exception def after_sign_in_path_for(resource) dashboard_path end def link token = params[:token] @link = HalfwayLink.where(token: token).first render '/layouts/link' end end <file_sep>/app/models/survey.rb class Survey < ActiveRecord::Base belongs_to :user has_many :entries def link "localhost3000/#{token}" end end <file_sep>/app/services/halfway_link_service.rb class HalfwayLinkService def initialize(user = nil) @user = user end def process! @halfway_link = HalfwayLink.create!(user: @user, token: new_token) puts @halfway_link.token return @halfway_link end protected def new_token do_generate = true while do_generate token_str = SecureRandom.urlsafe_base64(token_length) if HalfwayLink.where(token: token_str).empty? do_generate = false return token_str end end end def token_length 5 + rand(15) end end
2146915cc00ce5c0da74b6cdaed612f2a2f60c98
[ "Ruby" ]
5
Ruby
jmsevold/meet-halfway
7b69f8f467118e2d41881ce9876297e6b5935f0a
b8ffe628d16245101cfe810cfed62e9a29a3ea75
refs/heads/master
<file_sep><!-- @author: <NAME>, @Date: 26th October, 2016, @Description: Basic Sample blog html file --> <h1> Sample Blog </h1> <div *ngFor="let blog of blogs"> <p>BlogDetails :: {{blog._id}}, {{blog.blogger}}, {{blog.createdDate | date}}</p> <div [innerHTML]="blog.blogcontent || blog.data"> </div> <hr *ngIf="blogs.length > 1"> </div> <div *ngIf="blogs.length == 0">No Blog Found.</div><file_sep> <!-- @author: <NAME>, @Date: 31st August, 2016 --> <b><u>MyBlog Project Synopsis</u></b></br> <b>blog.jyotirmaysenapati.com</b> MyBlog is my own project. I believe sharing knowledge and keeping memories of your day to day life is precious. To accommodate both the things a self created blogging website is a best deal. Addition to that, i want to brush my web development skills and to learn new upcoming technologies in this field. Hence the outcome is MyBlog. <b>Team details</b> Total team strength: 1 (Self) Total number of modules: 2 I will be the only person behind the development, testing, integration and successful deployment of this project. <b>Aim / Objective</b> A MEAN stack based MVC blog engine which on its initial phase of production will help me to write and share my knowledge to the world. I can add my personal memories and thoughts as well. Later on, it can be used by others to share their knowledge and thoughts. It will be available in android, IOS and as a hybrid app to access from anywhere. No-one have to wait to share their thoughts. Just open, write down and share. <b>Technology stack </b> This project will be using the following technology stack: <ul> <li>MEAN stack 2.0</li> <li>UI Technology: Angular 2.0 with TypeScript, SASS, CSS3</li> <li>FrontEnd: HTML5</li> <li>Database: MongoDB</li> <li>BackEnd: NodeJs, Express</li> <li>Search Technology: ElasticSearch</li> <li>IDE: Cloud9, Visual Studio/Sublime.</li> <li>Testing Framework: Jasmine/Mocha</li> <li>Building Framework: Gulp</li> <li>Android: Cordova</li> <li>IOS: Xbox</li> <li>Others: Font Awesome, Angular Material</li> </ul> <b>Module Information</b> Modules are mainly divided based on personal and public blogging. To write something personal you need to log in to admin module else blogger module is sufficient for everything else. <i><u>Admin Module</u></i> <ul> <li>Login with facebook and login with google facility</li> <li>Password management facility</li> <li>Handling blog subscriber</li> <li>Handling comments availability on blog</li> <li>Block/Unblock facility</li> <li>Making blog public or private</li> <li>Filter old blogs on daily/weekly/monthly basis</li> <li>Blog searching</li> <li>Profile edit</li> <li>Blogging</li> </ul> <i><u>Blogger Module</u></i> <ul> <li>Public blogging</li> <li>Comment</li> <li>Subscription facility</li> <li>Share with facebook</li> <li>Share with twitter</li> <li>Share with RSS feed</li> <li>Rich text editor with photo and video editing facility</li> <li>Grammar and spelling checker with word count</li> </ul> <b>Current status of project development</b> This project is in the planning stage and i am about to start development soon. Requirement gathering and designing part is done and next is to implement and integrate to make this project live. <b>Target audience</b> Target audience would be regular blogger. It would be good for people who want to share their knowledge and thoughts for betterment of other freely. For now, i am the only target audience for this project. I am building this for my interest. <b>Market Potential and expected popularity</b> As this is an open source project the market potential for it makes no sense. There are no financial motivations behind building this project. The main motivation is experimentation and developing a world class piece of MEAN stack based blog engine. On the flip side the popularity of this project is expected to be huge. As it is a javascript full stack application, the responsive UI and fast performance will attract many readers/bloggers towards it. <b>Designing</b> <b><u>Setup</u></b> <pre> <b>Follow below URLs to install and configure node, git, mongodb and cordova</b> - <a href="https://nodejs.org/en/">Node JS</a> - <a href="https://git-scm.com/">Git</a> - <a href="https://www.mongodb.com/">mongodb</a> - <a href="https://cordova.apache.org/docs/en/latest/guide/cli/">cordova</a> <b>Fetch the app</b> - git clone https://github.com/jyotirmay123/myblog_1.0.git <b>Configure Angular2 </b> - update node and npm to 5.X.X and 3.X.X or higher version. - Use <strong>npm install npm -g</strong> for npm and <strong>npm install -g n </strong> then <strong> sudo n latest</strong> for node. <b>Guide to start the app</b> - Go to <b>myblog</b> project folder by running <b>cd myblog_1.0</b> in command prompt. - npm install - start local database by running <b>mongod</b> in command prompt. - start the server by running <b>npm start</b> in another command prompt. - Go to <b>UI</b> folder by running <b>cd UI</b>. - Run <b>npm install</b> and <b>npm start</b> to install UI dependencies and run the UI app respectively. - Take the content of "app" folder inside "UI" and put it in "cordova/www/". - Use <b>cordova built android</b> and <b>cordova built ios </b>to generate ".apk" and ".ica" file for mobile platform. </pre> <b>Other Important Links </b> <ul> <li> http://rogerdudler.github.io/git-guide/ </li> <li> https://angular.io/docs/ts/latest/quickstart.html </li> <li> http://stackoverflow.com/users/3861545/jyotirmay </li> </ul> <file_sep>/** *@author :: Jyotirmay *@Date :: 11th November 2016 */ var TkModel = require('../models/NodeTKModel').TKModel; var nodemailer = require('nodemailer'); var smtpTransport = require('nodemailer-smtp-transport'); console.log('in NodeTKService'); var NodeTKService = { // Save to userSchema save: function (viewerInfo, next) { this.notify(viewerInfo); var tkModel = new TkModel(viewerInfo); tkModel.save(function (err) { if (err) { next(err); } else { next(null, { message: "User TK Info Saved Successfully", ViewerId: tkModel._id }) } }); }, notify: function (viewerInfo) { var mailID = 'senapati.jyotirmay%40gmail.com'; var privateAppPassCode = '<PASSWORD>'; var transporter = nodemailer.createTransport( smtpTransport('smtps://'+mailID+':'+privateAppPassCode+'@smtp.gmail.com') ); // setup e-mail data with unicode symbols var mailOptions = { from: '"Jyotirmay" <<EMAIL>>', // sender address to: '<EMAIL>', subject: 'BlogApp: Someone is viewing your app', // Subject line text: 'Hello world ?', // plaintext body html: ` Below are the details of the viewer:: <br> <ul> <li> `+ `geobytesforwarderfor:`+viewerInfo.geobytesforwarderfor+ `</li><li>geobytesremoteip:`+viewerInfo.geobytesremoteip+ `</li><li>geobytesipaddress:`+viewerInfo.geobytesipaddress+ `</li><li>geobytescertainty:`+viewerInfo.geobytescertainty+ `</li><li>geobytesinternet:`+viewerInfo.geobytesinternet+ `</li><li>geobytescountry:`+viewerInfo.geobytescountry+ `</li><li>geobytesregionlocationcode:`+viewerInfo.geobytesregionlocationcode+ `</li><li>geobytesregion:`+viewerInfo.geobytesregion+ `</li><li>geobytescode:`+viewerInfo.geobytescode+ `</li><li>geobyteslocationcode:`+viewerInfo.geobyteslocationcode+ `</li><li>geobytesdma:`+viewerInfo.geobytesdma+ `</li><li>geobytescity:`+viewerInfo.geobytescity+ `</li><li>geobytescityid:`+viewerInfo.geobytescityid+ `</li><li>geobytesfqcn:`+viewerInfo.geobytesfqcn+ `</li><li>geobyteslatitude:`+viewerInfo.geobyteslatitude+ `</li><li>geobyteslongitude:`+viewerInfo.geobyteslongitude+ `</li><li>geobytescapital:`+viewerInfo.geobytescapital+ `</li><li>geobytestimezone:`+viewerInfo.geobytestimezone+ `</li><li>geobytesnationalitysingular:`+viewerInfo.geobytesnationalitysingular+ `</li><li>geobytespopulation:`+viewerInfo.geobytespopulation+ `</li><li>geobytesnationalityplural:`+viewerInfo.geobytesnationalityplural+ `</li><li>geobytesmapreference:`+viewerInfo.geobytesmapreference + `</li><li>geobytescurrency:`+viewerInfo.geobytescurrency+ `</li><li>geobytescurrencycode:`+viewerInfo.geobytescurrencycode+ `</li><li>client:`+viewerInfo.client+ `</li><li>referrer:`+viewerInfo.referrer+ `</li><li>geobytestitle:`+viewerInfo.geobytestitle+` </li> </ul> ` // html body }; // send mail with defined transport object transporter.sendMail(mailOptions, function (error, info) { if (error) { console.log(error); } else { console.log('Message sent: ' + info.response); } }); return; } } module.exports = NodeTKService;<file_sep>/** *@author :: Jyotirmay *@Date :: 03rd Oct, 2016 */ var express = require('express'); var blogService = require("../services/NodeBlogService") var router = express.Router(); console.log("in NodeBlogRoute"); router.get('/', function (req, res) { blogService.getAll(function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.get('/:id', function (req, res) { var id = req.params.id; blogService.getById(id, function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.post('/', function (req, res) { var blogData = req.body; blogService.save(blogData, function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.put('/', function (req, res) { var blogData = req.body; blogService.edit(blogData, function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.delete('/:id', function (req, res) { var id = req.params.id; blogService.delete(id, function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.delete('/', function (req, res) { blogService.deleteAll(function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); module.exports = router;<file_sep>/** *@author :: Jyotirmay *@Date :: 28th Oct, 2016 */ var express = require('express'); var userService = require("../services/NodeUserService") var router = express.Router(); console.log("in NodeUserRoute"); router.get('/', function (req, res) { userService.getAll(function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.get('/:id', function (req, res) { var id = req.params.id; userService.getById(id, function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.post('/', function (req, res) { var userData = req.body; userService.save(userData, function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.put('/', function (req, res) { var userData = req.body; userService.edit(userData, function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.delete('/:id', function (req, res) { var id = req.params.id; userService.delete(id, function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.delete('/', function (req, res) { userService.deleteAll(function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); module.exports = router;<file_sep>/** *@author :: Jyotirmay *@Date :: 28th Oct, 2016 */ var UserModel = require('../models/NodeUserModel').userModel; console.log('in NodeUserService'); var NodeUserService = { // Save to userSchema save: function (userInfo, next) { var userModel = new UserModel(userInfo); userModel.save(function (err) { if (err) { next(err); } else { next(null, { message: "User Info Saved Successfully", userAppId: userModel._id }) } }); }, // Get all users detail saved in userSchema getAll: function (next) { var query = UserModel.find().sort({ "_id": 1 }); query.exec(function (err, userInfos) { if (err) { next(err); } else if (userInfos.length != 0) { next(null, userInfos); } else { next({ message: 'No User info Found' }); } }); }, // Get one userInfo with matched ID from userSchema getById: function (id, next) { var query = UserModel.findOne({ "_id": id }); query.exec(function (err, userInfo) { if (err) { next(err); } else if (userInfo) { next(null, userInfo); } else { next({ message: 'No user info found with userAppId: ' + id }); } }); }, // Update and save the userInfo with ID provided into the userSchema edit: function (userInfo, next) { var id = userInfo._id; if (typeof id == 'undefined') { next({ error: 'UserAppId Not Found.' }); return; } UserModel.update({ "_id": id }, userInfo, {}, function (err) { if (err) { next(err); } else { next(null, { message: 'User with AppId:' + id + ' Updated' }); } }); }, // Delete an UserInfo with matched APP_ID from userSchema delete: function (id, next) { UserModel.remove({ "_id": id }, function (err) { if (err) { next(err); } else { next(null, { message: 'UserInfo with AppId:' + id + ' Deleted' }); } }); }, // delete all blogs from blogSchema deleteAll: function (next) { UserModel.remove({}, function (err) { if (err) { next(err); } else { next(null, { message: 'All User Infos Deleted' }); } }); } } module.exports = NodeUserService;<file_sep>/** *@author :: Jyotirmay *@Date :: 01st Oct, 2016 */ var BlogModel = require('../models/NodeBlogModel').blogModel; console.log('in NodeBlogService'); var NodeBlogService = { // Save to blogSchema save: function (blogDetails, next) { console.log(blogDetails); var blogModel = new BlogModel(blogDetails); blogModel.save(function (err) { if (err) { next(err); } else { next(null, { message: "Blog Saved Successfully", blogId: blogModel._id }) } }); }, // Get all blogs saved in blogSchema getAll: function (next) { console.log("Get ALl coming service") var query = BlogModel.find().sort({ "_id": 1 }); query.exec(function (err, blogs) { if (err) { next(err); } else if (blogs.length != 0) { next(null, blogs); } else { next({ message: 'No Blogs Found' }); } }); }, // Get one blog with matched ID from blogSchema getById: function (id, next) { var query = BlogModel.findOne({ "_id": id }); query.exec(function (err, blog) { if (err) { next(err); } else if (blog) { next(null, blog); } else { next({ message: 'No blog found with blogId: ' + id }); } }); }, // Update and save the blog with ID provided into the blogSchema edit: function (blogDetails, next) { var id = blogDetails._id; if (typeof id == 'undefined') { next({ error: 'blogId Not Found.' }); return; } BlogModel.update({ "_id": id }, blogDetails, {}, function (err) { if (err) { next(err); } else { next(null, { message: 'blog with id:' + id + ' Updated' }); } }); }, // Delete a blog with matched ID from blogSchema delete: function (id, next) { BlogModel.remove({ "_id": id }, function (err) { if (err) { next(err); } else { next(null, { message: 'blog with id:' + id + ' Deleted' }); } }); }, // delete all blogs from blogSchema deleteAll: function (next) { BlogModel.remove({}, function (err) { if (err) { next(err); } else { next(null, { message: 'All blogs Deleted' }); } }); } } module.exports = NodeBlogService;<file_sep>/** *@author :: Jyotirmay *@Date :: 28th Oct, 2016 */ var mongoose = require('mongoose'); var Schema = mongoose.Schema; var autoincrement = require('mongoose-autoincrement'); mongoose.plugin(autoincrement); console.log('in sessionModel'); var sessionSchema = new Schema( { blogger: { type: String, required: true }, blogcontent: { type: String, required: true }, createdDate: { type: Date, 'default': Date.now }, modifiedDate: { type: Date, 'default': Date.now }, }, { versionKey: false }); exports.sessionModel = mongoose.model('sessionModel', sessionSchema); <file_sep>/** *@author :: Jyotirmay *@Date :: 25th Sep, 2016 */ var config = {}; config.mongoUri = 'mongodb://localhost:27017/myblogDB'; //config.mongoUri = "mongodb://devadmin:<EMAIL>:19866/myblogdb"; config.cookieMaxAge = 7 * 24 * 3600 * 100; config.secret = 'MYBLOGSUPERSECRET'; module.exports = config;<file_sep>/** *@author :: Jyotirmay *@Date :: 28th Oct, 2016 */ var express = require('express'); var loginService = require("../services/NodeLoginService") var router = express.Router(); console.log("in NodeLoginRoute"); router.get('/', function (req, res) { loginService.getAll(function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.get('/:id', function (req, res) { var id = req.params.id; loginService.getById(id, function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.post('/', function (req, res) { var sessionData = req.body; loginService.save(sessionData, function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.delete('/:id', function (req, res) { var id = req.params.id; loginService.delete(id, function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); router.delete('/', function (req, res) { loginService.deleteAll(function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); module.exports = router;<file_sep>/** * * @Author: Jyotirmay * @Date: 28th September, 2016 * * My Blog Engine Application built on MEAN 2.0 * Full one page code for one page application. :D * * */ //############################################################################################################// /** * * Importing required modules and libraries * */ import { Component, NgModule, Injectable, Inject, NgZone, Pipe, PipeTransform, ModuleWithProviders, OnInit, Directive, ElementRef, Input, Renderer, EventEmitter, Output } from '@angular/core'; import { PathLocationStrategy, LocationStrategy, HashLocationStrategy } from '@angular/common'; import { Http, HttpModule, Request, Response } from '@angular/http'; import { Routes, RouterModule, Router, ActivatedRoute, Params } from '@angular/router'; //import { ROUTER_DIRECTIVES} from '@angular/router-deprecated' import { BrowserModule, DOCUMENT } from '@angular/platform-browser'; import { platformBrowserDynamic } from '@angular/platform-browser-dynamic'; import { FormsModule } from '@angular/forms'; import { Subscription } from 'rxjs'; //import { Subject } from 'rxjs/Subject' import { Observable } from 'rxjs/Observable'; import 'rxjs/add/operator/map'; //import { _ } from 'lodash'; // Other ng-modules import { CKEditorModule } from 'ng2-ckeditor'; //############################################################################################################// /** * * My Blog CONFIG details * */ export class CONFIG { // APPLICATION VERSION /** * Old Version details-->>> * 1.0.0 : Initial app * 1.0.1 : BackEnd Configured * 1.0.2 : Database Configured and linked * 1.1.0 : End to End setup with ckeditor configured.First blog saved and updated into DB and shown in UI. * 1.2.0 : TKComponent Configured and linked * 1.3.0 : nodemailer configured for mailing and notification purpose * 1.3.1 : more details to TKComponent * * */ protected __version__: any = "1.3.1"; // Local/Development config public _gapiURL: any; public _serverUrl: string = "http://127.0.0.1:3004"; protected _fbAPPID: number = 1834265296843281; protected _authTOKEN: any; public _fbSDKURL: string = 'https://connect.facebook.net/en_GB/sdk.js#xfbml=1&version=v2.7&appId=' + this._fbAPPID; public static sess: any = []; // Production config /* public _gapiURL: any; public _serverUrl : string = "https://warm-hamlet-28520.herokuapp.com"; protected _fbAPPID: number = 1834265296843281; protected _authTOKEN: any; public _fbSDKURL: string = "https://connect.facebook.net/en_GB/sdk.js#xfbml=1&version=v2.7&appId=" + this._fbAPPID; public static sess: any = []; */ constructor() { CONFIG.sess.isLoggedIn = localStorage.getItem("isLoggedIn") || false; CONFIG.sess.username = localStorage.getItem("username") || "Hi Guest"; } } //############################################################################################################// /** * * My Sevices * */ /** * * blogService to deal with CRUD operations related to blog * */ @Injectable() export class MyBlogService { // Property to hold root server URL i.e host private serverUrl: string; private serviceUrl: string = '/blog'; public cuser: string = localStorage.getItem("username") || "Guest" constructor(private http: Http, protected $c: CONFIG) { this.serverUrl = $c._serverUrl; //console.log(CONFIG.sess.isLoggedIn); //console.log(CONFIG.sess); } // check function in service to check control is coming to service check() { console.log("getting clicked from service"); } // get function to get data from server // basically blog datas get(): Observable<any> { return this.http.get(this.serverUrl + this.serviceUrl) .map(response => response.json()); } getById(_id): Observable<any> { return this.http.get(this.serverUrl + this.serviceUrl + "/" + _id) .map(response => response.json()); } // add blog to database server add(blog: any): Observable<any> { return this.http.post(this.serverUrl + this.serviceUrl, blog) .map(response => response.json()); } // Update the content of blog with an ID in the database server update(blog: any): Observable<any> { return this.http.put(this.serverUrl + this.serviceUrl, blog) .map(response => response.json()); } // Delete a blog with an ID from database server delete(_id: any): Observable<any> { return this.http.delete(this.serverUrl + this.serviceUrl + "/" + _id) .map(response => response.json()) } // Delete all blog from database server [PROHIBITED] deleteAll(): Observable<any> { return this.http.delete(this.serverUrl + this.serviceUrl) .map(response => response.json()); } // structure it so that databse will accept this to store i.e. here in our case modify the data to JSON. prepareJSON(blog: any, _id: any = ""): any { let payLoad = { _id: _id, blogcontent: blog, blogger: this.cuser }; return payLoad; } } /** * * Service to deal with user login/logout and session details * */ @Injectable() export class UserSessionService { // Property to hold root server URL i.e host private serverUrl: string; private serviceUrl: string = "/user"; private anotherServiceUrl: string = "/login"; constructor(private http: Http, protected $c: CONFIG) { this.serverUrl = $c._serverUrl; } // Add loggedin user info to database addUserInfo(user): Observable<any> { return this.http.post(this.serverUrl + this.serviceUrl, user) .map(response => response.json()); } // Get User details from databse getUserInfo(): Observable<any> { return this.http.get(this.serverUrl + this.serviceUrl) .map(response => response.json()); } // Save each and every session into database for future data analytics purpose addUserSession(session): Observable<any> { return this.http.post(this.serverUrl + this.anotherServiceUrl, session) .map(response => response.json()); } } //############################################################################################################// /** * * My Directives * */ /** * * Custom directive to load FB Comment API * */ @Directive({ selector: '[fbCommentLoad]' }) export class FbCommentDirective { constructor(el: ElementRef, renderer: Renderer) { renderer.setElementStyle(el.nativeElement, 'backgroundColor', 'yellow'); } } //############################################################################################################// /** * * My Components * */ /** * * Login with Google * */ declare let gapi: any; @Component({ selector: "loginWithGoogle", styleUrls: ['app/css/login.css'], providers: [UserSessionService], templateUrl: 'app/template/login.htm' }) export class AuthApp { googleLoginButtonId = "google-login-button"; userAuthToken: any; userDisplayName: string; public isLoggedIn: boolean; constructor(private _zone: NgZone) { //console.log(); //this.update(); } // Function to update class values to updated config values . update() { //this.userAuthToken = null; this.userDisplayName = CONFIG.sess.username; this.isLoggedIn = CONFIG.sess.isLoggedIn; } ngOnInit() { //console.log(CONFIG.sess.isLoggedIn + CONFIG.sess.username); this.update(); //console.log(this.isLoggedIn + this.userDisplayName) } // Signout from Application and resetting values to default. signOut = () => { this._zone.run(() => { var auth2 = gapi.auth2.getAuthInstance(); auth2.signOut().then(function() { CONFIG.sess.splice(0, 1); CONFIG.sess.isLoggedIn = false; localStorage.setItem("isLoggedIn", CONFIG.sess.isLoggedIn); CONFIG.sess.username = "Hi Guest"; localStorage.setItem("username", CONFIG.sess.username); }); setTimeout(() => this.update(), 1000); }); } // Angular hook that allows for interaction with elements inserted by the // rendering of a view. ngAfterViewInit() { this.update(); // Converts the Google login button stub to an actual button. gapi.signin2.render( this.googleLoginButtonId, { "onSuccess": this.onGoogleLoginSuccess, "scope": "profile", "theme": "dark" }); } getIsLoggedIn(): boolean { return this.isLoggedIn; } // Triggered after a user successfully logs in using the Google external // login provider. onGoogleLoginSuccess = (loggedInUser) => { this._zone.run(() => { //console.log(loggedInUser); CONFIG.sess.push(loggedInUser); CONFIG.sess.isLoggedIn = true; localStorage.setItem("isLoggedIn", CONFIG.sess.isLoggedIn); //this.userAuthToken = loggedInUser.getAuthResponse().id_token; CONFIG.sess.username = loggedInUser.getBasicProfile().getName(); localStorage.setItem("username", CONFIG.sess.username); //console.log(CONFIG.sess); }); setTimeout(() => this.update(), 2000); } } /** * * Facebook Comments API integration * */ declare let FB: any; @Component({ selector: 'facebookComment', template: ` <div id="{{fbCommentID}}"> <div class="fb-comments" data-href="https://www.facebook.com/SenapatiJyotirmay/" data-width="900" data-numposts="3"> </div> </div> ` }) export class FacebookCommentComponent { protected js; protected fjs; protected childNode; public fbCommentID: any; constructor( @Inject(DOCUMENT) private document: any, private _zone: NgZone, protected router: Router, public r: Renderer, public el: ElementRef, protected $c: CONFIG) { if (!CONFIG.sess.isLoggedIn) { this.router.navigate(['blog/login']); } this.fbCommentID = "fbCommentId"; this.loadFBCommentAPI(this.document, 'script', 'facebook-jssdk'); } // All Component lifecycle hook methods injected by Angular. ngOnChanges() { } ngOnInit() { } ngDoCheck() { } ngAfterContentInit() { } ngAfterContentChecked() { } ngAfterViewInit() { } ngAfterViewChecked() { } ngOnDestroy() { } loadFBCommentAPI = (d, s, id) => { this._zone.run(() => { this.js, this.fjs = d.getElementsByTagName(s)[0]; if (typeof FB === 'object') { FB.XFBML.parse(); return; } this.js = d.createElement(s); this.js.id = id; this.js.src = this.$c._fbSDKURL; this.childNode = this.fjs.parentNode.insertBefore(this.js, this.fjs); }); } } /** * * TKComponent for internal app data analytics and its usage. * */ @Component({ selector:'tk', template:'' }) export class tkComponent { constructor(protected $config : CONFIG) { this.getTKDetail($config); } getTKDetail(config) { $.getJSON('//gd.geobytes.com/GetCityDetails?callback=?', function(data) { // Adding client browser details. data.client = navigator.userAgent; data.referrer = document.referrer; $.post(config._serverUrl+'/tk', data, function(data){ //console.log(data); }); }); } } /** * * CKEditor Component * */ @Component({ selector: 'newBlog', providers: [MyBlogService], styleUrls: ['app/css/blog.css'], templateUrl: `app/template/newBlog.htm` }) export class NewBlogComponent { public blogcontent: any; public ckeditor: CKEditorModule; public isSuccess: Boolean; public blog: any; public blogId: any = 0; private subscription: Subscription; public blogger = localStorage.getItem("username"); constructor(protected myblogservice: MyBlogService, protected router: Router, protected route: ActivatedRoute) { if (!CONFIG.sess.isLoggedIn) { this.router.navigate(['blog/login']); } } ngOnInit() { this.subscription = this.route.params.subscribe( (param: any) => { this.blogcontent = param['content']; this.blogId = param['id'] || 0; }); } ngOnDestroy() { this.subscription.unsubscribe(); } // Add new blogs to database addBlog() { this.isSuccess = false; if (this.blogcontent == undefined) { console.log("No Blog Entry. Please add Blog before submitting it"); return; } console.log(this.blogcontent) this.blog = this.myblogservice.prepareJSON(this.blogcontent); this.myblogservice.add(this.blog).subscribe(data => { this.isSuccess = true; this.router.navigate(['blog']); }, err => { this.isSuccess = false; }); } // Add new blogs to database updateBlog() { this.isSuccess = false; this.blog = this.myblogservice.prepareJSON(this.blogcontent, this.blogId); this.myblogservice.update(this.blog).subscribe(data => { this.isSuccess = true; this.router.navigate(['blog']); }, err => { this.isSuccess = false; }); } } /** * * A particular blog to show as a sample. * */ @Component({ selector: 'SampleBlog', providers: [MyBlogService], styleUrls: ['app/css/blog.css'], templateUrl: `app/template/sampleBlog.htm` }) export class BlogSampleComponent { public blogs = []; public _id = 43; constructor(protected myblogservice: MyBlogService, protected router: Router) { if (!CONFIG.sess.isLoggedIn) { this.router.navigate(['blog/login']); } this.getOne(); } // Get a particular blog with matched ID. getOne() { this.myblogservice.getById(this._id).subscribe(data => { this.blogs = this.blogs.concat(data); }); } } /** * * BlogListComponent to list out all blogs. * */ @Component({ selector: 'myBlogs', providers: [MyBlogService], styleUrls: ['app/css/blog.css'], templateUrl: `app/template/myBlogs.htm` }) export class BlogListComponent { // Property to hold blog data public blogs = []; public isSuccess: Boolean; public idRange = { minRange: 0, maxRange: 100 }; public orderColumn = '_id'; public asc = false; public cuser = localStorage.getItem("username"); constructor(protected myblogservice: MyBlogService, protected router: Router, protected zone: NgZone) { if (!CONFIG.sess.isLoggedIn) { this.router.navigate(['blog/login']); } this.get(); } // check function to check control is going to service check() { this.myblogservice.check(); } changeOrder() { this.asc = !this.asc; } changeSortColumn() { this.orderColumn = this.orderColumn == '_id' ? 'createdDate' : '_id'; } // get function calls service get function which return data from server get() { this.myblogservice.get().subscribe(data => { this.blogs = this.blogs.concat(data); }); } // Update the blog written by you updateBlog(blog) { this.isSuccess = false; this.router.navigate(['blog/update/', blog._id, blog.blogcontent]); this.myblogservice.update(blog).subscribe(data => { this.isSuccess = true; }, err => { this.isSuccess = false; }); } // Delete the blog deleteBlog(blog) { this.isSuccess = false; this.myblogservice.delete(blog._id).subscribe(data => { this.isSuccess = true; this.blogs.slice(this.blogs.indexOf(blog), 1); }, err => { this.isSuccess = false; }); } } /** * * my-app Components * */ @Component({ selector: 'my-app', providers: [MyBlogService, AuthApp], styleUrls: ['app/css/app.css'], templateUrl: 'app/template/base.htm' }) export class BlogHomeComponent { public loggedIn: String = "false"; constructor(protected router: Router) { if (!CONFIG.sess.isLoggedIn) { this.router.navigate(['blog/login']); } else { this.router.navigate(['blog/new']); } } } /** * * Contact Me Details Component * */ @Component({ selector: 'contact', styleUrls: ['app/css/contact.css'], templateUrl: `app/template/contact.htm` }) export class ContactMe { constructor() { } } /** * * Blog Not Found Component. * For typical 404 error component. * */ @Component({ templateUrl: `app/template/pageNotFound.htm` }) export class BlogNotFoundComponent { constructor() { } } //############################################################################################################// /** * * My Custom Filters * */ /** * * custom Date filter to select between or for a particular date blog data * */ @Pipe({ name: 'dateFilter' }) export class DateFilterPipe implements PipeTransform { transform(blogs, idRange) { if (typeof blogs == 'number') { return false; } else { return blogs.filter(blog => { return (blog._id >= idRange.minRange && blog._id <= idRange.maxRange); }); } } } /** * * Declaring jQuery famous "$" * Later defining orderBy pipe to order the content according to * the requirement. * */ declare let $: any; @Pipe({ name: 'orderBy' }) export class OrderByPipe implements PipeTransform { transform(array, orderBy, asc = true) { if (!orderBy || orderBy.trim() == "") { return array; } let temp = []; //ascending if (asc) { temp = array.sort((item1: any, item2: any) => { let a = item1[orderBy]; let b = item2[orderBy]; return this.orderByComparator(a, b); }); } else { //not asc temp = array.sort((item1: any, item2: any) => { let a = item1[orderBy]; let b = item2[orderBy]; return this.orderByComparator(b, a); }); } return $.extend(true, [], temp); } /** * * A function used to help orderByPipe to work. * Gives result by comparing any two data and arranging them accordingly. */ orderByComparator(a: any, b: any): number { if ((isNaN(parseFloat(a)) || !isFinite(a)) || (isNaN(parseFloat(b)) || !isFinite(b))) { //Isn't a number so lowercase the string to properly compare if (a.toLowerCase() < b.toLowerCase()) return -1; if (a.toLowerCase() > b.toLowerCase()) return 1; } else { //Parse strings as numbers to compare properly if (parseFloat(a) < parseFloat(b)) return -1; if (parseFloat(a) > parseFloat(b)) return 1; } return 0; //equal each other } } //############################################################################################################// /** * * My Routes * */ const appRoutes: Routes = [ { path: 'blog', component: BlogListComponent }, { path: 'blog/new', component: NewBlogComponent, data: { title: 'New Blog' } }, { path: 'blog/update/:id/:content', component: NewBlogComponent }, { path: 'blog/login', component: AuthApp }, { path: 'blog/sample', component: BlogSampleComponent }, { path: 'blog/contact', component: ContactMe }, { path: '', component: BlogHomeComponent }, { path: '**', component: BlogNotFoundComponent } ]; const appRoutingProviders: any[] = []; const routing: ModuleWithProviders = RouterModule.forRoot(appRoutes); //############################################################################################################// /** * * NgModule Declaration * */ let declarationArr: Array<any> = [ BlogHomeComponent, AuthApp, BlogNotFoundComponent, BlogListComponent, BlogSampleComponent, ContactMe, NewBlogComponent, FacebookCommentComponent, FbCommentDirective,tkComponent, DateFilterPipe, OrderByPipe ]; @NgModule({ imports: [BrowserModule, HttpModule, CKEditorModule, FormsModule, routing], declarations: declarationArr, providers: [{ provide: LocationStrategy, useClass: HashLocationStrategy }, appRoutingProviders, CONFIG], bootstrap: [BlogHomeComponent] }) export class app { } //############################################################################################################// /** * * App engine entry point * */ const platform = platformBrowserDynamic(); platform.bootstrapModule(app).catch((err: any) => console.error(err)); <file_sep>/** *@author :: Jyotirmay *@Date :: 03rd Oct, 2016 */ var mongoose = require('mongoose'); var Schema = mongoose.Schema; var autoincrement = require('mongoose-autoincrement'); mongoose.plugin(autoincrement); console.log('in blogModel'); var blogSchema = new Schema( { blogger: { type: String, required: true }, blogcontent: { type: String, required: true }, createdDate: { type: Date, 'default': Date.now }, modifiedDate: { type: Date, 'default': Date.now }, }, { versionKey: false }); exports.blogModel = mongoose.model('blogModel', blogSchema); <file_sep>/** *@author :: Jyotirmay *@Date :: 11th November 2016 */ var express = require('express'); var userService = require("../services/NodeTKService") var router = express.Router(); console.log("in NodeTKRoute"); router.post('/', function (req, res) { var userData = req.body; userService.save(userData, function (err, data) { if (err) { res.send(err); return; } else { res.send(data); return; } }); }); module.exports = router; <file_sep><!-- @author: <NAME>, @Date: 28th October, 2016, @Description: Login html file --> <div> <h5> Hello, Welcome to myblog. You need to sign in to access other features. Please reload the page once you signed in.</h5> </div> <div class="login-wrapper"> <div id="{{googleLoginButtonId}}"></div> <p>Hello, {{userDisplayName}}!</p> </div> <div> <button *ngIf="isLoggedIn" (click)=signOut() >LogOut</button> </div><file_sep>/** *@author :: Jyotirmay *@Date :: 25th Sep, 2016 */ var express = require('express'); var cors = require('cors'); var path = require('path'); var favicon = require('serve-favicon'); var logger = require('morgan'); var cookieParser = require('cookie-parser'); var bodyParser = require('body-parser'); var mongoose = require("mongoose"); var CryptoJS = require("crypto-js"); //var stacktrace = require("stacktrace"); var health = require('express-ping'); // Mongoo DB config File.. var config = require("./config"); // My Blog apis var NodeIndexRoute = require('./routes/NodeIndexRoute'); var NodeBlogRoute = require('./routes/NodeBlogRoute'); var NodeLoginRoute = require('./routes/NodeLoginRoute'); var NodeUserRoute = require('./routes/NodeUserRoute'); var NodeTKRoute = require('./routes/NodeTKRoute'); //logger config var log4js = require('log4js'); var date = new Date(); var curr_date = date.getDate(); var curr_month = date.getMonth() + 1; var curr_year = date.getFullYear(); var formattedDate = curr_date + '-' + curr_month + '-' + curr_year; //log the app logger messages to a file, and the console ones as well. log4js.configure({ appenders: [ { type: "file", filename: "logs/MyBlog_" + formattedDate + ".log", maxLogSize: 2048000, backups: 3, category: ['MyBlog'], layout: { type: 'pattern', pattern: "[%r] [%[%5.5p%]] - %m%n" } }, { type: "console", layout: { type: 'pattern', pattern: "[%r] [%[%5.5p%]] - %m%n" } } ], replaceConsole: true }); // Creating global logger object var log = log4js.getLogger('MyBlog'); log.setLevel('ALL'); //for more details on log4js >> https://github.com/nomiddlename/log4js-node/wiki/Layouts //Conect to DB mongoose.connect(config.mongoUri, function (err) { if (!err) { log.info("Connected to Database."); log.info("*** Welcome to MyBlog ***"); } else { log.error(err); } }); //var elasticsearch = require('elasticsearch'); //var client = new elasticsearch.Client({ // host: <"http://172.17.16.221:9200">, // log: 'trace' //}); /*client.ping({ // ping usually has a 3000ms timeout requestTimeout: Infinity, // undocumented params are appended to the query string hello: "elasticsearch!" }, function (error) { if (error) { console.trace('elasticsearch cluster is down!'); } else { console.log('All is well'); } }); client.search({ q: '*' }).then(function (body) { var hits = body.hits.hits; }, function (error) { console.trace(error.message); }); client.search({ index: 'users', type: 'user', body: { query: { match: { firstName: 'Rasheed' } } } }).then(function (resp) { var hits = resp.hits.hits; }, function (err) { console.trace(err.message); });*/ //Creating global AP app var app = express(); var corsOptions = { origin: true, methods: 'GET,PUT,POST,DELETE', maxAge: 1728000 }; app.use(cors(corsOptions)); // view engine setup app.set('views', path.join(__dirname, 'views')); app.set('view engine', 'hbs'); app.use(logger('dev')); app.use(bodyParser.json()); app.use(bodyParser.urlencoded({ extended: false })); app.use(cookieParser()); //app.use(express.static(path.join(__dirname, 'public'))); // qc routing app.use('/', NodeIndexRoute); app.use('/blog', NodeBlogRoute); app.use('/login', NodeLoginRoute); app.use('/user', NodeUserRoute); app.use('/tk', NodeTKRoute); // catch 404 and forward to error handler app.use(function (req, res, next) { var err = new Error('Not Found'); err.status = 404; next(err); }); // error handlers // development error handler // will print stacktrace if (app.get('env') === 'development') { app.use(function (err, req, res, next) { res.status(err.status || 500); res.render('error', { message: err.message, error: err }); }); } /*app.onerror = function(msg, file, line, col, error) { // callback is called with an Array[StackFrame] var callback = function (err) { console.log(err); } var errback = function (err) { console.log(err); } stacktrace.fromError(error).then(callback).catch(errback); };*/ // production error handler // no stacktraces leaked to user app.use(function (err, req, res, next) { res.status(err.status || 500); res.render('error', { message: err.message, error: {} }); }); app.set('superSecret', config.secret); app.set('logObject', log); module.exports = app;
1704f2bf84ef4287109b862caac5b85bd88df3e4
[ "Markdown", "TypeScript", "JavaScript", "HTML" ]
15
HTML
jyotirmay123/myblog_1.0
15d07c96a4d29970376a4b88acea713bcbd14724
1e6f8b0e190c874306697bd5c14ec1fb664c68ac
refs/heads/master
<file_sep>import numpy as np import random import math class FullyConnectedNetwork: def __init__(self, layer_heights = [9,3,9]): def CreateLayers(): self.layers = [] ### Create and append input layer self.input_layer = [Node.__init__() for i in range(layer_heights[0])] self.layers.append(self.input_layer) ### Create and append hidden layers self.hidden_layers = [] for depth in range(1,len(layer_heights)-1): self.hidden_layers.append([Node.__init__() for i in range(layer_heights[depth])]) self.layers+=self.hidden_layers ### Create and append output layer self.output_layer = [Node.__init__() for i in range(layer_heights[0])] self.layers.append(self.output_layer) def CreateFullConnections(): for i in range(len(self.layers)-1): for parent in self.layers[i]: for child in self.layers[i+1]: parent.AddChild(child) def Train(data): if len(data) != len(self.input_layer): print 'Error: Input has wrong dimension' return for inp in self.input_layer: inp.input CreateLayers() CreateFullConnections() class Node(): def __init__(self, purpose = 'H'): if purpose == 'H': self.inputs = [] self.outputs = [] elif purpose = 'I': self.inputs = [0] self.outputs = [] elif purpose = 'O': self.inputs = [] self.outputs = [0] else: print 'Error: Wrong node purpose key' return def AddChild(self,child): new_connection = Connection(self,child) self.outputs.append(new_connection) child.inputs.append(new_connection) def forward(self): ### Calculate total input total_input = 0 for inp in self.inputs: total_input += inp.charge ### Reset Charge of output for out in self.outputs: out.Update(total_input) class Connection(): def __init__(self, inp, out, initial_weight = None): self.weight = random.random() if initial_weight == None else initial_weight self.mother = inp self.child = out self.charge = None self.activation = self.sigmoid def Update(self, total_in): self.charge = self.activation( total_in * self.weight ) def sigmoid(self, x): return 1/(1+math.e(-x)) <file_sep>import numpy as np import random import math from scipy import misc from matplotlib import pyplot as plt def sigmoid(x): try: return 1/(1+math.exp(-x)) except: return 0 def sigmoid_prime(x): return sigmoid(x)*(1-sigmoid(x)) def relu(x): if x >= 0: return x else: return 0 def relu_prime(x): if x >= 0: return 1 else: return 0 def linear(x): return x def linear_prime(x): return 1 def distance(data,centroid): return np.sum(np.square(np.subtract(data,centroid))) def OpenImage(file_name): pixels = misc.imread(file_name) grids = [] for i in range(1,len(pixels)-1): for j in range(1,len(pixels[0])-1): grid = [] for k in [-1,0,1]: for l in [-1,0,1]: grid.append(sum(pixels[i+k][j+l])/3) grids.append(grid) return grids def CreateImage(pixels,name='random',x=281,y=174): big = [] for i in range(y): new_row = [] for j in range(x): if i*x+j < y*x: new_row.append(pixels[i*x+j]) else: new_row.append([0,0,0]) big.append(new_row) img = misc.toimage(big) img.save(name+'.bmp') def kmeans(data,nclusters,tolerance = .001): dimension = len(data[0]) centroids = [] oldcentroids = [] for i in range(nclusters): this_cent = [] for j in range(dimension): this_cent.append(random.random()) centroids.append(this_cent) print print #print centroids total_error = 0 for i in range(100): if np.array_equal(oldcentroids, centroids): break groups = [[] for i in range(nclusters)] for d in data: errors = map(lambda x: distance(d,x),centroids) #print errors best_group = errors.index(min(errors)) #print len(groups[best_group]) groups[best_group].append(d) #print map(len,groups) oldcentroids = centroids centroids = np.zeros((len(groups),dimension)) for j in range(len(groups)): centroids[j] = np.divide(np.sum(groups[j],axis=0),len(groups[j])) prev_error = total_error total_error = sum(map(lambda x: min(map(lambda y: distance(x,y), centroids)), data)) print total_error if total_error < 2000: print centroids if float(abs(prev_error-total_error))/float(total_error) < tolerance: return (centroids,total_error) return (centroids,total_error) def BestKmeans(data,rang): error = {} for i in range(rang[0],rang[1]): error[i] = [] error[i].append(kmeans(data,nclusters = i, tolerance = .1))[1] for i in range(rang[0],rang[1]-1): if float(error[i+1] - error[i] ) / error[i+1] < .2: return i+1 def BestCluster(data,clusters): ### I am a wizard return map(lambda x: x.index(min(x)),[map(lambda x: distance(x,data),clusters)])[0] def Dif(inp,out): return inp - out def Class(inp, out, clusters): return BestCluster(inp,clusters) == BestCluster(out,clusters) class FullyConnectedNetwork: ### layer_heights[i] gives the number of nodes to have at layer of depth i def __init__(self, rate = .01, layer_heights = [9,3,3,3], error_function=Dif,clusters=[]): self.learning_rate = rate self.function = relu self.derivative = relu_prime self.Error = error_function self.clusters = clusters self.layers = [] ### Create and append input layer nodes self.input_layer = [Node(self, self.function, self.derivative) for i in range(layer_heights[0])] self.input_layer.append(Node( self, self.function, self.derivative, bias=True)) self.layers.append(self.input_layer) ### Create and append hidden layers nodes self.hidden_layers = [] for depth in range(1,len(layer_heights)-1): new_hidden = [ Node(self, self.function, self.derivative ) for i in range(layer_heights[depth]) ] new_hidden.append( Node( self, self.function, self.derivative, bias=True ) ) self.hidden_layers.append(new_hidden) self.layers+=self.hidden_layers ### Create and append output layer nodes self.output_layer = [Node(self,self.function, self.derivative) for i in range(layer_heights[len(layer_heights)-1])] self.layers.append(self.output_layer) ### create connections between nodes for i in range(len(self.input_layer)-1): self.input_layer[i].CreateInput() for i in range(len(self.layers)-1): for parent in self.layers[i]: for child in self.layers[i+1]: if i != len(self.layers)-2 and child == self.layers[i+1][-1]: continue parent.AddChild(child) for node in self.output_layer: node.CreateOutput() def TrainAll(self,inp, out, fraction=.8): train_data = [] test_data = [] for i in range(len(inp)): if random.random() < fraction: train_data.append(i) else: test_data.append(i) random.shuffle(train_data) #count = 0 for i in train_data: #for node in self.output_layer: # print [j.weight for j in node.inputs] self.Train(inp[i],out[i]) #print #if count > 10: # exit() #else: # c6ount+=1 #self.PrintWeights() return train_data, test_data def ClusterOnError(self, clusters, datapoints, inp, out): clusterpoints = [] for c in range(len(clusters)): clusterpoints.append([]) for i in datapoints: self.TakeInput(inp[i]) output = self.GetOutput() error = np.subtract(output,out[i]) cluster_errors = map(lambda x: distance(x,error),clusters) cluster = cluster_errors.index(min(cluster_errors)) clusterpoints[cluster].append(i) return clusterpoints def Analyze(self, datapoints, inp, out, section = ''): errors = [] section = str(section) for i in datapoints: Network.TakeInput(inp[i]) output = Network.GetOutput() error = np.subtract(output,out[i]) errors.append(error) colors = {0:'red',1:'green',2:'blue'} for i in range(len(errors[0])): output_error = [] for j in range(len(errors)): output_error.append(errors[j][i]) plt.hist(output_error,bins = 50) plt.savefig(section+colors[i]+'.png') plt.close() return errors def Train(self,input_data,output_data): self.TakeInput(input_data) self.BackPropogation(output_data) def TakeInput(self, input_data, should_print = False): if len(input_data) != len(self.input_layer) - 1 : print( 'Error: Input has wrong dimension' ) return ### Adjust Inputs input_node = iter(self.input_layer) for inp in input_data: next(input_node).inputs[0].charge = inp ### send inputs to next layer for layer in self.layers: if should_print: print print 'next layer' for node in layer: node.forward(should_print = should_print) def BackPropogation(self,data): if len(data) != len(self.output_layer): print( 'Error: Output has wrong dimension' ) return ### calculate errors of output nodes for i in range(len(self.output_layer)): #if i == 0: # print self.output_layer[i].outputs[0].chargeo errorvars = [self.output_layer[i].outputs[0].charge, data[i]] if self.Error == Class: errorvars.append(self.clusters) self.output_layer[i].error = self.derivative(self.output_layer[i].total_input) * self.Error(*errorvars) ### now begin propogating errors back through the network nlayers = len(self.layers) for i in range( nlayers - 1 ): for node in self.layers[nlayers - i - 2]: node.backward() def PrintWeights(self): for i in range(len(self.layers)): layer = self.layers[i] print( 'layer: ' + str(i) ) for node in layer: print( [j.weight for j in node.inputs] ) print() for node in self.output_layer: print [j.weight for j in node.outputs] def PrintErrors(self): #print( [j.inputs[0].charge for j in self.input_layer] ) for i in range(len(self.layers)): #print( [j.charge for j in self.input_layer] ) layer = self.layers[i] print( 'layer: ' + str(i) ) print( [j.error for j in layer] ) print() def PrintOutput(self): print( [i.outputs[0].charge for i in self.output_layer] ) def GetOutput(self): return [i.outputs[0].charge for i in self.output_layer] class Node(): def __init__(self, net, function, derivative, bias = False): self.net = net self.inputs = [] self.outputs = [] self.error = 0 self.total_input = 0 self.derivative = derivative self.function = function if bias: self.inputs.append(Connection(None,self,self.function,initial_weight=0)) self.inputs[0].charge = .01 ### adds a connection between self and child def AddChild(self,child): new_connection = Connection(self, child, self.function) self.outputs.append(new_connection) child.inputs.append(new_connection) ### This method is used to create an input connection for input nodes def CreateInput(self): self.inputs.append(Connection(None,self,self.function, initial_weight=1)) ### This method is used to create an output connection for output nodes def CreateOutput(self): self.outputs.append(Connection(self,None,self.function, initial_weight=1)) ### This method is used to propgate input values through a node in a network def forward(self,should_print = False): ### Calculate total input self.total_input = sum(inp.charge for inp in self.inputs) ### Reset Charge of outputs if should_print: print 'forwarding node' for out in self.outputs: out.Update(self.total_input,should_print=should_print) ### This method is used to propogate errors back through the network, then change weights def backward(self): error = 0 for output in self.outputs: error += output.child.error * output.weight self.error = error * self.derivative(self.total_input) for output in self.outputs: output.weight = output.weight - self.net.learning_rate * self.total_input * output.child.error if self.function == relu and output.weight < 0: output.weight = 0 ### these are connections betweeen nodes class Connection(): def __init__(self, inp, out, function, initial_weight = None): self.weight = random.uniform(-1,1) if initial_weight == None else initial_weight self.mother = inp self.child = out self.charge = None self.activation = function def Update(self, total_charge,should_print = False): self.charge = self.activation( total_charge * self.weight ) if should_print: print 'input: ' + str(total_charge) + ', weight: ' + str(self.weight), ', output: ' + str(self.charge) #OpenImage('wood1.jpg') #exit() #Network = FullyConnectedNetwork() #Network.PrintWeights() input_data = [] output_data = [] data = [] datagrey = [] with open('input.csv') as f: for line in f.readlines(): line = map(float,line.replace('\n','').split(',')) input_data.append(np.divide(line,256)) with open('colors.csv') as f: for line in f.readlines(): line = map( float,line.replace('\n','').split(',')) output_data.append(np.divide(line,256)) with open('data.csv') as f: for line in f.readlines(): line = map( float,line.replace('\n','').split(',')) data.append(np.divide(line,256)) datagrey.append([line[4],line[4],line[4]]) print len(data) CreateImage(output_data) CreateImage(datagrey, name='other',x=641,y=361) Network = FullyConnectedNetwork() training_data,leftover_data = Network.TrainAll(input_data,output_data, fraction=.8) Network.PrintWeights() #for i in range(10): # for i in range(len(input_data)): # Network.Train(input_data[i],output_data[i]) all_errors = Network.Analyze(leftover_data,input_data,output_data) colors = np.zeros((len(input_data),3)) for i in range(len(input_data)): Network.TakeInput(input_data[i]) colors[i] = np.multiply(Network.GetOutput(),256) reds = [] greens = [] blues = [] for i in colors: reds.append(i[0]) greens.append(i[1]) blues.append(i[2]) plt.hist(reds,bins=50) plt.savefig('test.png') plt.close() plt.hist(greens,bins=50) plt.savefig('testgreen.png') plt.close() plt.hist(blues,bins=50) plt.savefig('testblue.png') plt.close() CreateImage(colors,name='noshift') shifts = np.sum(all_errors,axis=0) shifts = np.divide(shifts,float(len(all_errors))/256) prev_colors = colors colors = np.subtract(colors,shifts) CreateImage(colors,name='reconstructed') data_color = [] csv = '' for i in data: Network.TakeInput(i) new_data = np.multiply(Network.GetOutput(),256) data_color.append(new_data) line = '' for point in new_data: line+=str(point)+',' print line[:-1] csv += str(line[:-1])+'\n' fil = open('final.csv','w') fil.write(csv) fil.close() CreateImage(data_color,name='data',x=641,y=361) best = BestKmeans(output_data,[3,7]) colors = kmeans(output_data,nclusters=best)[0] ncolors = len(colors) Networks = FullyConnectedNetwork(error_function=Class,clusters =colors) for i in range(len(input_data)): Networks.Train(input_data[i],output_data[i]) data_color = [] for i in data: Networks.TakeInput(i) print Networks.PrintOutput() data_color.append(np.multiply(colors[BestCluster(Networks.GetOutput(),colors)],256)) CreateImage(data_color,name='data_other',x=641,y=361) exit() clusters = kmeans(map(lambda x: input_data[x],training_data),nclusters = 4)[0] cluster_data = [] for c in clusters: cluster_data.append([]) #cluster_indices = Network.ClusterOnError(clusters,training_data,input_data,output_data) Networks = [] for c in range(len(cluster_indices)): Networks.append(FullyConnectedNetwork()) for i in cluster_indices[c]: Networks[c].Train(input_data[i],output_data[i]) Networks[c].PrintWeights() cluster_indices = Network.ClusterOnError(clusters,leftover_data,input_data,output_data) for c in cluster_indices: Networks[c].Analyze(cluster_indices[c],input_data,output_data,section=c) #print len(input_data) #print len(output_data) #CreateImage(output_data) #kmeans_errors = [] #clusters = {} #for i in range(1,2): # results = kmeans(input_data,nclusters=i) # clusters[i] = results[0] # kmeans_errors.append(results[1]) #plt.plot(kmeans_errors) #plt.savefig('kmeanserrors.png') #plt.close() #print kmeans_errors #for i in range(1,len(kmeans_errors)): # if float(kmeans_errors[i]-kmeans_errors[i-1])/kmeans_errors[i] < .15: # nclusters = i ######## #nclusters = 1 ######## #selected_clusters = clusters[nclusters] #training_data = [] #testing_data = [] #for c in range(nclusters): # training_data.append([]) # testing_data.append([]) #num_outputs = 3 #for i in range(len(input_data)): # data_errors = map(lambda x: distance(x,input_data[i]),selected_clusters) # c = data_errors.index(min(data_errors)) # if random.random() < .8: # training_data[c].append(i) # else: # testing_data[c].append(i) # #### train networks #Networks = [] #for c in range(len(training_data)): # Networks.append(FullyConnectedNetwork()) # for i in training_data[c]: # Networks[c].Train(input_data[i],output_data[i][:num_outputs]) # Networks[c].PrintWeights() # # # ##### test networks on testing data #names= ['red','green','blue'] #all_errors = [] #red_error = [] #green_error = [] #blue_error = [] #for c in range(len(testing_data)): # all_errors.append( [[],[],[]]) # for i in testing_data[c]: # Networks[c].TakeInput(input_data[i]) # errors = np.subtract(Networks[c].GetOutput(),output_data[i][:num_outputs]) # for j in range(num_outputs): # all_errors[c][j].append(errors[j]) # #print map(lambda x: np.divide( np.sum(x,axis=1),float(len(x[0]) )),all_errors ) #new_all = [] #for c in range(len(all_errors[0])): # new_list = [] # for i in range(len(all_errors)): # new_list += all_errors[i][c] # new_all.append(new_list) #all_errors = new_all #clusters = kmeans(all_errors,nclusters = 4)[0] #SecondIterationNetworks = [] #for cluster in clusters: # SecondIterationNetworks.append(FullyConnectedNetwork()) # #for c in range(len(testing_data)): # for i in testing_data[c]: # # ##### create training image #colors = np.zeros((len(input_data),3)) #for c in range(len(testing_data)): # for i in testing_data[c]+training_data[c]: # Networks[c].TakeInput(input_data[i]) # colors[i] = np.multiply(Networks[c].GetOutput(),256) #shifts = map(lambda x: float(sum(x))/len(x),all_errors) #colors = np.subtract(colors,np.multiply(shifts,256)) #CreateImage(colors,name='reconstructed') # # #for i in range(len(shifts)): # all_errors[i] = np.subtract(all_errors[i],shifts[i]) #print 'plotting' #for j in range(num_outputs): # plt.hist(all_errors[j],bins = 50) # plt.savefig(names[j]+'.png') # plt.close() ##Network.PrintWeights() <file_sep>import numpy as np import random import math def sigmoid(x): try: return 1/(1+math.exp(-x)) except: return 0 def sigmoid_prime(x): return sigmoid(x)*(1-sigmoid(x)) def relu(x): if x >= 0: return x else: return 0 def relu_prime(x): if x >= 0: return 1 else: return 0 class FullyConnectedNetwork: ### layer_heights[i] gives the number of nodes to have at layer of depth i def __init__(self, rate = .01, layer_heights = [9,9,6,3,3]): self.learning_rate = rate self.derivative = relu_prime self.layers = [] ### Create and append input layer nodes self.input_layer = [Node(self) for i in range(layer_heights[0])] self.input_layer.append(Node( self, bias=True)) self.layers.append(self.input_layer) ### Create and append hidden layers nodes self.hidden_layers = [] for depth in range(1,len(layer_heights)-1): new_hidden = [ Node(self) for i in range(layer_heights[depth]) ] new_hidden.append( Node( self, bias=True ) ) self.hidden_layers.append(new_hidden) self.layers+=self.hidden_layers ### Create and append output layer nodes self.output_layer = [Node(self) for i in range(layer_heights[len(layer_heights)-1])] self.layers.append(self.output_layer) ### create connections between nodes for i in range(len(self.input_layer)-1): self.input_layer[i].CreateInput() for i in range(len(self.layers)-1): for parent in self.layers[i]: for child in self.layers[i+1]: if i != len(self.layers)-2 and child == self.layers[i+1][-1]: continue parent.AddChild(child) for node in self.output_layer: node.CreateOutput() def Train(self,input_data,output_data): self.TakeInput(input_data) self.BackPropogation(output_data) def TakeInput(self, input_data, should_print = False): if len(input_data) != len(self.input_layer) - 1 : print( 'Error: Input has wrong dimension' ) return ### Adjust Inputs input_node = iter(self.input_layer) for inp in input_data: next(input_node).inputs[0].charge = inp ### send inputs to next layer for layer in self.layers: if should_print: print print 'next layer' for node in layer: node.forward(should_print = should_print) def BackPropogation(self,data): if len(data) != len(self.output_layer): print( 'Error: Output has wrong dimension' ) return ### calculate errors of output nodes for i in range(len(self.output_layer)): self.output_layer[i].error = self.derivative(self.output_layer[i].total_input) * ( self.output_layer[i].outputs[0].charge - data[i] ) ### now begin propogating errors back through the network nlayers = len(self.layers) for i in range( nlayers - 1 ): for node in self.layers[nlayers - i - 2]: node.backward() def PrintWeights(self): for i in range(len(self.layers)): layer = self.layers[i] print( 'layer: ' + str(i) ) for node in layer: print( [j.weight for j in node.inputs] ) print() def PrintErrors(self): #print( [j.inputs[0].charge for j in self.input_layer] ) for i in range(len(self.layers)): #print( [j.charge for j in self.input_layer] ) layer = self.layers[i] print( 'layer: ' + str(i) ) print( [j.error for j in layer] ) print() def PrintOutput(self): print( [i.outputs[0].charge for i in self.output_layer] ) class Node(): def __init__(self, net, bias = False): self.net = net self.inputs = [] self.outputs = [] self.error = 0 self.total_input = 0 self.derivative = relu_prime if bias: self.inputs.append(Connection(None,self,initial_weight=1)) self.inputs[0].charge = 1 ### adds a connection between self and child def AddChild(self,child): new_connection = Connection(self,child) self.outputs.append(new_connection) child.inputs.append(new_connection) ### This method is used to create an input connection for input nodes def CreateInput(self): self.inputs.append(Connection(None,self,initial_weight=1)) ### This method is used to create an output connection for output nodes def CreateOutput(self): self.outputs.append(Connection(self,None,initial_weight=1)) ### This method is used to propgate input values through a node in a network def forward(self,should_print = False): ### Calculate total input self.total_input = sum(inp.charge for inp in self.inputs) ### Reset Charge of outputs if should_print: print 'forwarding node' for out in self.outputs: out.Update(self.total_input,should_print=should_print) ### This method is used to propogate errors back through the network, then change weights def backward(self): error = 0 for output in self.outputs: error += output.child.error * output.weight self.error = error * self.derivative(self.total_input) for output in self.outputs: output.weight = output.weight - self.net.learning_rate * self.total_input * output.child.error if output.weight < 0: output.weight = 0 ### these are connections betweeen nodes class Connection(): def __init__(self, inp, out, initial_weight = None): self.weight = random.uniform(-1,1) if initial_weight == None else initial_weight self.mother = inp self.child = out self.charge = None self.activation = relu def Update(self, total_charge,should_print = False): self.charge = self.activation( total_charge * self.weight ) if should_print: print 'input: ' + str(total_charge) + ', weight: ' + str(self.weight), ', output: ' + str(self.charge) Network = FullyConnectedNetwork() Network.PrintWeights() input_data = [] output_data = [] data = [] with open('input.csv') as f: for line in f.readlines(): line = map(float,line.replace('\n','').split(',')) input_data.append(np.divide(line,256)) with open('colors.csv') as f: for line in f.readlines(): line = map( float,line.replace('\n','').split(',')) output_data.append(np.divide(line,256)) with open('data.csv') as f: for line in f.readlines(): line = map( float,line.replace('\n','').split(',')) data.append(np.divide(line,256)) print len(input_data) print len(output_data) training_data = [] testing_data = [] for i in range(len(input_data)): if random.random() < .8: training_data.append(i) else: testing_data.append(i) for i in training_data: Network.Train(input_data[i],output_data[i]) Network.PrintOutput() Network.PrintWeights() for i in testing_data: print print output_data[i] Network.TakeInput(input_data[i]) Network.PrintOutput() Network.PrintWeights()
a51193d6b2708b4e1aaab2b401e4532c3e843ade
[ "Python" ]
3
Python
vvmirkovic/AIProject
11276003cb97b9506f2113155686d3847d936b85
6dfc647bb1f09c25f15dc560ee151041aae0e38f
refs/heads/master
<repo_name>yifanlee1128/PythonProject_Coursework_Derivative<file_sep>/Assignment4/Q3.py import numpy as np def TrinomialTree(isAmerican, isCall, S0, K, r,q,sigma, n): N=360 dt = 1 / N # time steps u = np.exp(sigma * np.sqrt(2 * dt)) # up d = np.exp(- sigma * np.sqrt(2 * dt)) # down m = 1.0 # do not move # risk netural probabilities a = np.exp((r-q) * dt / 2) b = np.exp(- sigma * np.sqrt(dt / 2)) c = np.exp(sigma * np.sqrt(dt / 2)) pu = ((a - b) / (c - b)) ** 2 pd = ((c - a) / (c - b)) ** 2 pm = 1 - pu - pd Tree = [np.array([S0])] for i in range(n): # generate the trinomial tree and calculated payoff prevT = Tree[-1] md=np.array([prevT[-1]*m]) dd=np.array([prevT[-1]*d]) ST = np.concatenate((prevT*u,md,dd),axis=None) Tree.append(ST) if isCall: payoffs = np.maximum(0, (Tree[n] - K)) else: payoffs = np.maximum(0, (K - Tree[n])) for i in reversed(range(n)): payoffs = (payoffs[:-2] * pu + payoffs[1:-1] * pm + payoffs[2:] * pd) * np.exp(-r* dt) if isAmerican: payoffs = np.maximum(payoffs, Tree[i] - K) # that is an extra term for american option print(payoffs==Tree[i]-K) # since we need to check if we should exercise early return payoffs[0] # vega is the partial derivaives of option price with respect of vol # here we add an increment in sigma to get vega def Vega(isAmerican, isCall, S0, K, r,q, sigma, n): d = 0.001 return (TrinomialTree(isAmerican, isCall, S0, K, r,q, sigma + d, n) - TrinomialTree(isAmerican, isCall, S0, K, r,q, sigma, n)) / d def FindIMPvol(targetCall, isAmerican, isCall, S, K, r,q,n): max= 1000 # max step of iteration tor = 1.0e-8 # tolerance for the difference sigma = 0.2 # initial guessing sigma for i in range(0, max): TriNTprice = TrinomialTree(isAmerican, isCall, S, K, r, q,sigma,n) vega = Vega(isAmerican, isCall, S, K, r,q, sigma,n) difference = TriNTprice - targetCall if abs(difference) < tor: # if difference is small enough, we get desired sigma return sigma sigma = sigma - difference / vega # if not, by definition of vega then use newton method # we get an iterative formula for sigma return sigma def main(): # screen call price used to calculate sigma callprice=[11.38,10.85,10.21,9.57,8.91,8.28,7.55,7.13,6.53,5.91,5.65] for i in range(310,321): print("Volatilities for strike K="+str(i)+" is "+str(FindIMPvol(callprice[i-310], True, True, 311.97, i, 0.016,0.0184,135))) main() <file_sep>/Assignment2/Question4/test.py import numpy as np print('a'>"0") a=[1,1,1,2] print(a[-1])<file_sep>/Assignment2/Question4/Question4.py import numpy as np import matplotlib.pyplot as plt from scipy.interpolate import interp1d swaprate=[1.67, 1.47, 1.39, 1.35, 1.38, 1.45, 1.63] timeline = [1, 2, 3, 5, 7, 10, 30] swaprate = [p / 100. for p in swaprate] timeline = [p * 12 for p in timeline] function = interp1d(timeline, swaprate, kind='quadratic') timeline_month = [t for t in range(12, 361)] initial_R = function(timeline_month) def get_newRn(alpha,Z): cumsumlist=alpha*Z.cumsum() newRn=[(1-z)/de for z,de in zip(Z,cumsumlist)] return np.array(newRn) def get_newZn(alpha,Rn): new_Zn=[] for i in range(len(Rn)): if i==0: new_Zn.append(1/(1+alpha*Rn[i])) else: new_Zn.append((1-Rn[i]*alpha*sum(new_Zn))/(1+alpha*Rn[i])) return np.array(new_Zn) def get_distance(newRn,Rn): return np.abs(newRn-Rn).sum() distance=1 newRn=initial_R while distance>1e-15: oldRn=newRn newZn = get_newZn(1 / 12, oldRn) newRn = get_newRn(1 / 12, newZn) distance=get_distance(newRn,oldRn) plt.plot(timeline_month, newRn, '-') plt.title("Question 4 smooth result") plt.savefig("smooth_result.pdf") plt.show()
3e83ada1b61b894d8585af21c3c038cb62daaa81
[ "Python" ]
3
Python
yifanlee1128/PythonProject_Coursework_Derivative
b442987067078b54186792ab1a9ad1574f795444
7c25c4666048e9b8376bd7248e116b489caabb61
refs/heads/master
<file_sep>// // BST.h // TreeProject // // Created by <NAME> on 11/13/14. // Copyright (c) 2014 <NAME>. All rights reserved. // #ifndef __TreeProject__BST__ #define __TreeProject__BST__ #include "BTNode.h" #include <exception> class DuplicateValueException : std::exception{}; class BST{ private: BTNode* root; public: BST(); BST(const BST& treeToCopy); BST& operator=(const BST& treeToCopy); ~BST(); //@post inserts item into correct place in tree void add(int newItem); //@returns true if the item is in the tree, false otherwise bool find(int itemToFind); //@post prints the items to the screen in numerical order, comma separated void printInOrder(); //@returns the number of items in the tree int itemCount(); //@returns the height of the tree, -1 if the tree is empty int height(); //@returns the largest value in the tree //@throws std::out_of_range if tree is empty int max(); }; #endif /* defined(__TreeProject__BST__) */ <file_sep>// // BST.cpp // TreeProject #include <iostream> #include "BST.h" //Big O(1) BST::BST(){ root = nullptr; } //Big O(N) void deleteSubTree(BTNode* current){ if (current != nullptr) { deleteSubTree(current->getLeft()); deleteSubTree(current->getRight()); delete current; } } // O(n) for copy constructor and assignment opp BTNode* copy_helper( BTNode* copy_from) { if(copy_from == nullptr){ return nullptr; } else{ BTNode* copy_to= new BTNode(copy_from->getItem()); copy_to->setLeft(copy_helper(copy_from->getLeft())); copy_to->setRight(copy_helper(copy_from->getRight())); return copy_to; } } BST::BST(const BST& treeToCopy){ root=::copy_helper( treeToCopy.root); } BST& BST::operator=(const BST& treeToCopy){ //TODO (consider calling the same recursive functons used in destructor and copy constructor) if(this!=&treeToCopy){ root=::copy_helper( treeToCopy.root); } return *this; } BST::~BST(){ deleteSubTree(root); } //O(h) ; best case senario: O (logN) void add(BTNode* current, int newValue){ if (newValue == current->getItem()){ throw DuplicateValueException(); } else if (newValue < current->getItem()){ BTNode* child = current->getLeft(); if (child != nullptr){ add(child, newValue); } else { current->setLeft(new BTNode(newValue)); } } else { //newValue > current->getItem() BTNode* child = current->getRight(); if (child != nullptr){ add(child, newValue); } else { current->setRight(new BTNode(newValue)); } } } void BST::add(int newValue){ if (root == nullptr){ root = new BTNode(newValue); } else { ::add(root, newValue); } } //O(log n) bool find(BTNode *current, int itemToFind) { if (current == nullptr){ return false; } else { if (current->getItem() == itemToFind) { return true; } else if (current->getItem() > itemToFind) { return find(current->getLeft(), itemToFind); } else { return find(current->getRight(), itemToFind); } } } bool BST::find(int itemToFind) { return ::find(root, itemToFind); } //O(n) void printInOrder(BTNode* current){ if(current != nullptr){ if(current->getLeft()!= nullptr){ printInOrder(current->getLeft()); } std::cout<<current->getItem()<<", "; if(current->getRight()!= nullptr){ printInOrder(current->getRight()); } } else{ std::cout<<"The tree is empty\n"; } } void BST::printInOrder(){ ::printInOrder(root); std::cout<<"\n"; } //O(n) int itemCount(BTNode* current){ int count = 1; if (current->getLeft() != nullptr) { count += itemCount(current->getLeft()); } if (current->getRight() != nullptr) { count += itemCount(current->getRight()); } return count; } int BST::itemCount(){ if(root== nullptr){ return 0; } else { return ::itemCount(root); } } //O(n) int height(BTNode* current){ if(current== nullptr){ return 0; } else { int lSide = height(current->getLeft()); int rSide = height(current->getRight()); if (rSide > lSide) { return rSide + 1; } else { return lSide + 1; } } } int BST::height(){ return ::height(root)-1; } //O(h) Best Case senario O(log n) int max(BTNode* current){ if(current== nullptr) { throw std::out_of_range("pass"); } else if(current->getRight()== nullptr) { return current->getItem(); } else { return max(current->getRight()); } } int BST::max(){ return ::max(root); } <file_sep>// main.cpp // TreeProject #include <iostream> #include "BST.h" #include "TestLib.h" void addValuesToTree(int* a, int size, BST& tree){ for (int i=0; i<size; i++){ tree.add(a[i]); } } int checkIfValsInTree(int* a, int size, BST& tree){ int problemCount = 0; for (int i=0; i<size; i++){ if (tree.find(a[i]) == false){ std::cout << "Missing value:" << a[i] << std::endl; problemCount++; } } return problemCount; } int checkIfValsNotInTree(int* a, int size, BST& tree){ int problemCount = 0; for (int i=0; i<size; i++){ if (tree.find(a[i])){ std::cout << "Value found that shouldn't be:" << a[i] << std::endl; problemCount++; } } return problemCount; } void testCopyConstructor(int* a, int size){ BST orig = BST(); addValuesToTree(a, size, orig); BST copy = BST(orig); checkIfValsInTree(a, size, copy); //will throw create malloc error when returning if shallow copy } void testAssnOp(int* a, int size){ BST orig = BST(); addValuesToTree(a, size, orig); BST copy = BST(); copy.add(5); copy.add(7); copy = orig; checkIfValsInTree(a, size, copy); int v[] = {5, 7}; checkIfValsNotInTree(v, 2, copy); //make sure nothing happens when assinging to oneself copy = copy; checkIfValsInTree(a, size, copy); checkIfValsNotInTree(v, 2, copy); //will throw create malloc error when returning if shallow copy } int main(){ BST t1 = BST(); int v1Size = 9; int v1[] = {20, 40, 30, 6, 3, 100, 12, 14, 35}; addValuesToTree(v1, v1Size, t1); BST t2 = BST(); int v2Size = 7; int v2[] = {-3, -2, -22, -17, -19, -4, -1}; addValuesToTree(v2, v2Size, t2); BST t3 = BST(); int v3Size = 6; int v3[] = {5, 17, 9, 14, 16, 13}; addValuesToTree(v3, v3Size, t3); BST t4 = BST(); int v4Size = 4; int v4[] = {1, 2, 3, 4}; addValuesToTree(v4, v4Size, t4); BST t5 = BST(); t5.add(0); BST t6 = BST(); std::cout << "\nTesting find" << std::endl; int notInValsSize = 4; int notInVals[] = {-8, 8, 18, -18}; printAssertEquals(0, checkIfValsInTree(v1, v1Size, t1)); printAssertEquals(0, checkIfValsNotInTree(notInVals, notInValsSize, t1)); printAssertEquals(0, checkIfValsInTree(v2, v2Size, t2)); printAssertEquals(0, checkIfValsNotInTree(notInVals, notInValsSize, t2)); printAssertEquals(0, checkIfValsInTree(v3, v3Size, t3)); printAssertEquals(0, checkIfValsNotInTree(notInVals, notInValsSize, t3)); printAssertEquals(0, checkIfValsInTree(v4, v4Size, t4)); printAssertEquals(0, checkIfValsNotInTree(notInVals, notInValsSize, t4)); printAssertEquals(true, t5.find(0)); printAssertEquals(0, checkIfValsNotInTree(notInVals, notInValsSize, t5)); printAssertEquals(0, checkIfValsNotInTree(notInVals, notInValsSize, t6)); std::cout << "\nTesting PrintInOrder:" << std::endl; t1.printInOrder(); t2.printInOrder(); t3.printInOrder(); t4.printInOrder(); t5.printInOrder(); t6.printInOrder(); std::cout << "\nTesting Item Count:" << std::endl; printAssertEquals(9, t1.itemCount()); printAssertEquals(7, t2.itemCount()); printAssertEquals(6, t3.itemCount()); printAssertEquals(4, t4.itemCount()); printAssertEquals(1, t5.itemCount()); printAssertEquals(0, t6.itemCount()); std::cout << "\nTesting Height:" << std::endl; printAssertEquals(3, t1.height()); printAssertEquals(3, t2.height()); printAssertEquals(4, t3.height()); printAssertEquals(3, t4.height()); printAssertEquals(0, t5.height()); printAssertEquals(-1, t6.height()); std::cout << "\nTesting Max:" << std::endl; printAssertEquals(100, t1.max()); printAssertEquals(-1, t2.max()); printAssertEquals(17, t3.max()); printAssertEquals(4, t4.max()); printAssertEquals(0, t5.max()); try { t6.max(); std::cout << "FAIL: max should throw error when tree is empty" << std::endl; } catch(std::out_of_range& e){ std::cout << ("pass") << std::endl; } std::cout<<"done\n"; testCopyConstructor(v1, v1Size); int one[] = {1}; testCopyConstructor(one, 1); testCopyConstructor(nullptr, 0); std::cout<<"Done \n"; testAssnOp(v1, v1Size); testAssnOp(one, 1); testAssnOp(nullptr, 0); std::cout<<"Done \n"; return 0; } <file_sep>// // Created by <NAME> on 8/26/17. // #ifndef COMP220LAB_TESTLIB_H #define COMP220LAB_TESTLIB_H #include <string> /** * reports whether ints are equal or not * @param expected - the value you expect the actual value to be * @param actual - the actual value to test * @post prints only "pass" if the values are equal, * Else it prints "FAIL" and their respective values */ void printAssertEquals(int expected, int actual); /** * reports whether floats are close enough to equal or not * @param expected - the value you expect the actual value to be * @param actual - the actual value to test * @param errorMargin - the amount of error you're willing to accept * @post prints only "pass" if the values are within the error margin from each other, * else it prints "FAIL" and their respective values */ void printAssertCloseToEqual(float expected, float actual, float errorMargin); /** * reports whether arrays are equal or not * @param expected - the array you expect the actual value to be * @param actual - the actual array to test * @param size - the number of elements in the arrays to check * @post prints only "pass" if the arrays are equal, * Else it prints "FAIL" and the number of values that are different */ void printAssertArrayEqual(int* expected, int* actual, int size); /** * reports whether strings are equal or not * @param expected - the value you expect the actual value to be * @param actual - the actual value to test * @post prints only "pass" if the values are equal, * Else it prints "FAIL" and their respective values */ void printAssertStringEqual(std::string expected, std::string actual); /** * checks whether an array is in sorted order or not * @param a - a pointer to the array to check * @param size - the number of elements in the array to check * @return true if the array is sorted, false otherwise */ bool checkSorted(int* a, int size); /** * checks whether two arrays contain the same elements or not * @param a1 - a pointer to the first array to check * @param a2 - a pointer to the second array to check * @param size - the number of elements in the array to check * @return true if the arrays contain the same elements, false otherwise */ bool checkForSameElements(const int* a1, const int* a2, int size); #endif //COMP220LAB_TESTLIB_H <file_sep>// // Created by <NAME> on 8/26/17. // #include <iostream> #include "TestLib.h" void printAssertEquals(int expected, int actual){ if (expected == actual){ std::cout << "pass" << std::endl; } else { std::cout << "FAIL, expected: " << expected << "\tactual: " << actual << std::endl; } } void printAssertCloseToEqual(float expected, float actual, float errorMargin ){ float diff = expected - actual; if ( diff <= errorMargin && diff >= -errorMargin){ std::cout << "pass" << std::endl; } else { std::cout << "FAIL, expected: " << expected << "\t not close to actual: " << actual << std::endl; } } void printAssertArrayEqual(int* a1, int *a2, int size){ int failCount = 0; for (int i=0; i<size; i++){ if (a1[i] != a2[i]) { failCount++; } } if (failCount <=0){ std::cout << "pass" << std::endl; } else { std::cout << "FAIL, failCount: " << failCount << std::endl; } } void printAssertStringEqual(std::string expected, std::string actual){ if (expected == actual){ std::cout << "pass" << std::endl; } else { std::cout << "FAIL, expected: " << expected << "actual: " << actual << std::endl; } } bool checkSorted(int* a, int size){ int failCount = 0; for (int i=0; i<size-1; i++){ if (a[i] > a[i+1]) { failCount++; } } return failCount == 0; } int countOccurrences(const int* a1, int size, int itemToCount){ //return the number of times itemToCount occurs in a1 int total = 0; for (int i=0; i< size; i++) { if (a1[i] == itemToCount) { total++; } } return total; } bool checkForSameElements(const int* a1, const int *a2, int size){ //check that the same number of each element exists using countOccurrences on every element from one array on the other //check everything in a1 exists in a2 for (int i=0; i<size; i++) { if ((countOccurrences(a1, size, a1[i])) != countOccurrences(a2, size, a1[i])) { std::cout << "Error: element: " << a1[i] << " not found in both lists\n"; return false; } } //edge case: a2 may contain things that are not in a1 //so check everything in a2 for (int i=0; i<size; i++) { if ((countOccurrences(a1, size, a2[i])) != countOccurrences(a2, size, a2[i])) { std::cout << "Error: element: " << a1[i] << " not found in both lists\n"; return false; } } return true; }<file_sep>// // BSTNode.h // TreeProject // // Created by <NAME> on 11/13/14. // Copyright (c) 2014 <NAME>. All rights reserved. // #ifndef __TreeProject__BSTNode__ #define __TreeProject__BSTNode__ class BTNode{ private: int item; BTNode* left; BTNode* right; public: BTNode(int itemIn){ item = itemIn; left = nullptr; right = nullptr; } BTNode(const BTNode& nodeToCopy){ item = nodeToCopy.item; left = nullptr; right = nullptr; } int getItem(){ return item; } BTNode* getLeft(){ return left; } BTNode* getRight(){ return right; } void setLeft(BTNode* leftIn){ left = leftIn; } void setRight(BTNode* rightIn){ right = rightIn; } }; #endif /* __TreeProject__BSTNode__ */ <file_sep>cmake_minimum_required(VERSION 3.12) project(Lab10_0) set(CMAKE_CXX_STANDARD 14) add_executable(Lab10_0 BST.cpp Lab10Tester.cpp TestLib.cpp)
f29c06013620a851b0a05ea7481676353d6a5dde
[ "CMake", "C++" ]
7
C++
sgattus/Lab10_0_BinaryTrees
281ebce62a777e51456d058dd5229e7f6047cb99
fa4fc9ad00604bc3550d191f2ecab3659a0d4172
refs/heads/master
<repo_name>wh-forker/RL-Experiments<file_sep>/src/baselines/DDPG/demo.py # -*- coding: utf-8 -*- import copy import gym import numpy as np import torch import torch.nn as nn from torch.optim import Adam from baselines.DDPG import Agent from baselines.base import ReplayBuffer, NoiseGenerator class Actor(nn.Module): def __init__(self, state_dim, action_dim): super(Actor, self).__init__() self.fc = nn.Sequential( nn.Linear(state_dim, 128), nn.ReLU(inplace=True), nn.Linear(128, 128), nn.ReLU(inplace=True), nn.Linear(128, action_dim), nn.Tanh() ) for layer in (0, 2, 4): nn.init.xavier_normal_(self.fc[layer].weight) nn.init.constant_(self.fc[layer].bias, 0) def forward(self, x): return self.fc(x) class Critic(nn.Module): def __init__(self, state_dim, action_dim): super(Critic, self).__init__() self.fcs = nn.Sequential( nn.Linear(state_dim, 128), nn.ReLU(inplace=True) ) self.fca = nn.Sequential( nn.Linear(action_dim, 128), nn.ReLU(inplace=True) ) self.fc = nn.Sequential( nn.Linear(256, 128), nn.ReLU(inplace=True), nn.Linear(128, 1) ) nn.init.xavier_normal_(self.fcs[0].weight) nn.init.constant_(self.fcs[0].bias, 0) nn.init.xavier_normal_(self.fca[0].weight) nn.init.constant_(self.fca[0].bias, 0) nn.init.xavier_normal_(self.fc[0].weight) nn.init.constant_(self.fc[0].bias, 0) nn.init.xavier_normal_(self.fc[2].weight) nn.init.constant_(self.fc[2].bias, 0) def forward(self, state, action): return self.fc(torch.cat([self.fcs(state), self.fca(action)], 1)) # Fine-tune based on https://github.com/openai/baselines/blob/master/baselines/ddpg/noise.py # Based on http://math.stackexchange.com/questions/1287634/implementing-ornstein-uhlenbeck-in-matlab class OrnsteinUhlenbeckActionNoise(NoiseGenerator): def __init__(self, size, mu, sigma, theta=.15, dt=1e-2, x0=None): self.size = size self.mu = mu self.sigma = sigma self.theta = theta self.dt = dt self.x0 = x0 self.x_prev = None def generate(self): x = self.x_prev + \ self.theta * (self.mu - self.x_prev) * self.dt + \ self.sigma * np.sqrt(self.dt) * np.random.normal(size=self.size) self.x_prev = x return x def reset(self): self.x_prev = self.x0 if self.x0 is not None else np.zeros_like(self.mu) def __repr__(self): return 'OrnsteinUhlenbeckActionNoise(mu={}, sigma={})'.format(self.mu, self.sigma) env = gym.make('Pendulum-v0') state_dim = env.observation_space.shape[0] action_dim = env.action_space.shape[0] actor = Actor(state_dim, action_dim) target_actor = copy.deepcopy(actor) critic = Critic(state_dim, action_dim) target_critic = copy.deepcopy(critic) replay_module = ReplayBuffer(1e6) noise_generator = OrnsteinUhlenbeckActionNoise(action_dim, 0, 0.2) agent = Agent(actor, target_actor, Adam(actor.parameters(), 1e-4), critic, target_critic, Adam(critic.parameters(), 1e-3), nn.MSELoss(), replay_module, noise_generator) agent.learn(env, 100000, 128) <file_sep>/src/baselines/PPO/demo.py # -*- coding: utf-8 -*- import gym import torch import torch.nn as nn from baselines import PPO class AC(nn.Module): def __init__(self, state_dim, action_dim): super(AC, self).__init__() self.fc = nn.Sequential( nn.Linear(state_dim, 10), nn.ReLU(inplace=True), ) self.policy = nn.Sequential( nn.Linear(10, action_dim), nn.LogSoftmax(1) ) self.value = nn.Sequential( nn.Linear(10, 1) ) for attr in (self.fc, self.policy, self.value): nn.init.xavier_normal_(attr[0].weight) nn.init.constant_(attr[0].bias, 0) def forward(self, x): x = self.fc(x) return self.policy(x), self.value(x) env = gym.make('CartPole-v0') ac = AC(env.observation_space.shape[0], env.action_space.n) agent = PPO.Agent(ac, nn.MSELoss(), torch.optim.Adam(ac.parameters(), lr=1e-3)) agent.learn(env, 200) <file_sep>/src/baselines/RAINBOW/demo.py # -*- coding: utf-8 -*- import gym import torch import torch.nn as nn import torch.nn.functional as F from baselines import RAINBOW, base def get_scale_noise(input_size): x = torch.randn(input_size) return x.sign().mul(x.abs().sqrt()) class NoisyLinear(nn.Module): def __init__(self, in_features, out_features): super(NoisyLinear, self).__init__() self.in_features = in_features self.out_features = out_features self.mu = nn.Linear(in_features, out_features) nn.init.xavier_normal_(self.mu.weight) nn.init.constant_(self.mu.bias, 0) self.sigma = nn.Linear(in_features, out_features) nn.init.xavier_normal_(self.sigma.weight) nn.init.constant_(self.sigma.bias, 0) self.register_buffer('weight_epsilon', torch.Tensor(out_features, in_features)) self.register_buffer('bias_epsilon', torch.Tensor(out_features)) self.reset_noise() def forward(self, x): weight = self.sigma.weight.data.mul(self.weight_epsilon) bias = self.sigma.bias.data.mul(self.bias_epsilon) return self.mu(x) + F.linear(x, weight, bias) def reset_noise(self): weight_epsilon = get_scale_noise(self.out_features).ger(get_scale_noise(self.in_features)) bias_epsilon = get_scale_noise(self.out_features) self.weight_epsilon.copy_(weight_epsilon) self.bias_epsilon.copy_(bias_epsilon) class Network(nn.Module): def __init__(self, state_dim, action_dim, atom_num): super(Network, self).__init__() self.action_dim = action_dim self.atom_num = atom_num self.features = nn.Sequential( nn.Linear(state_dim, 64), nn.ReLU(True), ) gain = nn.init.calculate_gain('relu') nn.init.xavier_normal_(self.features[0].weight, gain) nn.init.constant_(self.features[0].bias, 0) self.value = NoisyLinear(64, atom_num) self.advantage = NoisyLinear(64, atom_num * action_dim) self.logsoftmax = nn.LogSoftmax(1) def forward(self, x): batch_size = x.size(0) feature = self.features(x) value = self.value(feature).unsqueeze(1) advantage = self.advantage(feature).view(batch_size, self.action_dim, self.atom_num) feature = value + advantage - advantage.mean(1, keepdim=True) logprobs = self.logsoftmax(feature.view(-1, self.atom_num)) return logprobs.view(batch_size, self.action_dim, self.atom_num) def reset_noise(self): self.value.reset_noise() self.advantage.reset_noise() torch.random.manual_seed(28) num_atoms = 21 min_value = -10 max_value = 10 env = gym.make('CartPole-v0') net = Network(env.observation_space.shape[0], env.action_space.n, num_atoms) target_net = Network(env.observation_space.shape[0], env.action_space.n, num_atoms) replay = base.ReplayBuffer(10000) optimizer = torch.optim.Adam(net.parameters(), lr=1e-3) agent = RAINBOW.Agent(net, target_net, replay, optimizer, 200, min_value, max_value, num_atoms, 100) agent.learn(env, 10000, 32) <file_sep>/src/baselines/DQN/demo.py # -*- coding: utf-8 -*- import copy import gym import torch import torch.nn as nn from baselines import DQN, base class Net(nn.Module): def __init__(self, state_dim, action_dim): super(Net, self).__init__() self.fc = nn.Sequential( nn.Linear(state_dim, 64), nn.ReLU(inplace=True), nn.Linear(64, action_dim) ) for layer in (0, 2): nn.init.xavier_normal_(self.fc[layer].weight) nn.init.constant_(self.fc[layer].bias, 0) def forward(self, x): return self.fc(x) env = gym.make('CartPole-v0') q = Net(env.observation_space.shape[0], env.action_space.n) target_q = copy.deepcopy(q) agent = DQN.Agent(q, target_q, base.ReplayBuffer(50000), torch.optim.Adam(q.parameters(), lr=1e-3), nn.MSELoss(), 500, reward_gamma=1.0) agent.learn(env, 1000, 32) <file_sep>/src/baselines/A3C/agent.py # -*- coding: utf-8 -*- import copy import time import torch import torch.multiprocessing as mp from baselines import base from utils.logger import get_logger logger = get_logger() class Agent(base.Agent): # References: # [1] <NAME>, <NAME>, <NAME>, et al. Asynchronous methods for deep reinforcement learning[C]// # International Conference on Machine Learning. 2016: 1928-1937. def __init__(self, ac, optimizer, loss, reward_gamma=0.99, c1=1e-1, c2=1e-2): """ Args: ac: ac network optimizer: optimizer for ac loss: loss function for value, calculate loss by `loss(eval, target)` reward_gamma: reward discount c1: coff of value, final loss is policy_loss + c1 * value_loss + c2 * entropy c2: coff of entropy, final loss is policy_loss + c1 * value_loss + c2 * entropy """ self._ac = ac self.optimizer = optimizer self.loss = loss self.reward_gamma = reward_gamma self._c1 = c1 self._c2 = c2 self.max_iter = 0 self._ac_copy = copy.deepcopy(ac) def act(self, state, step=None, noise=None, train=False): with torch.no_grad(): state = torch.Tensor(state).unsqueeze(0) logprob, _ = self._ac_copy(state) if train else self._ac(state) action = logprob.exp().multinomial(1).numpy()[0, 0] return action def evaluator(self, env, counter, episode_interval, seed): torch.manual_seed(seed) env.seed(seed) state = env.reset() e_reward = 0 while True: action = self.act(state, train=False) state, reward, done, _ = env.step(action) e_reward += reward if done: if counter.value >= self.max_iter: return logger.info('Iter: {}, E_Reward {}'.format(counter.value, round(e_reward, 2))) else: logger.info('Iter: {}, E_Reward {}'.format(counter.value, round(e_reward, 2))) e_reward = 0 state = env.reset() time.sleep(episode_interval) def learner(self, env, max_iter, lock, counter, seed): torch.manual_seed(seed) env.seed(seed) state = env.reset() while counter.value < self.max_iter: # Sync with the ac self._ac_copy.load_state_dict(self._ac.state_dict()) # sample episodes done = False b_s, b_a, b_r = [], [], [] while (not done) and len(b_s) < max_iter: action = self.act(state, train=True) b_s.append(state) b_a.append(action) state, reward, done, _ = env.step(action) b_r.append(reward) with lock: counter.value += 1 # if done reward=0, else set to the value of next state if done: state = env.reset() else: _, value = self._ac_copy(b_s[-1]) b_r[-1] += self.reward_gamma * value.detach() episode_len = len(b_s) for i in range(1, episode_len): b_r[-i-1] += self.reward_gamma * b_r[-i] # update parameters b_s = torch.Tensor(b_s).float() b_a = torch.Tensor(b_a).long().unsqueeze(1) b_r = torch.Tensor(b_r).float().unsqueeze(1) logp, b_v = self._ac_copy(b_s) entropy = -torch.sum(logp * logp.exp()).unsqueeze(0) b_logp = logp.gather(1, b_a) ploss = -torch.sum((b_r - b_v) * b_logp).unsqueeze(0) vloss = self.loss(b_v, b_r).unsqueeze(0) # for nn.module, `.share_memory()' while not share memory for None grads with lock: self.optimizer.zero_grad() for param, param_copy in zip(self._ac.parameters(), self._ac_copy.parameters()): if param.grad is None: param._grad = param_copy.grad loss = torch.sum(torch.cat([ploss, self._c1 * vloss, -self._c2 * entropy])) loss.backward() self.optimizer.step() def learn(self, env, max_iter, actor_iter, process_num, episode_interval, seed): """ Args: env: env max_iter: max_iter actor_iter: max_iter for actors process_num: how many actor_learners work episode_interval: sleep seconds when critic get a terminal state seed: random seed """ self.max_iter = max_iter torch.manual_seed(seed) self._ac.share_memory() self.optimizer.share_memory() # start master counter = mp.Value('i', 0) processes = [] p = mp.Process(target=self.evaluator, args=(env, counter, episode_interval, process_num + seed)) p.start() processes.append(p) # start workers lock = mp.Lock() for rank in range(process_num): p = mp.Process(target=self.learner, args=(env, actor_iter, lock, counter, rank + seed)) p.start() processes.append(p) for p in processes: p.join() <file_sep>/src/utils/logger.py # -*- coding: utf-8 -*- import logging import logging.handlers import os def get_logger(): return _Logger().logger class Singleton(type): _instances = dict() def __call__(cls, *args, **kwargs): if cls not in cls._instances: cls._instances[cls] = super(Singleton, cls).__call__(*args, **kwargs) return cls._instances[cls] class _Logger(object): __metaclass__ = Singleton logLevel = logging.INFO logDir = __file__ + os.path.join('', '..', '..', '..', 'logs') if not os.path.exists(logDir): os.mkdir(logDir) logFile = os.path.join(logDir, 'logs') logFormatterStr = '%(levelname)s %(asctime)s module %(process)s| %(processName)s| ' \ '%(filename)s| [line:%(lineno)d]| %(message)s' logMaxByte = 20 * 1024 * 1024 logBackupCount = 10 def __init__(self): # Reference: https://docs.python.org/2/library/logging.handlers.html self.logger = logging.getLogger() self.logger.setLevel(_Logger.logLevel) # file handler (log file) log_handler = logging.handlers.RotatingFileHandler(filename=_Logger.logFile, maxBytes=_Logger.logMaxByte, backupCount=_Logger.logBackupCount) log_handler.setLevel(_Logger.logLevel) log_handler.setFormatter(logging.Formatter(_Logger.logFormatterStr)) self.logger.addHandler(log_handler) # stream handler (default sys.stderr) log_handler = logging.StreamHandler() log_handler.setLevel(_Logger.logLevel) log_handler.setFormatter(logging.Formatter(_Logger.logFormatterStr)) self.logger.addHandler(log_handler) <file_sep>/requirements.txt gym==0.10.3 numpy==1.14.2 pytorch==0.4.0 Pillow==5.1.0<file_sep>/src/baselines/TRPO/demo.py # -*- coding: utf-8 -*- import gym import torch import torch.nn as nn from baselines import TRPO class Value(nn.Module): def __init__(self, state_dim): super(Value, self).__init__() self.fc = nn.Sequential( nn.Linear(state_dim, 10), nn.ReLU(inplace=True), nn.Linear(10, 1) ) for layer in (0, 2): nn.init.xavier_normal_(self.fc[layer].weight) nn.init.constant_(self.fc[layer].bias, 0) def forward(self, x): return self.fc(x) class Policy(nn.Module): def __init__(self, state_dim, action_dim): super(Policy, self).__init__() self.fc = nn.Sequential( nn.Linear(state_dim, 10), nn.ReLU(inplace=True), nn.Linear(10, action_dim), nn.Softmax(1) ) for layer in (0, 2): nn.init.xavier_normal_(self.fc[layer].weight) nn.init.constant_(self.fc[layer].bias, 0) def forward(self, x): return self.fc(x) env = gym.make('CartPole-v0') policy = Policy(env.observation_space.shape[0], env.action_space.n) value = Value(env.observation_space.shape[0]) agent = TRPO.Agent(policy, value, nn.MSELoss(), torch.optim.Adam(value.parameters(), lr=1e-2)) agent.learn(env, 20000, 32) <file_sep>/src/baselines/DDPG/agent.py # -*- coding: utf-8 -*- import torch from torch.nn.utils.convert_parameters import vector_to_parameters, parameters_to_vector from baselines import base from utils.logger import get_logger logger = get_logger() class Agent(base.Agent): # References: # [1] <NAME>, <NAME>, <NAME>, et al. Continuous control with deep reinforcement learning[J]. # arXiv preprint arXiv:1509.02971, 2015. def __init__(self, actor, target_actor, optimizer_actor, critic, target_critic, optimizer_critic, loss, replay_module, noise_generator, reward_gamma=0.99, tau=1e-3, warmup_size=100, explore_fraction=0.3): """ Just follow the `Algorithm 1` in [1], suppose any element of action in [-1, 1] Args: actor: actor network target_actor: target actor network optimizer_actor: optimizer of actor, e.g. torch.optim.Adam critic: critic network target_critic: target critic network optimizer_critic: optimizer of critic, e.g. torch.optim.Adam loss: loss function for value, calculate loss by `loss(eval, target)` replay_module: replay buffer noise_generator: random process for action exploration reward_gamma: reward discount tau: soft update parameter of target network, i.e. theta^target = /tau * theta + (1 - /tau) * theta^target warmup_size: no training until the length of replay module is larger than `warmup_size` explore_fraction: add noise rate, default 0.3 means 30% train time will add noise """ self._actor = actor self._target_actor = target_actor self._optimizer_actor = optimizer_actor self._critic = critic self._target_critic = target_critic self._optimizer_critic = optimizer_critic self._replay_module = replay_module self._noise_generator = noise_generator self.loss = loss self.reward_gamma = reward_gamma self.tau = tau self.warmup_size = warmup_size self.explore_fraction = explore_fraction def act(self, state, step=None, noise=None): with torch.no_grad(): state = torch.Tensor(state).unsqueeze(0) action = self._actor(state) if noise is not None: action += noise return action.clamp(-1, 1).numpy()[0] def learn(self, env, max_iter, batch_size): for i_iter in range(max_iter): s = env.reset() self._noise_generator.reset() done = False add_noise = i_iter * 1.0 / max_iter < self.explore_fraction e_reward = 0 while not done: # env.render() noise = torch.Tensor(self._noise_generator.generate()) if add_noise else None a = self.act(s, noise=noise) s_, r, done, info = env.step(a) self._replay_module.add((s, a, [r], s_, [int(done)])) s = s_ e_reward += r if len(self._replay_module) < self.warmup_size: continue # sample batch transitions b_s, b_a, b_r, b_s_, b_d = map(torch.Tensor, self._replay_module.sample(batch_size)) # update critic self._optimizer_critic.zero_grad() with torch.no_grad(): y = b_r + self.reward_gamma * self._target_critic(b_s_, self._target_actor(b_s_)) * (1 - b_d) loss = self.loss(self._critic(b_s, b_a), y) loss.backward() self._optimizer_critic.step() # update actor self._optimizer_actor.zero_grad() loss = -self._critic(b_s, self._actor(b_s)).mean() # dpg, eq6 in [1] loss.backward() self._optimizer_actor.step() # update target networks for target, normal in [(self._target_actor, self._actor), (self._target_critic, self._critic)]: target_vec = parameters_to_vector(target.parameters()) normal_vec = parameters_to_vector(normal.parameters()) vector_to_parameters((1 - self.tau) * target_vec + self.tau * normal_vec, target.parameters()) logger.info('Iter: {}, E_Reward: {}'.format(i_iter, round(e_reward, 2))) <file_sep>/src/baselines/PPO/agent.py # -*- coding: utf-8 -*- import numpy as np import torch from torch.utils.data import DataLoader from baselines import base from utils.logger import get_logger logger = get_logger() class Agent(base.Agent): # References: # [1] <NAME>, <NAME>, <NAME>, et al. Proximal policy optimization algorithms[J]. # arXiv preprint arXiv:1707.06347, 2017. def __init__(self, ac, loss, optimizer, epsilon=0.2, reward_gamma=0.99, c1=1e-4, c2=1e-6, gae_lambda=0.95): """ Args: ac: ac network (state -> prob, value) loss: loss function for value, calculate loss by `loss(eval, target)` optimizer: optimizer for ac epsilon: epsilon in clip reward_gamma: reward discount c1: factor of value loss c2: factor of entropy """ self._ac = ac self.loss = loss self.optimizer = optimizer self._epsilon = epsilon self.reward_gamma = reward_gamma self._c1 = c1 self._c2 = c2 self.gae_lambda = gae_lambda def act(self, state, step=None, noise=None): with torch.no_grad(): state = torch.Tensor(state).unsqueeze(0) logprob, value = self._ac(state) action = logprob.exp().multinomial(1).numpy()[0, 0] return action, logprob[0, action], value[0, 0] def learn(self, env, max_iter, sample_episodes=32, optim_max_iter=4, optim_batch_size=256): for i_iter in range(max_iter): # sample trajectories using single path trajectories = [] # s, a, r, logp e_reward = 0 for _ in range(sample_episodes): # env.render() values = [] s = env.reset() done = False while not done: a, logp, v = self.act(s) s_, r, done, _ = env.step(a) e_reward += r trajectories.append([s, a, r, logp]) values.append(v) s = s_ episode_len = len(values) gae = np.empty(episode_len) gae[-1] = last_gae = trajectories[-1][2] - values[-1] for i in range(1, episode_len): delta = trajectories[-i-1][2] + self.reward_gamma * values[-i] - values[-i-1] gae[-i-1] = last_gae = delta + self.reward_gamma * self.gae_lambda * last_gae for i in range(episode_len): trajectories[-(episode_len-i)][2] = gae[i] + values[i] e_reward /= sample_episodes # batch training batch_size = min(optim_batch_size, len(trajectories)) for j_iter in range(optim_max_iter): # load batch data loader = DataLoader(trajectories, batch_size=batch_size, shuffle=True) for b_s, b_a, b_r, b_logp_old in loader: b_s = b_s.float() b_a = b_a.long().unsqueeze(1) b_r = b_r.float().unsqueeze(1) b_logp_old = b_logp_old.float().unsqueeze(1) b_logp, b_v = self._ac(b_s) entropy = -(b_logp * b_logp.exp()).sum(-1).mean() b_logp = b_logp.gather(1, b_a) advantage = b_r - b_v advantage = (advantage - advantage.mean()) / advantage.std() # update ac vloss = self.loss(b_v, b_r) # value loss, L^VF ratio = (b_logp - b_logp_old).exp() # policy loss, maybe very small because of the normalization, one can use a small self._c1 to solve clip = torch.min(ratio * advantage, # L^CLIP ratio.clamp(1 - self._epsilon, 1 + self._epsilon) * advantage).mean() loss = -clip + self._c1 * vloss - self._c2 * entropy # the same as openai/baselines's code self.optimizer.zero_grad() # retain the graph because different j_iter may use same trajectory loss.backward() self.optimizer.step() logger.info('Iter: {}, E_Reward: {}'.format(i_iter, round(e_reward, 2))) <file_sep>/src/baselines/DQN/agent.py # -*- coding: utf-8 -*- import random import numpy as np import torch from baselines import base from utils.logger import get_logger logger = get_logger() class Agent(base.Agent): # References: # [1] <NAME>, <NAME>, <NAME>, et al. Human-level control through deep reinforcement learning[J]. # Nature, 2015, 518(7540): 529. def __init__(self, q, target_q, replay_module, optimizer, loss, target_replace_iter, epsilon_fraction=0.3, epsilon_final=0.98, reward_gamma=0.99): """ One-step DQN Args: q: Q-network target_q: Target-Q-network replay_module: replay module optimizer: optimizer, e.g. torch.optim.Adam loss: loss function, e.g. torch.nn.MSELoss target_replace_iter: replace target q network by q network every which iters epsilon_fraction: greedy fraction rate, default 0.3 means 30% train time is used to explore epsilon_final: final greedy rate reward_gamma: reward discount """ self._q = q self._target_q = target_q self._replay_module = replay_module self.optimizer = optimizer self.loss = loss self._epsilon_fraction = epsilon_fraction self._epsilon_final = epsilon_final self._epsilon = 1.0 self.target_replace_iter = target_replace_iter self.reward_gamma = reward_gamma def act(self, state, step=None, noise=None): with torch.no_grad(): state = torch.Tensor(state).unsqueeze(0) value = self._q(state) if random.random() < self._epsilon: # greedy return np.argmax(value[0].numpy()) else: # random return random.randrange(value.size(1)) def learn(self, env, max_iter, batch_size): learn_counter = 0 for i_iter in range(max_iter): self._epsilon = min(1, i_iter / (self._epsilon_fraction * max_iter)) * self._epsilon_final s = env.reset() e_reward = 0 done = False while not done: # env.render() a = self.act(s) s_, r, done, info = env.step(a) self._replay_module.add(tuple((s, [a], [r], s_, [int(done)]))) s = s_ e_reward += r # update target q network if learn_counter % self.target_replace_iter == 0: self._target_q.load_state_dict(self._q.state_dict()) for param in self._target_q.parameters(): param.requires_grad = False learn_counter += 1 # sample batch transitions b_s, b_a, b_r, b_s_, b_d = map(torch.Tensor, self._replay_module.sample(batch_size)) b_a = b_a.long() # update parameters q_eval = self._q(b_s).gather(1, b_a) # shape (batch, 1) q_next = self._target_q(b_s_).max(1)[0].view(batch_size, 1) # fixed variable q_target = b_r + self.reward_gamma * q_next * (1 - b_d) # shape (batch, 1) loss = self.loss(q_eval, q_target) self.optimizer.zero_grad() loss.backward() self.optimizer.step() logger.info('Iter: {}, E_Reward: {}'.format(i_iter, round(e_reward, 2))) <file_sep>/src/baselines/RAINBOW/agent.py # -*- coding: utf-8 -*- import numpy as np import torch from baselines import base from utils.logger import get_logger logger = get_logger() logger.warn('This is a one-step version without prioritized replay buffer!' 'Games like CartPole can not be learned well because of one-step distributional RL.') class Agent(base.Agent): # References: # [1] <NAME>, <NAME>, <NAME>, et al. # Rainbow: Combining Improvements in Deep Reinforcement Learning[J]. 2017. def __init__(self, net, target_net, replay_module, optimizer, target_replace_iter, value_min, value_max, atom_num, min_replay_buffer, reward_gamma=1.0): """ Rainbow Args: net: Rainbow network target_net: Target Rainbow network replay_module: replay module optimizer: optimizer, e.g. torch.optim.Adam target_replace_iter: replace target q network by q network every which iters value_min: min value value_max: max value atom_num: atom number min_replay_buffer: when replay buffer's length is less than this value, don't update networks reward_gamma: reward discount """ self._net = net self._target_net = target_net self._replay_module = replay_module self.optimizer = optimizer self._value_min = value_min self._value_max = value_max self._atom_num = atom_num self._min_replay_buffer = min_replay_buffer self.target_replace_iter = target_replace_iter self.reward_gamma = reward_gamma def act(self, state, step=None, noise=None): with torch.no_grad(): state = torch.from_numpy(state).float().unsqueeze(0) distribution = self._net(state).exp().cpu().numpy() distribution *= np.linspace(self._value_min, self._value_max, self._atom_num) return distribution.sum(2).argmax(1)[0] def learn(self, env, max_iter, batch_size): learn_counter = 0 for i_iter in range(max_iter): s = env.reset() e_reward = 0 done = False while not done: # env.render() a = self.act(s) s_, r, done, info = env.step(a) self._replay_module.add(tuple((s, [a], [r], s_, [int(done)]))) s = s_ e_reward += r # update target q network if learn_counter % self.target_replace_iter == 0: self._target_net.load_state_dict(self._net.state_dict()) for param in self._target_net.parameters(): param.requires_grad = False learn_counter += 1 if len(self._replay_module) <= self._min_replay_buffer: continue # sample batch transitions b_s, b_a, b_r, b_s_, b_d = map(torch.Tensor, self._replay_module.sample(batch_size)) b_a = b_a.long() # categorical algorithm b_pia = self._target_net(b_s_).exp() # batch p_i(s_, a), b * action_dim * atom_num delta_z = float(self._value_max - self._value_min) / (self._atom_num - 1) z_i = torch.linspace(self._value_min, self._value_max, self._atom_num) b_q_ = torch.bmm(b_pia, z_i.unsqueeze(1).repeat(batch_size, 1, 1)) # Q(s_, a), b * action_dim * 1 b_a_ = b_q_.max(1)[1] b_tzj = (self.reward_gamma * (1 - b_d) * z_i.unsqueeze(0).repeat(batch_size, 1) + b_r.repeat(1, self._atom_num)).clamp(self._value_min, self._value_max) # b * atom_num b_b = (b_tzj - self._value_min) / delta_z b_l = b_b.floor() b_u = b_b.ceil() b_pia_ = b_pia[torch.arange(batch_size), b_a_.squeeze(), :] # b * atom_num b_m = torch.zeros(batch_size, self._atom_num) b_m.scatter_add_(1, b_l.long(), b_pia_ * (b_u - b_b)) b_m.scatter_add_(1, b_u.long(), b_pia_ * (b_b - b_l)) loss = -self._net(b_s)[torch.arange(batch_size), b_a.squeeze(), :].squeeze(1).mul(b_m).sum(1).mean() self.optimizer.zero_grad() loss.backward() self.optimizer.step() # reset noise self._net.reset_noise() self._target_net.reset_noise() logger.info('Iter: {}, E_Reward: {}'.format(i_iter, round(e_reward, 2))) <file_sep>/src/baselines/A3C/demo.py # -*- coding: utf-8 -*- import math import gym import torch import torch.nn as nn from baselines import A3C class AC(nn.Module): def __init__(self, state_dim, action_dim): super(AC, self).__init__() self.fc = nn.Sequential( nn.Linear(state_dim, 128), nn.ReLU(inplace=True) ) self.value = nn.Sequential( nn.Linear(128, 1), ) self.policy = nn.Sequential( nn.Linear(128, action_dim), nn.LogSoftmax(1) ) for attr in (self.fc, self.value, self.policy): nn.init.xavier_normal_(attr[0].weight) nn.init.constant_(attr[0].bias, 0) def forward(self, state): x = self.fc(state) return self.policy(x), self.value(x) # copy from https://github.com/ikostrikov/pytorch-a3c/blob/master/my_optim.py class SharedAdam(torch.optim.Adam): """Implements Adam algorithm with shared states. """ def __init__(self, params, lr=1e-3, betas=(0.9, 0.999), eps=1e-8, weight_decay=0): super(SharedAdam, self).__init__(params, lr, betas, eps, weight_decay) for group in self.param_groups: for p in group['params']: state = self.state[p] state['step'] = torch.zeros(1) state['exp_avg'] = p.data.new().resize_as_(p.data).zero_() state['exp_avg_sq'] = p.data.new().resize_as_(p.data).zero_() def share_memory(self): for group in self.param_groups: for p in group['params']: state = self.state[p] state['step'].share_memory_() state['exp_avg'].share_memory_() state['exp_avg_sq'].share_memory_() def step(self, closure=None): """Performs a single optimization step. Arguments: closure (callable, optional): A closure that reevaluates the model and returns the loss. """ loss = None if closure is not None: loss = closure() for group in self.param_groups: for p in group['params']: if p.grad is None: continue grad = p.grad.data state = self.state[p] exp_avg, exp_avg_sq = state['exp_avg'], state['exp_avg_sq'] beta1, beta2 = group['betas'] state['step'] += 1 if group['weight_decay'] != 0: grad = grad.add(group['weight_decay'], p.data) # Decay the first and second moment running average coefficient exp_avg.mul_(beta1).add_(1 - beta1, grad) exp_avg_sq.mul_(beta2).addcmul_(1 - beta2, grad, grad) denom = exp_avg_sq.sqrt().add_(group['eps']) bias_correction1 = 1 - beta1 ** state['step'].item() bias_correction2 = 1 - beta2 ** state['step'].item() step_size = group['lr'] * math.sqrt( bias_correction2) / bias_correction1 p.data.addcdiv_(-step_size, exp_avg, denom) return loss env = gym.make('CartPole-v0') ac = AC(env.observation_space.shape[0], env.action_space.n) agent = A3C.Agent(ac, SharedAdam(ac.parameters(), lr=1e-3), nn.MSELoss()) agent.learn(env, 200000, 200, 4, 1, 1) <file_sep>/src/baselines/base.py # -*- coding: utf-8 -*- """ This file defines the base classes """ import abc import random class Agent(object): __metaclass__ = abc.ABCMeta @abc.abstractmethod def act(self, state, step, noise): """ Args: state: State vector. step: Time step. noise: A D-dimensional noise vector. Returns: A D dimensional action vector. """ raise NotImplementedError("Must be implemented in subclass.") @abc.abstractmethod def learn(self, *args, **kwargs): raise NotImplementedError("Must be implemented in subclass.") class ReplayBuffer(object): def __init__(self, size): """ Args: size: Max number of transitions to store. If the buffer overflows, the old memories would be dropped. """ self._storage = [] self._maxsize = size self._next_idx = 0 @property def size(self): return self._maxsize def __len__(self): return len(self._storage) def add(self, item): if self._next_idx >= len(self._storage): self._storage.append(item) else: self._storage[self._next_idx] = item self._next_idx = (self._next_idx + 1) % self._maxsize def sample(self, batch_size): """Sample a batch of experiences. Args: batch_size: How many transitions to sample. """ n = len(self._storage[0]) res = tuple(([] for _ in range(n))) for _ in range(batch_size): sample = random.choice(self._storage) for i in range(n): res[i].append(sample[i]) return res class NoiseGenerator(object): __metaclass__ = abc.ABCMeta @abc.abstractmethod def generate(self): raise NotImplementedError("Must be implemented in subclass.") @abc.abstractmethod def reset(self): raise NotImplementedError("Must be implemented in subclass.") <file_sep>/README.md # RL-Experiments The motivation of this project is to compare and modify deep reinforcement learning algorithms easily **for experiments**. # Implemented algorithms * REINFORCE * DQN * DDPG * A3C * TRPO * PPO + GAE * RAINBOW # Dependency * Python: 3.5+ * Gym: 0.10.3+ * PyTorch: 0.4.0+ * The code was checked at Windows 10, Ubuntu 16.04 and Mac OS. # Usage ```bash git clone https://github.com/Officium/RL-Experiments.git cd RL-Experiments/src python -m baselines.algorithm.demo # replace `algorithm` by `TRPO`, `PPO` ... ``` <file_sep>/src/baselines/REINFORCE/demo.py # -*- coding: utf-8 -*- import gym import torch import torch.nn as nn from baselines import REINFORCE class Policy(nn.Module): def __init__(self, state_dim, action_dim): super(Policy, self).__init__() self.fc = nn.Sequential( nn.Linear(state_dim, 10), nn.ReLU(inplace=True), nn.Linear(10, action_dim), nn.LogSoftmax(1) ) for layer in (0, 2): nn.init.xavier_normal_(self.fc[layer].weight) nn.init.constant_(self.fc[layer].bias, 0) def forward(self, x): return self.fc(x) env = gym.make('CartPole-v0') policy = Policy(env.observation_space.shape[0], env.action_space.n) agent = REINFORCE.Agent(policy, torch.optim.Adam(policy.parameters(), lr=1e-2)) agent.learn(env, 200, 20) <file_sep>/src/main.py # -*- coding: utf-8 -*- from baselines.DQN import demo from baselines.TRPO import demo from baselines.DDPG import demo from baselines.REINFORCE import demo from baselines.PPO import demo from baselines.A3C import demo <file_sep>/src/baselines/TRPO/agent.py # -*- coding: utf-8 -*- import copy from functools import partial import numpy as np import torch from torch.nn.utils.convert_parameters import vector_to_parameters, parameters_to_vector from baselines import base from utils.logger import get_logger logger = get_logger() class Agent(base.Agent): # References: # [1] <NAME>. Optimizing Expectations: From Deep Reinforcement Learning to Stochastic Computation Graphs[D]. # UC Berkeley, 2016. # [2] https://github.com/joschu/modular_rl # [3] <NAME>, <NAME>. Training deep and recurrent networks with hessian-free optimization[M] # Neural networks: Tricks of the trade. Springer, Berlin, Heidelberg, 2012: 479-535. def __init__(self, policy, value, loss, optimizer, accept_ratio=0.1, reward_gamma=0.99, cg_iters=10, cg_tol=1e-10, cg_damping=1e-3, max_kl=1e-2, ls_iters=10): """ Args: policy: policy network value: value network (state -> value) loss: loss function for value, calculate loss by `loss(eval, target)` optimizer: optimizer for value accept_ratio: improvement accept ratio in linear search reward_gamma: reward discount cg_iters: max iters of cg cg_tol: tolerence of cg cg_damping: add multiple of the identity to Fisher matrix during CG max_kl: max KL divergence between old and new policy ls_iters: max backtracks of linear search """ self._policy = policy self._value = value self.loss = loss self.optimizer = optimizer self.accept_ratio = accept_ratio self.reward_gamma = reward_gamma self.cg_iters = cg_iters self.cg_tol = cg_tol self.cg_damping = cg_damping self.max_kl = max_kl self.ls_iters = ls_iters def act(self, state, step=None, noise=None): with torch.no_grad(): state = torch.Tensor(state).unsqueeze(0) prob = self._policy(state) action = prob.multinomial(1).numpy()[0, 0] return action, prob[0, action] def learn(self, env, max_iter, sample_episodes): for i_iter in range(max_iter): # sample trajectories using single path b_s, b_a, b_r, b_p_old = [], [], [], [] # s, a, r, p e_reward = 0 for _ in range(sample_episodes): # env.render() s = env.reset() done = False episode_len = 0 while not done: episode_len += 1 a, p = self.act(s) s_, r, done, info = env.step(a) e_reward += r b_s.append(s) b_a.append([a]) b_r.append([r * (1 - done)]) b_p_old.append(p) s = s_ for i in range(1, episode_len): b_r[-i-1][0] += b_r[-i][0] * self.reward_gamma b_s, b_r, b_a, b_p_old = map(torch.Tensor, [b_s, b_r, b_a, b_p_old]) b_a = b_a.long() e_reward /= sample_episodes # update value i.e. improve baseline baseline = self._value(b_s) # not using TD estimate, don't need multipy (1 - b_d) advantage = b_r - baseline # This normalization is found in John's code. It is a way to stabilize the gradients during BP. advantage = (advantage - advantage.mean()) / advantage.std() loss = self.loss(baseline, b_r) self.optimizer.zero_grad() loss.backward() self.optimizer.step() # update policy b_p = self._policy(b_s).gather(1, b_a) # remind that don't input large batch! obj = (advantage * (b_p / (b_p_old + 1e-8))).mean() # the obj of eq16 in [1] page25 self._policy.zero_grad() pg = self.flatten_grad(self._policy.parameters(), -obj) if np.allclose(pg, 0): logger.warn("got zero gradient. not updating") else: # [3] fvp = partial(self.fvp, b_s=b_s) stepdir = self.cg(fvp, -pg) shs = 0.5 * stepdir.dot(fvp(stepdir)) lm = np.sqrt(shs / self.max_kl) fullstep = stepdir / lm expected_improve_rate = -pg.dot(stepdir) / lm loss_fun = partial(self.get_loss, b_s=b_s, b_a=b_a, advantage=advantage) old_theta = parameters_to_vector(self._policy.parameters()) success, new_theta = self.line_search(loss_fun, old_theta, fullstep, expected_improve_rate) if success: vector_to_parameters(new_theta, self._policy.parameters()) logger.info('Iter: {}, E_Reward: {}'.format(i_iter, round(e_reward, 2))) def get_loss(self, theta, b_s, b_a, advantage): # get surrogate loss prob_old = self._policy(b_s).gather(1, b_a).detach() new_model = copy.deepcopy(self._policy) vector_to_parameters(theta, new_model.parameters()) prob_new = new_model(b_s).gather(1, b_a) return -(prob_new / (prob_old + 1e-8) * advantage).mean() def fvp(self, v, b_s): # first, calculate fisher information matrix of $ \bar{D}_KL(\theta_old, \theta) $ # see more in John's thesis section 3.12 page 40 prob_new = self._policy(b_s) prob_old = prob_new.detach() kl = (prob_old * torch.log(prob_old / (prob_new + 1e-8))).sum(1).mean() grads = self.flatten_grad(self._policy.parameters(), kl, create_graph=True) grads = self.flatten_grad(self._policy.parameters(), (grads * v).sum()) # maybe cause nan gradient # for conjugate gradient, multiply v * cg_damping return grads + v * self.cg_damping def cg(self, fvp, b): p = b.clone() r = b.clone() x = torch.zeros_like(b) rdotr = r.dot(r) for i in range(self.cg_iters): z = fvp(p) v = rdotr / p.dot(z) x += v * p r -= v * z newrdotr = r.dot(r) mu = newrdotr / rdotr p = r + mu * p rdotr = newrdotr if rdotr < self.cg_tol: break return x def line_search(self, f, x, fullstep, expected_improve_rate): # shrink exponentially fval = f(x) for i in range(self.ls_iters): stepfrac = 0.5 ** i xi = x + stepfrac * fullstep actual_improve = fval - f(xi) if actual_improve > 0: if actual_improve / (stepfrac * expected_improve_rate) > self.accept_ratio: return True, xi return False, x @staticmethod def flatten_grad(var, loss, **kwargs): return torch.cat([g.contiguous().view(-1) for g in torch.autograd.grad(loss, var, **kwargs)]) <file_sep>/src/baselines/REINFORCE/agent.py # -*- coding: utf-8 -*- import torch from baselines import base from utils.logger import get_logger logger = get_logger() class Agent(base.Agent): # References: # [1] <NAME>. Simple Statistical Gradient-Following Algorithms for Connectionist Reinforcement Learning[J]. # Machine Learning, 1992: 229-256. def __init__(self, policy, optimizer, reward_gamma=0.9): """ This algorithm is also known as likelihood ratio policy gradient or vanilla policy gradients Args: policy: policy network optimizer: optimizer for value reward_gamma: reward discount """ self._policy = policy self.optimizer = optimizer self.reward_gamma = reward_gamma def act(self, state, step=None, noise=None): with torch.no_grad(): state = torch.Tensor(state).unsqueeze(0) logprob = self._policy(state) action = logprob.exp().multinomial(1).numpy()[0, 0] return action def learn(self, env, max_iter, batch_size): """ Args: env: env max_iter: max_iter batch_size: how many episodes to sample in each iteration """ for i_iter in range(max_iter): e_reward = 0 for j_iter in range(batch_size): # env.render() s = env.reset() b_s, b_a, b_r = [[], [], []] # s, a, r done = False while not done: a = self.act(s) s_, r, done, info = env.step(a) b_s.append(s) b_a.append(a) b_r.append(r) e_reward += r s = s_ episode_len = len(b_s) for t in range(1, episode_len): b_r[episode_len-t-1] += b_r[episode_len - t] * self.reward_gamma b_s = torch.Tensor(b_s) b_a = torch.Tensor(b_a).long().unsqueeze(1) b_r = torch.Tensor(b_r).unsqueeze(1) b_logp = self._policy(b_s).gather(1, b_a) loss = -(b_logp * b_r).sum() # likelihood ratio self.optimizer.zero_grad() loss.backward() self.optimizer.step() e_reward /= batch_size logger.info('Iter: {}, E_Reward: {}'.format(i_iter, round(e_reward, 2)))
e99a7f54cb2c8a6592adc53a6720edf47f89a3ea
[ "Markdown", "Python", "Text" ]
19
Python
wh-forker/RL-Experiments
255aa7a9c03e38349d7c03540769eb9dfa91d33d
27d69b8db195f2da76c7261e123859f1a25f341b
refs/heads/master
<repo_name>vweevers/common-roots<file_sep>/readme.md # common-roots **Given some files, find their root directories (containing some identifying file like `.git`, `package.json`, etc). For files in the same root directory, it does a single lookup.** [![npm status](http://img.shields.io/npm/v/common-roots.svg?style=flat-square)](https://www.npmjs.org/package/common-roots) [![node](https://img.shields.io/node/v/common-roots.svg?style=flat-square)](https://www.npmjs.org/package/common-roots) [![Travis build status](https://img.shields.io/travis/vweevers/common-roots.svg?style=flat-square&label=travis)](http://travis-ci.org/vweevers/common-roots) [![AppVeyor build status](https://img.shields.io/appveyor/ci/vweevers/common-roots.svg?style=flat-square&label=appveyor)](https://ci.appveyor.com/project/vweevers/common-roots) [![Dependency status](https://img.shields.io/david/vweevers/common-roots.svg?style=flat-square)](https://david-dm.org/vweevers/common-roots) ## example ```js const roots = require('common-roots') const files = ['/repo1/a.js', '/repo2/lib', '/repo1/a/b/c'] roots(files, '.git', (err, roots) => { // roots is ['/repo1', '/repo2'] }) ``` ## `roots(files, id, done)` - files: array of files (relative paths are resolved from cwd) - id: relative path to some file that identifies the root directory - callback: receives an error (if one of the files has no root directory) or an array of absolute root directories. ## install With [npm](https://npmjs.org) do: ``` npm install common-roots ``` ## license [MIT](http://opensource.org/licenses/MIT) © <NAME> <file_sep>/test.js 'use strict' const test = require('tape') const proxyquire = require('proxyquire') const isPathInside = require('path-is-inside') const path = require('path') const r = path.resolve let mockFiles = [] let spyCalls = [] const roots = proxyquire('.', { 'find-file-up': function (target, from, done) { spyCalls.push([target, from]) for(let file of mockFiles) { if (path.basename(file) === target && isPathInside(from, path.dirname(file))) { return process.nextTick(done, null, file) } } process.nextTick(done) } }) test('single file in single root', function (t) { t.plan(3) mockFiles = [ r('/', 'repo', '.git') ] spyCalls = [] roots([r('/', 'repo', 'aa')], '.git', (err, roots) => { t.same(spyCalls, [['.git', r('/', 'repo', 'aa')]], 'find-up called once') t.ifError(err, 'no error') t.same(roots, [r('/', 'repo')], 'got roots') }) }) test('single file without root', function (t) { t.plan(2) mockFiles = [] spyCalls = [] roots([r('/', 'repo', 'aa')], '.git', (err, roots) => { t.same(spyCalls, [['.git', r('/', 'repo', 'aa')]], 'find-up called once') t.ok(err, 'got error') }) }) test('two files in same root', function (t) { t.plan(3) mockFiles = [ r('/', 'repo', '.git') ] spyCalls = [] roots([r('/', 'repo', 'aa'), r('/', 'repo', 'bb')], '.git', (err, roots) => { t.same(spyCalls, [['.git', r('/', 'repo', 'aa')]], 'find-up called once') t.ifError(err, 'no error') t.same(roots, [r('/', 'repo')], 'got roots') }) }) test('two files, one with a root', function (t) { t.plan(2) mockFiles = [ r('/', 'repo1', '.git') ] spyCalls = [] roots([r('/', 'repo1', 'aa'), r('/', 'repo2', 'bb')], '.git', (err, roots) => { t.same(spyCalls, [ ['.git', r('/', 'repo1', 'aa')], ['.git', r('/', 'repo2', 'bb')] ], 'find-up called twice') t.ok(err, 'got error') }) }) test('two files in two roots', function (t) { t.plan(3) mockFiles = [ r('/', 'repo1', '.git'), r('/', 'repo2', '.git') ] spyCalls = [] roots([r('/', 'repo1', 'aa'), r('/', 'repo2', 'bb')], '.git', (err, roots) => { t.same(spyCalls, [ ['.git', r('/', 'repo1', 'aa')], ['.git', r('/', 'repo2', 'bb')] ], 'find-up called twice') t.ifError(err, 'no error') t.same(roots, [r('/', 'repo1'), r('/', 'repo2')], 'got roots') }) })
67d352aaa4e019ef6430f1ab397f0e43eee98afc
[ "Markdown", "JavaScript" ]
2
Markdown
vweevers/common-roots
5695011a71da23a8b03f320b2b7d86e7602db06b
277cc5934737e9a55d900a58b7ccb9166ba94df5
refs/heads/master
<repo_name>jeffehobbs/bizanime<file_sep>/README.md # bizanime *Business anime GIF tweets* How to get this working? 1) download/clone repo 2) enter the project directory ` cd bizanime` 3) create a virtual environment `python3 -m venv` 4) enter virtual environment `source venv/bin/activate` 5) install "requests" and "tweepy" `pip install requests tweepy` 6) get Twitter/GIPHY API keys, create an apikeys.txt file in this format: ``` [apikeys] giphy_apikey = THE_GIPHY_API_KEY [twitter] consumer_key = THE_TWITTER_API_KEY consumer_secret = THE_TWITTER_API_KEY access_token = THE_TWITTER_API_KEY access_token_secret = THE_TWITTER_API_KEY ``` 7) run python app: `python3 app.py` 8) edit code (text files, GIPHY search term and parameters) to taste At this point, you'll have a fully functional python app that can tweet weird text and GIFs. To continue on and move this code to AWS: 9) Make sure your AWS `configuration` file is in place. 10) install zappa: `pip install zappa` 11) init zappa: `zappa init` 12) push to production: `zappa deploy production` <file_sep>/app.py #!/usr/bin/env python3 # -*- coding: utf-8 -*- # bizanime.py // <EMAIL> # shitpost low-wattage business nonsense and anime GIFs # Construct (timeframe) (noun) (verb) (scenario) ala: # "WHEN THE CLIENT DMs ME ON SLACK" # TODO: # X. Create new Twitter account # X. Get Twitter API keys # X. Get GIPHY API key # X. Set up script to randomly assemble sentence # X. Randomly choose an anime GIF # X. Download GIF to temporary storage # X. Tweet out sentence coupled with GIF # X. Move application to AWS import requests import json import configparser import random from tweepy import OAuthHandler from tweepy import API # set up API keys from external config apikeys.txt file config = configparser.ConfigParser() config.read('apikeys.txt') GIPHY_APIKEY = config.get('apikeys', 'giphy_apikey') TWITTER_CONSUMER_KEY = config.get('twitter', 'consumer_key') TWITTER_CONSUMER_SECRET = config.get('twitter', 'consumer_secret') TWITTER_ACCESS_TOKEN = config.get('twitter', 'access_token') TWITTER_ACCESS_TOKEN_SECRET = config.get('twitter', 'access_token_secret') GIF_SEARCH_TERM = 'anime' # main loop for AWS lambda def lambda_handler(): sentence = generate_sentence() print(sentence) gif_url = find_GIF(GIF_SEARCH_TERM) download_GIF(gif_url) tweet_GIF(sentence) # generate the sentence via fragments pulled from text files def generate_sentence(): #source files with open('timeframes.txt', 'r') as f: TIMEFRAMES = f.readlines() with open('nouns.txt', 'r') as f: NOUNS = f.readlines() with open('verbs.txt', 'r') as f: VERBS = f.readlines() with open('scenarios.txt', 'r') as f: SCENARIOS = f.readlines() timeframe = random.choice(TIMEFRAMES).replace('\n','') noun = random.choice(NOUNS).replace('\n','') verb = random.choice(VERBS).replace('\n','') scenario = random.choice(SCENARIOS).replace('\n','') return(timeframe + " " + noun + " " + verb + " " + scenario) # find a random GIF via GIPHY API def find_GIF(query): endpoint = "https://api.giphy.com/v1/gifs/search" limit = random.randint(1,25) offset = random.randint(0,5000) params = {"api_key": GIPHY_APIKEY, "q": query, "limit": limit, "offset": offset, "rating": "G", "lang": "en"} r = requests.get(endpoint, params=params) #print(r.url) data = r.json() #print(json.dumps(data, indent=4, sort_keys=True)) gif_index = random.randint(1,limit) - 1 #size = int(data['data'][gif_index]['images']['original']['size']) #if (size > 5000000): # find_GIF(GIF_SEARCH_TERM) return(data['data'][gif_index]['images']['original']['url']) # download the GIF to /tmp directory def download_GIF(url): r = requests.get(url) with open('/tmp/' + GIF_SEARCH_TERM + '.gif', 'wb') as f: f.write(r.content) # tweet the sentence and the GIF out to Twitter def tweet_GIF(status): auth = OAuthHandler(TWITTER_CONSUMER_KEY, TWITTER_CONSUMER_SECRET) auth.set_access_token(TWITTER_ACCESS_TOKEN, TWITTER_ACCESS_TOKEN_SECRET) api = API(auth) filenames = ['/tmp/' + GIF_SEARCH_TERM + '.gif'] media_ids = [] for filename in filenames: res = api.media_upload(filename) media_ids.append(res.media_id) api.update_status(status=status, media_ids=media_ids) print('...DONE.') # main function if __name__ == '__main__': lambda_handler() # fin
b6c0678a6f22ecff6a250da5ce94e0c6f51d0e99
[ "Markdown", "Python" ]
2
Markdown
jeffehobbs/bizanime
3d62a4ce2d3e82f4d347628debe11e19867861df
8ffed02678d8e7bf73bd173b8fc68a73e6f8fc03
refs/heads/master
<repo_name>orezi/elk_heroku_log_drain<file_sep>/README.md # Heroku ELK Log Drain Heroku ELK Log Drain provides a central place where all the logs from heroku can go to. It was built with ELK stack - Elasticsearch, Logstash and Kibana - and tests written with Cucumber. ### Testing Locally **Install the following on your mac:** - VirtualBox: _brew cask install virtualbox_ - Vagrant: _brew cask install vagrant_ - Python: _brew install python_ - Ansible: _pip install ansible_ - Ruby: _brew install rbenv ruby-build_ Note that Ruby and Python are available by default on macs. Be sure to verify that. If you are using rbenv, do this in the terminal. ``` echo 'if which rbenv > /dev/null; then eval "$(rbenv init -)"; fi' >> ~/.bash_profile source ~/.bash_profile ``` - Install Ruby ``` rbenv install 2.3.0 rbenv global 2.3.0 ruby -v ``` **Clone the project** ``` $ git clone https://github.com/andela-oolarewaju/elk_heroku_log_drain.git ``` **Set it up** ``` $ cd elk_heroku_log_drain/ $ vagrant up $ vagrant ssh $ bundle install ``` Switch to another terminal in your local machine, not inside your VM, run ``` $ cucumber features/install.feature ``` This runs all the tests and installs everything using ansible in your virtual machine. Visit https://192.168.33.10 to check out kibana. **To drain the logs from heroku, run this from your local machine** ``` $ heroku logs -t --app <YOUR_APP_NAME> | nc localhost 1514 ``` This is the index pattern for heroku on Kibana - `[heroku-logs-]YYYY.MM.DD` You should be able to see your logs on Kibana after that. ### Deploying to an EC2 Instance - Spin up an EC2 instance and ssh into it. Refer to AWS documentation for guidance. - Change the IP address on the `prod_inventory.ini` file to that of your instance. - Update the variables in `vars.yml` file with your variables. - Run the following in your local machine against the instance. ``` $ ansible-playbook -i prod_inventory.ini --private-key=<PATH TO YOUR PRIVATE KEY> -u ubuntu playbook.provision.yml $ ansible-playbook -i prod_inventory.ini --private-key=<PATH TO YOUR PRIVATE KEY> -u ubuntu playbook.elk.yml ``` Visit https://YOUR_IP_ADDRESS to check out kibana. **To add drain from heroku, run this from your local machine** ``` $ heroku drains:add https://YOUR_USERNAME:YOUR_PASSWORD@YOUR_INSTANCE_IP_ADDRESS:1514 -a <app_name> ``` Replace `YOUR_USERNAME` and `YOUR_PASSWORD` with your new username and password specified in the `vars.yml` file that you updated. Be sure to replace `<app_name>` with the name of your app on heroku.<file_sep>/prod_inventory.ini [elk_server] 192.168.127.12<file_sep>/features/step_definitions/install_steps.rb require 'open3' Given(/^I have a running server$/) do output, error, status = Open3.capture3 "vagrant reload" expect(status.success?).to eq(true) end And(/^I provision it$/) do output, error, status = Open3.capture3 "vagrant provision" expect(status.success?).to eq(true) end When(/^I install elasticsearch$/) do cmd = "ansible-playbook -i inventory.ini --private-key=.vagrant/machines/elkserver/virtualbox/private_key -u vagrant playbook.main.yml --tags 'elasticsearch-setup'" output, error, @status = Open3.capture3 "#{cmd}" end Then(/^it should be successful$/) do expect(@status.success?).to eq(true) end And(/^([^"]*) should be running$/) do |pkg| case pkg when 'elasticsearch', 'logstash', 'kibana', 'nginx' output, error, status = Open3.capture3 "vagrant ssh -c 'sudo service #{pkg} status'" expect(status.success?).to eq(true) expect(output).to match("#{pkg} is running" || "#{pkg} start/running" ) else raise 'Not Implemented' end end And(/^it should be accepting connections on port ([^"]*)$/) do |port| output, error, status = Open3.capture3 "vagrant ssh -c 'curl -f http://localhost:#{port}'" expect(status.success?).to eq(true) end When(/^I install logstash$/) do cmd = "ansible-playbook -i inventory.ini --private-key=.vagrant/machines/elkserver/virtualbox/private_key -u vagrant playbook.main.yml --tags 'logstash-setup'" output, error, @status = Open3.capture3 "#{cmd}" end And(/^logstash etc directory should be present$/) do output, error, status = Open3.capture3 "unset RUBYLIB; vagrant ssh -c 'ls /etc/logstash/ | grep conf.d'" expect(output).to match("conf.d") end When(/^I install kibana$/) do cmd = "ansible-playbook -i inventory.ini --private-key=.vagrant/machines/elkserver/virtualbox/private_key -u vagrant playbook.main.yml --tags 'kibana-setup'" output, error, @status = Open3.capture3 "#{cmd}" end When(/^I install nginx$/) do cmd = "ansible-playbook -i inventory.ini --private-key=.vagrant/machines/elkserver/virtualbox/private_key -u vagrant playbook.main.yml --tags 'nginx-setup'" output, error, @status = Open3.capture3 "#{cmd}" end And(/^I create ssl certificate$/) do output, error, status = Open3.capture3 "vagrant ssh -c 'ls /etc/nginx/ssl | grep server'" expect(output).to match("server.*") end And(/^I create stark-wildwood file$/) do output, error, status = Open3.capture3 "vagrant ssh -c 'ls /etc/nginx/sites-enabled | grep stark-wildwood'" expect(output).to match("stark-wildwood") end When(/^I install apache2-utils$/) do cmd = "ansible-playbook -i inventory.ini --private-key=.vagrant/machines/elkserver/virtualbox/private_key -u vagrant playbook.main.yml --tags 'apache2_utils_setup'" output, error, @status = Open3.capture3 "#{cmd}" end When(/^I install python-passlib$/) do cmd = "ansible-playbook -i inventory.ini --private-key=.vagrant/machines/elkserver/virtualbox/private_key -u vagrant playbook.main.yml --tags 'passlib_setup'" output, error, @status = Open3.capture3 "#{cmd}" end When(/^I create kibana.htpassword$/) do cmd = "ansible-playbook -i inventory.ini --private-key=.vagrant/machines/elkserver/virtualbox/private_key -u vagrant playbook.main.yml --tags 'kibana.htpassword'" output, error, @status = Open3.capture3 "#{cmd}" end Then(/^kibana.htpassword file should exist$/) do output, error, status = Open3.capture3 "unset RUBYLIB; vagrant ssh -c 'ls /etc/nginx/conf.d/ | grep kibana.htpasswd'" expect(output).to match("kibana.htpasswd") end When(/^I create kibana-write.htpassword$/) do cmd = "ansible-playbook -i inventory.ini --private-key=.vagrant/machines/elkserver/virtualbox/private_key -u vagrant playbook.main.yml --tags 'kibanawrite.htpassword'" output, error, @status = Open3.capture3 "#{cmd}" end Then(/^kibana-write.htpassword file should exist$/) do output, error, status = Open3.capture3 "unset RUBYLIB; vagrant ssh -c 'ls /etc/nginx/conf.d/ | grep kibana-write.htpasswd'" expect(output).to match("kibana-write.htpasswd") end
a0979c16181813fcd2e0b4b77b28d06396acbc6b
[ "Markdown", "Ruby", "INI" ]
3
Markdown
orezi/elk_heroku_log_drain
0ddf977862626bc73f25869f57db9551a7bc444c
4f31d41a1de73f0165ca8a63bf23464337aff9c4
refs/heads/main
<file_sep>#!/bin/bash headcount=0 tailcount=0 for ((i=1; i<=5; i++)) do random=$(($RANDOM%2)) if [ $random -eq 1 ] then headcount=$(($headcount+1)) else tailcount=$(($tailcount+1)) fi diff_one=$(($headcount-$tailcount)) diff_two=$(($tailcount-$headcount)) done echo "Head on : $headcount times" echo "Tail on : $tailcount times" head_percentage=$(( ($headcount/5) * 100)) tail_percentage=$((100 - $head_percentage)) declare -A percentage; percentage[head]=$head_percentage; percentage[tail]=$tail_percentage; echo "percentage of dictionary : ${percentage[head]}"; echo "percentage of dictionary : ${percentage[tail]}"; <file_sep># FlipCoin FlipCoinCombination
76f449cc4943671fb35012553c5a88bddd87fc59
[ "Markdown", "Shell" ]
2
Shell
PraveenkumarElanchezhian/FlipCoin
53ab62de3879fae3223111539431c8d65d2fc470
bc583d1a98160b1df33e4f1119edc77d312f0743
refs/heads/master
<file_sep>import React, { Component } from 'react'; //import { Form, FormGroup, ControlLabel, FormControl, Button, Col } from 'react-bootstrap' import '../MailBox.css' import MailItem from './MailItem'; import { connect } from 'react-redux' import MailControl from './MailControl'; import * as actions from '../../actions' import Pagination from 'react-js-pagination' class MailList extends Component { constructor(props) { super(props); this.state = { activePage: 1, itemsCountPerPage: 5 } } componentWillMount = () => { this.props.onShowList() } onChangePage = (pageNumber) => { this.setState({ activePage: pageNumber }) } render() { var { emails, sort, keyword } = this.props; var { activePage, itemsCountPerPage } = this.state; if (sort.by === 'name') { emails.sort((a, b) => { if (a.id.toLowerCase() > b.id.toLowerCase()) return sort.value; else if (a.id.toLowerCase() < b.id.toLowerCase()) return -sort.value; else return 0; }) } else { emails.sort((a, b) => { if (a.time > b.time) return sort.value; else if (a.time < b.time) return -sort.value; else return 0; }) } emails = emails.filter((email) => { return email.content.toLowerCase().indexOf(keyword) !== -1 }) const indexOfLastEmail = itemsCountPerPage * activePage; const indexOfFirstEmail = indexOfLastEmail - itemsCountPerPage; const currentEmails = emails.slice(indexOfFirstEmail, indexOfLastEmail); var renderItem = currentEmails.map((email, index) => { return ( <MailItem email={email} key={email.id} index={index} /> ) }) var renderList = () => { return (emails.length ? <div className="mailbox-box-body"> {renderItem} </div> : <h4 className="text-center pb-30">No email to display in inbox</h4> ) } return ( <div className="col-md-10"> <div className="mailbox-box mailbox-box-primary"> <MailControl /> <div className="mailbox-box-body"> {renderList()} </div> <div className="pull-right"> <Pagination activePage={activePage} itemsCountPerPage={itemsCountPerPage} totalItemsCount={emails.length} pageRangeDisplayed={3} onChange={this.onChangePage} prevPageText="Previous" lastPageText="Last" firstPageText="First" nextPageText="Next" /> </div> </div> </div> ); } } const mapStateToProps = (state) => { return { emails: state.emails, sort: state.sort, keyword: state.search } } const mapDispatchToProps = (dispatch, props) => { return { onShowList: () => { dispatch(actions.showListEmail()) } } } export default connect(mapStateToProps, mapDispatchToProps)(MailList);<file_sep>import React, { Component } from 'react'; import { Link } from 'react-router-dom' import '../MailBox.css' import { connect } from 'react-redux' import * as actions from '../../actions' class TrashItem extends Component { constructor(props) { super(props); this.state = { } } onRead = () => { this.props.onRead(this.props.emailTrash.id); } onDelete = () => { this.props.onDelete(this.props.emailTrash.id); } onReturn = () => { this.props.onMoveToInbox(this.props.emailTrash.id); } render() { var { emailTrash } = this.props; return ( <div className="table-responsive trash-messages"> <table className="table table-hover table-striped"> <tbody> <tr> <td className="mailbox-name col-lg-2 col-md-2 col-sm-2 col-xs-2"> {emailTrash.composer} </td> <td className="mailbox-subject col-lg-9 col-md-9 col-sm-9 col-xs-9"> <Link to={`/mail/${emailTrash.id}/read`} style={{ color: '#000' }} onClick={this.onRead} > {emailTrash.subject} - {emailTrash.content} </Link> </td> <td className="mailbox-date col-lg-1 col-md-1 col-sm-1 col-xs-1"> {emailTrash.time} mins ago </td> <td className="col-lg-1 col-md-1 col-sm-1 col-xs-1"> <button className="btn btn-info btn-sm mr-10" type="button" onClick={this.onReturn} > <i className="fa fa-undo"></i> </button> <button className="btn btn-danger btn-sm" type="button" onClick={this.onDelete} > <i className="fa fa-trash"></i> </button> </td> </tr> </tbody> </table> </div> ); } } const mapStateToProps = (state) => { return { trash: state.trash } } const mapDispatchToProps = (dispatch, props) => { return { onRead: (id) => { dispatch(actions.readTrash(id)) }, onMoveToInbox: (id) => { dispatch(actions.moveToInbox(id)) }, onDelete: (id) => { dispatch(actions.deletePermanently(id)) } } } export default connect(mapStateToProps, mapDispatchToProps)(TrashItem)<file_sep>import * as types from './../constants/index' import randomstring from 'randomstring' // var trash = { id: randomstring.generate(), subject: 'test', composer: 'Noname', time : Math.floor(Math.random() * 59 + 1), content: 'The world of democracy, rule of law and human rights that our parents and grandparents have built is truly precious, and truly fragile. Its time to stand on the line and call on our institutions to defend truth and justice to teach the world a critical lesson: even the most powerful man in the world is not above the law.'} // var trashContent = []; // trashContent.push(trash); // localStorage.setItem('trash', JSON.stringify(trashContent)); var data = JSON.parse(localStorage.getItem('trash')) var initialState = data ? data : [] var findIndex = (trash, id) => { var result = -1 trash.forEach((trashEmail, index) => { if (trashEmail.id === id) { result = index; } }) return result } var reducer = (state = initialState, action) => { var id = ''; var index = -1; var inbox = JSON.parse(localStorage.getItem('emails')) if (inbox == null) inbox = []; var updateState = JSON.parse(localStorage.getItem('trash')); state = (state.length !== updateState.length) ? updateState : state; switch (action.type) { case types.SHOW_LIST_TRASH: return state case types.MOVE_TO_INBOX: id = action.id; index = findIndex(state, id); inbox.push(state[index]); localStorage.setItem('emails', JSON.stringify(inbox)); state.splice(index, 1); localStorage.setItem('trash', JSON.stringify(state)); return [...state] case types.DELETE_PERMANENTLY: id = action.id; index = findIndex(state, id); state.splice(index, 1); localStorage.setItem('trash', JSON.stringify(state)); return [...state] case types.READ_TRASH: id = action.id; index = findIndex(state, id) console.log(action); localStorage.setItem('readMessage', JSON.stringify(state[index])); return [...state] default: return state } } export default reducer<file_sep>import React, { Component } from 'react'; import TrashItem from './TrashItem'; import { connect } from 'react-redux' import * as actions from '../../actions' import Pagination from 'react-js-pagination' class TrashList extends Component { constructor(props) { super(props); this.state = { activePage: 1, itemsCountPerPage: 5 } } componentWillMount = () => { this.props.onShowList() } onChangePage = (pageNumber) => { this.setState({ activePage: pageNumber }) } render() { var { trash } = this.props; var { activePage, itemsCountPerPage } = this.state; const indexOfLastEmailTrash = itemsCountPerPage * activePage; const indexOfFirstEmailTrash = indexOfLastEmailTrash - itemsCountPerPage; const trashEmailsPerPage = trash.slice(indexOfFirstEmailTrash, indexOfLastEmailTrash); var renderItem = trashEmailsPerPage.map((emailTrash, index) => { return ( <TrashItem emailTrash={emailTrash} key={emailTrash.id} index={index} /> ) }) var renderList = () => { return (trash.length ? <div className="col-md-10"> <div className="mailbox-box mailbox-box-primary"> <div className="mailbox-box-header"> <h3 className="mailbox-box-title">Trash</h3> </div> <div className="mailbox-box-body"> {renderItem} </div> <div className="pull-right"> <Pagination activePage={activePage} itemsCountPerPage={itemsCountPerPage} totalItemsCount={trash.length} pageRangeDisplayed={3} onChange={this.onChangePage} prevPageText="Previous" lastPageText="Last" firstPageText="First" nextPageText="Next" /> </div> </div> </div> : <h4 className="text-center">No email to display in trash</h4> ) } return ( renderList() ); } } const mapStateToProps = (state) => { return { trash: state.trash, } } const mapDispatchToProps = (dispatch, props) => { return { onShowList: () => { dispatch(actions.showListTrash()) } } } export default connect(mapStateToProps, mapDispatchToProps)(TrashList);<file_sep>import * as types from '../constants' var initialState = '' var reducer = (state = initialState, action) => { switch (action.type) { case types.SEARCH_EMAIL: return action.keyword.toLowerCase() default: return state } } export default reducer;<file_sep>import * as types from './../constants/index' import randomstring from 'randomstring' // var email1 = { id: randomstring.generate(), subject: 'abc', receiver: 'tri', time: Math.floor(Math.random() * 59 + 1), content: 'Although the course has formally finished and will close on September 26, you will be able to access all the course materials because edX archives them for your use. If you did not manage to finish, consider enrolling again for the next course, which will start again for its 10th run on October 9. Until the course begins again, you can continue discussing grammar by joining the Facebook page that we have created for students who have enrolled in the course. Click here or paste the following link into your browser to join: https://www.facebook.com/groups/1111019299043515/' } // var emailContent = []; // emailContent.push(email1) // localStorage.setItem('sent', JSON.stringify(emailContent)); var data = JSON.parse(localStorage.getItem('sent')) var initialState = data ? data : [] var findIndex = (sent, id) => { var result = -1 sent.forEach((sentEmail, index) => { if (sentEmail.id === id) { result = index; } }) return result } var reducer = (state = initialState, action) => { var id = ''; var index = -1; switch (action.type) { case types.SHOW_LIST_SENT: return state case types.DELETE_SENT: id = action.id; index = findIndex(state, id); state.splice(index, 1); localStorage.setItem('sent', JSON.stringify(state)); return [...state] case types.SEND_EMAIL: id = action.id var drafts = JSON.parse(localStorage.getItem('drafts')); var email = { id: id ? id : randomstring.generate(), receiver: action.receiver, subject: action.subject, time: Math.floor(Math.random() * 59 + 1), content: action.content } state.push(email) localStorage.setItem('sent', JSON.stringify(state)); index = findIndex(drafts, id); drafts.splice(index, 1); localStorage.setItem('drafts', JSON.stringify(drafts)); return [...state] case types.READ_SENT: id = action.id; index = findIndex(state, id) console.log(action); localStorage.setItem('readMessage', JSON.stringify(state[index])); return [...state] default: return state } } export default reducer<file_sep>import {combineReducers} from 'redux' import emails from './emails' import trash from './trash' import drafts from './drafts' import sort from './sort' import search from './search' import reply from './reply' import sent from './sent' import draftCompose from './draftCompose' import forward from './forward' const reducer = combineReducers({ emails, trash, drafts, sort, search, reply, sent, draftCompose, forward }) export default reducer<file_sep>import React, { Component } from 'react'; import DraftItem from './DraftItem'; import { connect } from 'react-redux' import * as actions from '../../actions' import Pagination from 'react-js-pagination' class DraftList extends Component { constructor(props) { super(props); this.state = { activePage: 1, itemsCountPerPage: 5 } } componentWillMount = () => { this.props.onShowList() } onChangePage = (pageNumber) => { this.setState({ activePage: pageNumber }) } render() { var { drafts } = this.props; var { activePage, itemsCountPerPage } = this.state; const indexOfLastDraft = itemsCountPerPage * activePage; const indexOfFirstDraft = indexOfLastDraft - itemsCountPerPage; const currentDrafts = drafts.slice(indexOfFirstDraft, indexOfLastDraft); var renderItem = currentDrafts.map((draft, index) => { return ( <DraftItem draft={draft} key={draft.id} index={index} /> ) }) var renderList = () => { return (drafts.length ? <div className="col-md-10"> <div className="mailbox-box mailbox-box-primary"> <div className="mailbox-box-header"> <h3 className="mailbox-box-title">Draft</h3> </div> <div className="mailbox-box-body"> {renderItem} </div> <div className="pull-right"> <Pagination activePage={activePage} itemsCountPerPage={itemsCountPerPage} totalItemsCount={drafts.length} pageRangeDisplayed={3} onChange={this.onChangePage} prevPageText="Previous" lastPageText="Last" firstPageText="First" nextPageText="Next" /> </div> </div> </div> : <h4 className="text-center">No email to display in draft</h4> ) } return ( renderList() ); } } const mapStateToProps = (state) => { return { drafts: state.drafts, } } const mapDispatchToProps = (dispatch, props) => { return { onShowList: () => { dispatch(actions.showListDraft()) } } } export default connect(mapStateToProps, mapDispatchToProps)(DraftList);<file_sep>import React, { Component } from 'react'; import { Link } from 'react-router-dom' //import '../MailBox.css' import TreeFolders from '../TreeFolders'; import MailList from './MailList'; import Read from '../Read' import TrashList from '../Trash/TrashList' import { connect } from 'react-redux' class Mail extends Component { constructor(props) { super(props); this.state = { } } render() { var { emails, id, trash, index } = this.props; const ComponentRendered = () => { switch (window.location.pathname) { case `/mail` || `/mail/`: return <MailList /> case `/mail/${id}/read` || `/mail/${id}/read/`: return <Read emails={emails} trash={trash} id={id} index={index} /> case `/mail/trash` || `/mail/trash/`: return <TrashList/> default: return '' } } return ( <div className="container-fluid mailbox"> <div style={{ float: 'right', marginRight: '20px' }} ></div> <div className="col-md-2"> <Link to="/mail/compose" className="btn btn-primary btn-block">Compose</Link> <br /> <TreeFolders /> </div> <div className="col-md-10"> </div> <ComponentRendered /> </div> ); } } const mapStateToProps = (state) => { return { emails: state.emails, trash: state.trash, id: state.id, index: state.index } } const mapDispatchToProps = (dispatch, props) => { return { } } export default connect(mapStateToProps, mapDispatchToProps)(Mail);<file_sep>import React from 'react'; import LoginForm from './components/LoginForm'; import HomePage from './containers/HomePage' import RegisterForm from './components/RegisterForm'; import Mail from './components/Mail'; import Compose from './components/Compose/Compose'; //import Read from './components/Read/Read' const routes = [ { path: '/', exact: true, main: () => <HomePage /> }, { path: '/login', exact: false, main: () => <div> <LoginForm /> </div> }, { path: '/register', exact: false, main: () => <div> <RegisterForm /> </div> }, { path: '/mail', exact: true, main: () => <div> <Mail /> </div> }, { path: '/mail/compose', exact: false, main: () => <div> <Compose /> </div> }, { path: '/mail/:id/read', exact: false, main: () => <div><Mail /></div> }, { path: '/mail/trash', exact: false, main: () => <div> <Mail /> </div> }, { path: '/mail/draft', exact: false, main: () => <div> <Mail /> </div> }, { path: '/mail/sent', exact: false, main: () => <div> <Mail /> </div> } ]; export default routes;<file_sep>import React, { Component } from 'react'; import {Link} from 'react-router-dom' import '../App.css' export default class LoginForm extends Component { constructor(props) { super(props); this.state = { } } render() { return ( <div className="container button-home"> <h1 className="text-center"> Welcome to home page </h1> <Link to="/login"> <button> Login <span></span> </button> </Link> </div> ); } }<file_sep>import React, { Component } from 'react'; import { connect } from 'react-redux' import * as actions from '../../actions' import { Link } from 'react-router-dom' class Compose extends Component { constructor(props) { super(props); this.state = { content: '', composer: '', receiver: '', subject: '', //attachment: [], //fontWeight: false, disableComposer: false, disableReceiver: false, } } componentWillMount() { var { fromDraft, fromReply, fromForward } = this.props; console.log(fromForward); console.log(this.state.content); this.setState({ receiver: fromDraft.receiver ? fromDraft.receiver : fromReply.composer, composer: fromForward.composer ? fromForward.composer : '', subject: fromDraft.subject ? fromDraft.subject : (fromReply.subject ? fromReply.subject : fromForward.subject), content: fromForward.content ? fromForward.content : fromDraft.content, }, fromForward.composer ? (() => {}) : (() => { if (!this.state.composer && !this.state.receiver) { this.setState({ disableReceiver: false, disableComposer: false }) } else if (this.state.composer) { this.setState({ disableReceiver: true }) } else this.setState({ disableComposer: true }) })) } onSend = () => { if (!this.state.receiver) { alert('Please fill fully'); } else { this.props.onSend(this.props.fromDraft.id, this.state.receiver, this.state.content, this.state.subject); window.location.pathname = '/mail/sent'; } } onReceive = () => { if (!this.state.composer) { alert('Please fill fully'); } else { this.props.onReceive(this.state.composer, this.state.content, this.state.subject); window.location.pathname = '/mail'; } } onSave = () => { this.props.onSave(this.state.receiver, this.state.content, this.state.subject) } onChangeText = (event) => { var { fromForward } = this.props; var target = event.target; var name = target.name; var value = target.value; this.setState({ [name]: value }, fromForward.composer ? (() => {}) : () => { if (!this.state.composer && !this.state.receiver) { this.setState({ disableReceiver: false, disableComposer: false }) } else if (this.state.composer) { this.setState({ disableReceiver: true }) } else this.setState({ disableComposer: true }) }) } // handleChange = () => { // var input = document.getElementById('file-upload'); // var output = document.getElementById('file-name'); // var files = []; // output.innerHTML = '<ol>'; // for (var i = 0; i < input.files.length; ++i) { // output.innerHTML += '<li>' + input.files[i].name + '</li>'; // files.push(input.files[i]) // } // output.innerHTML += '</ol>'; // this.setState({ // attachment: files // }) // console.log(this.state.attachment); // } // onChangeStyle = (content) => { // this.setState(prevState => ({ // //fontWeight: !this.state.fontWeight ? 'bold' : '' , // content: prevState.content + this.state.otherContent.bold() // })) // } onSubmit = (e) => { e.preventDefault(); } render() { var {disableComposer, disableReceiver} = this.state; return ( <div className="container-fluid mailbox"> <div className="col-md-2"> <a href="/mail" className="btn btn-primary btn-block">Back to Inbox</a> <br /> </div> {/* <!-- Sidebar --> */} <div className="col-md-10"> <div className="mailbox-box mailbox-box-primary"> <div className="mailbox-box-header"> <h3 className="mailbox-box-title">Compose New Message</h3> </div> <div className="mailbox-box-body"> <form className="mailbox-compose" onSubmit={this.onSubmit} > <div className="form-group"> <input className="form-control" type="text" placeholder="From: " name="composer" value={this.state.composer} onChange={this.onChangeText} disabled={this.state.disableComposer} /> </div> <div className="form-group"> <input className="form-control" type="text" placeholder="To: " name="receiver" value={this.state.receiver} onChange={this.onChangeText} disabled={this.state.disableReceiver} /> </div> <div className="form-group"> <input className="form-control" type="text" placeholder="Subject:" name="subject" value={this.state.subject} onChange={this.onChangeText} /> </div> <div className="form-group"> <div id="toolbar"> <ul className="wysihtml5-toolbar"> <li> <div className="btn-group"> <button className="btn btn-default" data-wysihtml5-command="bold" tabIndex="-1" title="CTRL+B" unselectable="on" //onClick={() => this.onChangeStyle(this.state.content)} > <b>Bold</b> </button> <button className="btn btn-default" data-wysihtml5-command="italic" tabIndex="-1" title="CTRL+I" unselectable="on"> <i>Italic</i> </button> <button className="btn btn-default wysihtml5-command-active" data-wysihtml5-command="underline" tabIndex="-1" title="CTRL+U" unselectable="on"> <u>Underline</u> </button> <button className="btn btn-default" data-wysihtml5-command="small" tabIndex="-1" title="CTRL+S" unselectable="on"> <small>Small</small> </button> </div> </li> </ul> </div> <textarea type="text" className="same-form-control" style={{ height: '300px', width: '100%', maxWidth: '100%', fontSize: '14px', fontWeight: this.state.fontWeight }} name="content" value={this.state.content} onChange={this.onChangeText} > </textarea> </div> <div className="form-group"> <label className="btn btn-primary btn-file"> <i className="fa fa-paperclip mr-10"></i> Attachment <input name="attachment" type="file" id="file-upload" className="hidden" multiple onChange={this.handleChange} /> </label> <div id='file-name'></div> </div> </form> </div> {/* <!-- Body --> */} <div className="mailbox-box-footer"> <div className="pull-right"> <Link to="/mail/draft"> <button className="btn btn-info mr-10" onClick={this.onSave}> <i className="fa fa-clipboard-list mr-10"></i> Draft </button> </Link> <button className="btn btn-success mr-10" onClick={this.onReceive} disabled={disableComposer || (!disableComposer && !disableReceiver) ? true : false} > Receive <i className="fa fa-envelope-open-text ml-10"></i> </button> <button className="btn btn-success" onClick={this.onSend} disabled={disableReceiver ? true : false} > Send <i className="fa fa-chevron-circle-right ml-10"></i> </button> </div> <Link to="/mail"> <button className="btn btn-danger" type="reset"> <i className="fa fa-times-circle mr-10"></i> Discard </button> </Link> </div> {/* <!-- Footer --> */} </div> {/* <!-- End Box --> */} </div> {/* <!-- Content --> */} </div> ); } } const mapStateToProps = (state) => { return { emails: state.emails, fromReply: state.reply, fromDraft: state.draftCompose, fromForward: state.forward } } const mapDispatchToProps = (dispatch, props) => { return { onSend: (id, receiver, text, subject) => { dispatch(actions.sendEmail(id, receiver, text, subject)) }, onReceive: (composer, text, subject) => { dispatch(actions.receiveEmail(composer, text, subject)) }, onSave: (receiver, content, subject) => { dispatch(actions.saveToDraft(receiver, content, subject)) }, } } export default connect(mapStateToProps, mapDispatchToProps)(Compose);<file_sep>import * as types from '../constants' var data = localStorage.getItem('index') const initialState = data ? data : '' const reducer = (state = initialState, action) => { switch (action.type) { case types.GET_INDEX: console.log(action) state = action.index; localStorage.setItem('index', state) return state default: return state } } export default reducer<file_sep>import React, { Component } from 'react'; import SentItem from './SentItem'; import { connect } from 'react-redux' import * as actions from '../../actions' import Pagination from 'react-js-pagination' class SentList extends Component { constructor(props) { super(props); this.state = { activePage: 1, itemsCountPerPage: 5 } } componentWillMount = () => { this.props.onShowList() } onChangePage = (pageNumber) => { this.setState({ activePage: pageNumber }) } render() { var { sent } = this.props; var { activePage, itemsCountPerPage } = this.state; const indexOfLastSentMail = itemsCountPerPage * activePage; const indexOfFirstSentMail = indexOfLastSentMail - itemsCountPerPage; const currentSentMails = sent.slice(indexOfFirstSentMail, indexOfLastSentMail); var renderItem = currentSentMails.map((sentMail, index) => { return ( <SentItem sentMail={sentMail} key={sentMail.id} index={index} /> ) }) var renderList = () => { return (sent.length ? <div className="col-md-10"> <div className="mailbox-box mailbox-box-primary"> <div className="mailbox-box-header"> <h3 className="mailbox-box-title">Sent</h3> </div> <div className="mailbox-box-body"> {renderItem} </div> <div className="pull-right"> <Pagination activePage={activePage} itemsCountPerPage={itemsCountPerPage} totalItemsCount={sent.length} pageRangeDisplayed={3} onChange={this.onChangePage} prevPageText="Previous" lastPageText="Last" firstPageText="First" nextPageText="Next" /> </div> </div> </div> : <h4 className="text-center">No email to display in sent page</h4> ) } return ( renderList() ); } } const mapStateToProps = (state) => { return { sent: state.sent, } } const mapDispatchToProps = (dispatch, props) => { return { onShowList: () => { dispatch(actions.showListSent()) } } } export default connect(mapStateToProps, mapDispatchToProps)(SentList);<file_sep>import React, { Component } from 'react'; import './MailBox.css' class Read extends Component { constructor(props) { super(props); this.state = { } } componentWillMount() { } render() { var { emails, id, index, trash } = this.props; // Check emailId to display emailContent (in inbox or trash) const mailContent = () => { if (emails[index]) { if (emails[index].id !== id) { return trash[index].content } else return emails[index].content } else { if (trash[index].id === id) { return trash[index].content } } } var d = new Date(); var date = d.getDate(); var month = d.getMonth() + 1; var year = d.getFullYear(); var hours = d.getHours(); var min = d.getMinutes(); min = (min < 10) ? ('0' + min) : min const now = date + "/" + month + "/" + year + " - " + hours + ":" + min return ( <div className="container-fluid mailbox"> <div className="col-md-10"> <div className="mailbox-box mailbox-box-primary"> <div className="mailbox-box-header"> <span className="mailbox-read-info-time pull-right flip"> {now} </span> <h3 className="mailbox-box-title">Read Mail</h3> </div> <div className="mailbox-box-body"> <div className="mailbox-read-info"> <h3> Message Subject Is Placed Here </h3> <h5> From: <EMAIL> </h5> </div> {/* <!-- Read Info --> */} <div className="mailbox-read-message"> {mailContent()} </div> {/* <!-- Read Message --> */} <ul className="mailbox-attachment clearfix"> <li> <span className="mailbox-attachment-icon"> <i className="fa fa-file-pdf-o"> </i> </span> <div className="mailbox-attachment-info"> <a className="mailbox-attachment-name" href="/mail/read"> <i className="fa fa-paperclip mr-4"> </i> Sep2014-report.pdf </a> <span className="mailbox-attachment-size"> 1,245 KB <a className="btn btn-default btn-xs pull-right flip" href="/mail/read"> <i className="fa fa-cloud-download-alt"> </i> </a> </span> </div> </li> <li> <span className="mailbox-attachment-icon"> <i className="fa fa-file-word-o"> </i> </span> <div className="mailbox-attachment-info"> <a className="mailbox-attachment-name" href="/mail/read"> <i className="fa fa-paperclip mr-4"> </i> App Description.docx </a> <span className="mailbox-attachment-size"> 1,245 KB <a className="btn btn-default btn-xs pull-right flip" href="/mail/read"> <i className="fa fa-cloud-download-alt"> </i> </a> </span> </div> </li> <li> <span className="mailbox-attachment-icon has-img"> <img alt="Attachment" src="https://stepupandlive.files.wordpress.com/2014/09/3d-animated-frog-image.jpg" /> </span> <div className="mailbox-attachment-info"> <a className="mailbox-attachment-name" href="/mail/read"> <i className="fa fa-camera"> </i> photo2.png </a> <span className="mailbox-attachment-size"> 1.9 MB <a className="btn btn-default btn-xs pull-right flip" href="/mail/read"> <i className="fa fa-cloud-download-alt"> </i> </a> </span> </div> </li> </ul> {/* <!-- Attachments --> */} </div> <div className="mailbox-box-footer"> <div className="pull-right flip"> <button className="btn btn-default" type="button"> Forward <i className="far fa-hand-point-right ml-10"> </i> </button> </div> <button className="btn btn-default" type="button"> <i className="fa fa-reply mr-10"> </i> Reply </button> </div> </div> {/* <!-- End Box --> */} </div> </div> ); } } export default Read<file_sep>import * as types from './../constants/index' import randomstring from 'randomstring' // var email1 = { id: randomstring.generate(), composer: 'Noname', subject: 'test', time : Math.floor(Math.random() * 59 + 1), content: 'Although the course has formally finished and will close on September 26, you will be able to access all the course materials because edX archives them for your use. If you did not manage to finish, consider enrolling again for the next course, which will start again for its 10th run on October 9. Until the course begins again, you can continue discussing grammar by joining the Facebook page that we have created for students who have enrolled in the course. Click here or paste the following link into your browser to join: https://www.facebook.com/groups/1111019299043515/'} // var email2 = { id: randomstring.generate(), composer: 'Noname', subject: 'test', time : Math.floor(Math.random() * 59 + 1), content: 'Even if you did finish, you are more than welcome to join us again, as Melissa and Kevin, and Philip and Mary have done many times. They enjoy immensely the camaraderie and intellectual challenge on the board and contribute so valuably to the board. One of the initiatives that has greatly pleased us is when a student does the course in tandem with a friend. Our favourite case was a student who ‘bonded’ with his dad.'} // var email3 = { id: randomstring.generate(), composer: 'Noname', subject: 'test', time : Math.floor(Math.random() * 59 + 1), content: 'Don’t forget that the weekly quizzes are all due on September 26 (on the Course page under the Quiz links, you can see the exact due date/time for your timezone).'} // var email4 = { id: randomstring.generate(), composer: 'Noname', subject: 'test', time : Math.floor(Math.random() * 59 + 1), content: 'The feedback reflections that you posted this week have made us very happy. I am personally thrilled that we have made such an impact on you and urge those of you who haven’t checked the board for yourselves to check it now to affirm the value of the course for you. It’s feedback like this, where you talk about your increasing confidence in your writing and your curiosity to learn more about writing, that makes us so happy to repeat each run of the course.'} // var email5 = { id: randomstring.generate(), composer: 'Noname', subject: 'test', time : Math.floor(Math.random() * 59 + 1), content: 'Amber says: As always, it has been a pleasure to meet so many students on the discussion board united by a shared love of language and learning. I hope that you have found Write101x useful, enjoyable, and interesting and that you will be able to consolidate and use your new knowledge and skills to achieve your writing goals, whatever they may be.'} // var email6 = { id: randomstring.generate(), composer: 'Noname', subject: 'test', time : Math.floor(Math.random() * 59 + 1), content: 'Megan says: I would like to thank students for participating so enthusiastically and respectfully on the discussion board, and I wish everyone the best for their future.'} // var email7 = { id: randomstring.generate(), composer: 'Noname', subject: 'test', time : Math.floor(Math.random() * 59 + 1), content: 'For the second year in a row, an article that I wrote about language for The Conversation is to be published in their 2018 Yearbook. Its title is ‘On the horror and pleasure of misused words: From mispronunciation to malapropism’ and it was chosen as one of 50 from 4,211 articles published this year. If you’d like to read it, go to https://theconversation.com/profiles/roslyn-petelin-311643/articles.'} // var emailContent = []; // emailContent.push(email1) // emailContent.push(email2) // emailContent.push(email3) // emailContent.push(email4) // emailContent.push(email5) // emailContent.push(email6) // emailContent.push(email7) // localStorage.setItem('emails', JSON.stringify(emailContent)); var data = JSON.parse(localStorage.getItem('emails')) var initialState = data ? data : [] var findIndex = (emails, id) => { var result = -1 emails.forEach((email, index) => { if (email.id === id) { result = index; } }) return result } var reducer = (state = initialState, action) => { var id = ''; var index = -1; var trash = JSON.parse(localStorage.getItem('trash')) if (trash == null) trash = []; var updateState = JSON.parse(localStorage.getItem('emails')) state = (state.length !== updateState.length) ? updateState : state; switch (action.type) { case types.SHOW_LIST_EMAIL: return state case types.MOVE_TO_TRASH: id = action.id index = findIndex(state, id); trash.push(state[index]); localStorage.setItem('trash', JSON.stringify(trash)); state.splice(index, 1); localStorage.setItem('emails', JSON.stringify(state)); return [...state] case types.RECEIVE_EMAIL: var email = { id: randomstring.generate(), composer: action.composer, subject: action.subject, time: Math.floor(Math.random() * 59 + 1), content: action.text } state.push(email) localStorage.setItem('emails', JSON.stringify(state)); return [...state] case types.READ_INBOX: id = action.id; index = findIndex(state, id) console.log(action); localStorage.setItem('readMessage', JSON.stringify(state[index])); return [...state] default: return state } } export default reducer<file_sep>import React, { Component } from 'react'; import { Form, FormGroup, ControlLabel, FormControl, Button, Col } from 'react-bootstrap' import { Link, Redirect } from 'react-router-dom' export default class LoginForm extends Component { constructor(props) { super(props); this.state = { email: '', password: '', isRedirect: false, } } onHandleChange = (e) => { var target = e.target; var name = target.name; var value = target.value; this.setState({ [name]: value }) } onSubmit = (e) => { e.preventDefault(); } onClick = () => { var { email, password } = this.state; if (email === '<EMAIL>' && password === '<PASSWORD>') { this.setState({ isRedirect: true }) } else { alert('Wrong email or password'); this.onClear(); } } onClear = () => { this.setState({ email: this.state.email, password: '' }) } render() { var { isRedirect } = this.state; if (isRedirect) { return <Redirect to='/mail' /> } return ( <div className="container login-form"> <div className="panel panel-primary"> <div className="panel-heading"> <h3 className="panel-title text-center">Login</h3> </div> <div className="panel-body"> <Form horizontal onSubmit={this.onSubmit}> <FormGroup> <Col sm={3}> <ControlLabel> Email </ControlLabel> </Col> <Col sm={9}> <FormControl type="text" className="form-control" name="email" placeholder="Email" value={this.state.email} onChange={this.onHandleChange} /> </Col> </FormGroup> <FormGroup> <Col sm={3}> <ControlLabel> Password </ControlLabel> </Col> <Col sm={9}> <FormControl type="password" className="form-control" name="password" placeholder="<PASSWORD>" value={this.state.password} onChange={this.onHandleChange} /> </Col> </FormGroup> <Button type="submit" block bsSize='large' className="btn btn-danger" onClick={this.onClick} > Login </Button> <h5 className="text-right">Forgot <Link to="/reset-password"> password</Link> </h5> <h5 className="text-right">Not a member? <span> <Link to="/register"> Register</Link> </span> </h5> </Form> </div> </div> </div> ); } }<file_sep>import * as types from '../constants' var initialState = {} var reducer = (state = initialState, action) => { switch (action.type) { case types.DRAFT: return { id: action.id, receiver: action.receiver, subject: action.subject, content: action.content } default: return state } } export default reducer;<file_sep>export const SHOW_LIST_EMAIL = 'SHOW_LIST_EMAIL' export const SHOW_LIST_TRASH = 'SHOW_LIST_TRASH' export const SHOW_LIST_DRAFT = 'SHOW_LIST_DRAFT' export const SHOW_LIST_SENT = 'SHOW_LIST_SENT' export const MOVE_TO_TRASH = 'MOVE_TO_TRASH' export const MOVE_TO_INBOX = 'MOVE_TO_INBOX' export const DELETE_PERMANENTLY = 'DELETE_PERMANENTLY' export const SORT_EMAIL = 'SORT_EMAIL' export const SEARCH_EMAIL = 'SEARCH_EMAIL' export const SEND_EMAIL = 'SEND_EMAIL' export const RECEIVE_EMAIL = 'RECEIVE_EMAIL' export const SAVE_TO_DRAFT = 'SAVE_TO_DRAFT' export const DELETE_DRAFT = 'DELETE_DRAFT' export const DELETE_SENT = 'DELETE_SENT' export const READ_INBOX = 'READ_INBOX' export const READ_TRASH = 'READ_TRASH' export const READ_SENT = 'READ_SENT' export const REPLY = 'REPLY' export const FORWARD = 'FORWARD' export const DRAFT = 'DRAFT' <file_sep>import * as types from '../constants' var data = localStorage.getItem('id') const initialState = data ? data : '' const reducer = (state = initialState, action) => { switch (action.type) { case types.GET_ID: console.log(action) state = action.id; localStorage.setItem('id', state) return state default: return state } } export default reducer<file_sep>import React, { Component } from 'react'; import { Link } from 'react-router-dom' import '../MailBox.css' import { connect } from 'react-redux' import * as actions from '../../actions' class MailItem extends Component { constructor(props) { super(props); this.state = { } } onRead = () => { this.props.onRead(this.props.email.id); //this.props.onGetId(this.props.email.id); } onDelete = () => { this.props.onMoveToTrash(this.props.index) } render() { var { email } = this.props; return ( <div className="table-responsive mailbox-messages"> <table className="table table-hover table-striped"> <tbody> <tr> <td className="mailbox-name col-lg-2 col-md-2 col-sm-2 col-xs-2"> {email.composer} </td> <td className="mailbox-subject col-lg-9 col-md-9 col-sm-9 col-xs-9"> <Link to={`/mail/${email.id}/read`} style={{ color: '#000' }} onClick={this.onRead} > {email.subject} - {email.content} </Link> </td> <td className="mailbox-date col-lg-1 col-md-1 col-sm-1 col-xs-1"> {email.time} mins ago </td> <td> <button className="btn btn-danger btn-sm" type="button" onClick={this.onDelete} > <i className="fa fa-trash"></i> </button> </td> </tr> </tbody> </table> </div> ); } } const mapStateToProps = (state) => { return { } } const mapDispatchToProps = (dispatch, props) => { return { onRead: (id) => { dispatch(actions.readInbox(id)) }, onMoveToTrash: (index) => { dispatch(actions.moveToTrash(index)) } } } export default connect(mapStateToProps, mapDispatchToProps)(MailItem)<file_sep>import React, { Component } from 'react'; import '../MailBox.css' import { Link } from 'react-router-dom' import { connect } from 'react-redux' import * as actions from '../../actions' class Read extends Component { constructor(props) { super(props); this.state = { } } componentWillMount() { } onReply = () => { this.props.onReply(this.props.readMessage.composer, this.props.readMessage.subject) } onForward = () => { var { readMessage } = this.props; console.log(readMessage.content) this.props.onForward(readMessage.composer, readMessage.subject, readMessage.content) } render() { var { readMessage } = this.props; var d = new Date(); var date = d.getDate(); var month = d.getMonth() + 1; var year = d.getFullYear(); var hours = d.getHours(); var min = d.getMinutes(); min = (min < 10) ? ('0' + min) : min const now = date + "/" + month + "/" + year + " - " + hours + ":" + min return ( <div className="container-fluid mailbox"> <div className="col-md-10"> <div className="mailbox-box mailbox-box-primary"> <div className="mailbox-box-header"> <span className="mailbox-read-info-time pull-right flip"> {now} </span> <h3 className="mailbox-box-title">Read Mail</h3> </div> <div className="mailbox-box-body"> <div className="mailbox-read-info"> <h3> {readMessage.subject} </h3> <h4> {!readMessage.composer // check if not composer ? `To: ${readMessage.receiver}` // read email in sent : (readMessage.composer === 'Draft' // if composer and composer = 'Draft' ? readMessage.composer // read email in draft : `From: ${readMessage.composer}` // read email in inbox ) } </h4> </div> {/* <!-- Read Info --> */} <div className="mailbox-read-message"> {readMessage.content} </div> {/* <!-- Read Message --> */} <ul className="mailbox-attachment clearfix"> <li> <span className="mailbox-attachment-icon"> <i className="fa fa-file-pdf-o"> </i> </span> <div className="mailbox-attachment-info"> <a className="mailbox-attachment-name" href="/mail/read"> <i className="fa fa-paperclip mr-4"> </i> Sep2014-report.pdf </a> <span className="mailbox-attachment-size"> 1,245 KB <a className="btn btn-default btn-xs pull-right flip" href="/mail/read"> <i className="fa fa-cloud-download-alt"> </i> </a> </span> </div> </li> <li> <span className="mailbox-attachment-icon"> <i className="fa fa-file-word-o"> </i> </span> <div className="mailbox-attachment-info"> <a className="mailbox-attachment-name" href="/mail/read"> <i className="fa fa-paperclip mr-4"> </i> App Description.docx </a> <span className="mailbox-attachment-size"> 1,245 KB <a className="btn btn-default btn-xs pull-right flip" href="/mail/read"> <i className="fa fa-cloud-download-alt"> </i> </a> </span> </div> </li> <li> <span className="mailbox-attachment-icon has-img"> <img alt="Attachment" src="https://stepupandlive.files.wordpress.com/2014/09/3d-animated-frog-image.jpg" /> </span> <div className="mailbox-attachment-info"> <a className="mailbox-attachment-name" href="/mail/read"> <i className="fa fa-camera"> </i> photo2.png </a> <span className="mailbox-attachment-size"> 1.9 MB <a className="btn btn-default btn-xs pull-right flip" href="/mail/read"> <i className="fa fa-cloud-download-alt"> </i> </a> </span> </div> </li> </ul> {/* <!-- Attachments --> */} </div> <div className="mailbox-box-footer"> <div className="pull-right flip"> <Link to="/mail/compose"> <button className="btn btn-default" type="button" onClick={this.onForward} > Forward <i className="far fa-hand-point-right ml-10"> </i> </button> </Link> </div> <Link to="/mail/compose"> <button className="btn btn-default" type="button" onClick={this.onReply} > <i className="fa fa-reply mr-10"> </i> Reply </button> </Link> </div> </div> {/* <!-- End Box --> */} </div> </div> ); } } const mapStateToProps = (state) => { return { } } const mapDispatchToProps = (dispatch, props) => { return { onReply: (composer, subject) => { dispatch(actions.reply(composer, subject)) }, onForward: (composer, subject, content) => { dispatch(actions.forward(composer, subject, content)) } } } export default connect(mapStateToProps, mapDispatchToProps)(Read);<file_sep>import React, { Component } from 'react'; import { connect } from 'react-redux' import * as actions from '../../actions' import { Link } from 'react-router-dom' class InboxControl extends Component { constructor(props) { super(props); this.state = { keyword: '' } } onSort = (sortBy, sortValue) => { this.props.onSort({ by: sortBy, value: sortValue }); } onChange = (event) => { console.log(event.target.value) var target = event.target; var name = target.name; var value = target.value; this.setState({ [name]: value }) console.log(this.state) } onSearch = () => { this.props.onSearch(this.state.keyword); } render() { return ( <div className="mailbox-box-header row"> <h3 className="col-xs-1 col-sm-1 col-md-1 col-lg-1 mailbox-box-title">Inbox</h3> <div className="mr-10 dropdown pull-right"> <button className="btn btn-primary dropdown-toggle" type="button" id="dropdownMenu1" data-toggle="dropdown" aria-haspopup="true" aria-expanded="true"> Sort <span className="fa fa-caret-square-o-down ml-10"></span> </button> <ul className="dropdown-menu" aria-labelledby="dropdownMenu1"> <li onClick={() => this.onSort('name', 1)}> <Link to="/mail" className={(this.props.sort.by === 'name' && this.props.sort.value === 1) ? 'sort_selected' : ''} > <span className="fa fa-sort-alpha-asc pr-5"> A-Z </span> </Link> </li> <li onClick={() => this.onSort('name', -1)}> <Link to="/mail" className={(this.props.sort.by === 'name' && this.props.sort.value === -1) ? 'sort_selected' : ''} > <span className="fa fa-sort-alpha-desc pr-5"> Z-A </span> </Link> </li> <li role="separator" className="divider"></li> <li onClick={() => this.onSort('time', 1)}> <Link to="/mail" className={(this.props.sort.by === 'time' && this.props.sort.value === 1) ? 'sort_selected' : ''} > <span className="fa fa-sort-numeric-down"> Time </span> </Link> </li> <li onClick={() => this.onSort('time', -1)}> <Link to="/mail" className={(this.props.sort.by === 'time' && this.props.sort.value === -1) ? 'sort_selected' : ''} > <span className="fa fa-sort-numeric-up"> Time </span> </Link> </li> </ul> </div> <div className="col-xs-5 col-sm-5 col-md-5 col-lg-5 pull-right mr-10" style={{maxWidth: '400px'}} > <div className="input-group"> <input type="text" className="form-control" placeholder="Find..." name="keyword" onChange={this.onChange} /> <span className="input-group-btn"> <button className="btn btn-primary" type="button" onClick={this.onSearch} > <span className="fa fa-search mr-10"></span>Search </button> </span> </div> </div> </div> ); } } const mapStateToProps = (state) => { return { sort: state.sort } } const mapDispatchToProps = (dispatch, props) => { return { onSort: (sort) => { dispatch(actions.sortEmail(sort)) }, onSearch: (keyword) => { dispatch(actions.searchEmail(keyword)) } } } export default connect(mapStateToProps, mapDispatchToProps)(InboxControl);<file_sep>import * as types from '../constants' var initialState = { by: 'time', value: 1 // 1: increase, -1: decrease } var reducer = (state = initialState, action) => { switch (action.type) { case types.SORT_EMAIL: return { by: action.sort.by, value: action.sort.value } default: return state } } export default reducer;<file_sep>import React, { Component } from 'react'; import { connect } from 'react-redux' import * as actions from '../actions' class Compose extends Component { constructor(props) { super(props); this.state = { content: '', composer: '' } } onClick = () => { this.props.onSend(this.state.composer, this.state.content) } onChangeText = (event) => { var target = event.target; var name = target.name; var value = target.value; this.setState({ [name]: value }) } render() { return ( <div className="container-fluid mailbox"> <div className="col-md-2"> <a href="/mail" className="btn btn-primary btn-block">Back to Inbox</a> <br /> </div> {/* <!-- Sidebar --> */} <div className="col-md-10"> <div className="mailbox-box mailbox-box-primary"> <div className="mailbox-box-header"> <h3 className="mailbox-box-title">Compose New Message</h3> </div> <div className="mailbox-box-body"> <form className="mailbox-compose"> <div className="form-group"> <input className="form-control" type="text" placeholder="From:" name="composer" onChange={this.onChangeText} /> </div> <div className="form-group"> <input className="form-control" type="text" placeholder="Subject:" /> </div> <div className="form-group"> <div id="toolbar"> <ul className="wysihtml5-toolbar"> <li> <div className="btn-group"> <button className="btn btn-default" data-wysihtml5-command="bold" tabIndex="-1" title="CTRL+B" unselectable="on"> <b>Bold</b> </button> <button className="btn btn-default" data-wysihtml5-command="italic" tabIndex="-1" title="CTRL+I" unselectable="on"> <i>Italic</i> </button> <button className="btn btn-default wysihtml5-command-active" data-wysihtml5-command="underline" tabIndex="-1" title="CTRL+U" unselectable="on"> <u>Underline</u> </button> <button className="btn btn-default" data-wysihtml5-command="small" tabIndex="-1" title="CTRL+S" unselectable="on"> <small>Small</small> </button> </div> </li> <li> <button className="btn btn-default" data-wysihtml5-command="formatBlock" data-wysihtml5-command-value="blockquote" data-wysihtml5-display-format-name="false" tabIndex="-1" unselectable="on"> <span className="fa fa-quote-left"> </span> <span className="fa fa-quote-right"> </span> </button> </li> <li> <div className="btn-group"> <button className="btn btn-default" data-wysihtml5-command="insertUnorderedList" tabIndex="-1" title="Unordered list" unselectable="on"> <span className="glyphicon glyphicon-list"> </span> </button> <button className="btn btn-default" data-wysihtml5-command="insertOrderedList" tabIndex="-1" title="Ordered list" unselectable="on"> <span className="glyphicon glyphicon-th-list"> </span> </button> <button className="btn btn-default" data-wysihtml5-command="Outdent" tabIndex="-1" title="Outdent" unselectable="on"> <span className="glyphicon glyphicon-indent-right"> </span> </button> <button className="btn btn-default" data-wysihtml5-command="Indent" tabIndex="-1" title="Indent" unselectable="on"> <span className="glyphicon glyphicon-indent-left"> </span> </button> </div> </li> </ul> </div> <textarea type="text" className="same-form-control" style={{ height: '300px', width: '100%', maxWidth: '100%', fontSize: '14px' }} name="content" onChange={this.onChangeText} /> </div> <div className="form-group"> <label className="btn btn-primary btn-file"> <i className="fa fa-paperclip mr-10"></i> Attachment <input name="attachment" type="file" className="hidden" /> </label> <p className="help-block"> Max. 32MB </p> </div> </form> </div> {/* <!-- Body --> */} <div className="mailbox-box-footer"> <div className="pull-right"> <button className="btn btn-info mr-10"> <i className="fa fa-clipboard-list mr-10"></i> Draft </button> <button className="btn btn-success" onClick={this.onClick}> Send <i className="fa fa-chevron-circle-right ml-10"></i> </button> </div> <button className="btn btn-danger" type="reset"> <i className="fa fa-times-circle mr-10"></i> Discard </button> </div> {/* <!-- Footer --> */} </div> {/* <!-- End Box --> */} </div> {/* <!-- Content --> */} </div> ); } } const mapStateToProps = (state) => { return { emails: state.emails } } const mapDispatchToProps = (dispatch, props) => { return { onSend: (sender, text) => { dispatch(actions.sendEmail(sender, text)) }, } } export default connect(mapStateToProps, mapDispatchToProps)(Compose);<file_sep>import React, { Component } from 'react'; import { Link } from 'react-router-dom' import '../MailBox.css' import { connect } from 'react-redux' import * as actions from '../../actions' class SentItem extends Component { constructor(props) { super(props); this.state = { } } onRead = () => { this.props.onRead(this.props.sentMail.id); } onDelete = () => { this.props.onDelete(this.props.sentMail.id); } render() { var { sentMail } = this.props; return ( <div className="table-responsive mailbox-messages"> <table className="table table-hover table-striped"> <tbody> <tr> <td className="mailbox-name col-lg-2 col-md-2 col-sm-2 col-xs-2"> To: {sentMail.receiver} </td> <td className="mailbox-subject col-lg-9 col-md-9 col-sm-9 col-xs-9"> <Link to={`/mail/${sentMail.id}/read`} style={{ color: '#000' }} onClick={this.onRead} > {sentMail.subject} - {sentMail.content} </Link> </td> <td className="mailbox-date col-lg-1 col-md-1 col-sm-1 col-xs-1"> {sentMail.time} mins ago </td> <td> <button className="btn btn-danger btn-sm" type="button" onClick={this.onDelete} > <i className="fa fa-trash"></i> </button> </td> </tr> </tbody> </table> </div> ); } } const mapStateToProps = (state) => { return { //sent: state.sent } } const mapDispatchToProps = (dispatch, props) => { return { onRead: (id) => { dispatch(actions.readSent(id)) }, onDelete: (id) => { dispatch(actions.deleteSent(id)) } } } export default connect(mapStateToProps, mapDispatchToProps)(SentItem)
23a2c7036cdeec0faaf517f40988a20affd13050
[ "JavaScript" ]
26
JavaScript
nguyenvantri130895/mailbox-app
dd5270a7a2739bfc944d8ffabe69e5cae5b59dc0
ca6947a58365aa2557f220f065367e302bc5acc4
refs/heads/master
<file_sep>require 'csv' require_relative 'state_lookup.rb' class CensusParser CENSUS_DATA_FILE = "data/sc-est2019-agesex-civ.csv" OPTIMIZED_STATE_AGE_DATA = "data/optimized-state-age-data.yml" def initialize(state, age) @state = state @age = age end def people_older_than_you_in_your_state optimized_state_age_data["#{StateLookup.fips_code_for_state(@state)}:#{@age}"] end private def optimized_state_age_data if File.exist?(OPTIMIZED_STATE_AGE_DATA) return YAML.load(File.read(OPTIMIZED_STATE_AGE_DATA)) else optimized_data = optimized_census_data_for_age_lookups File.open(OPTIMIZED_STATE_AGE_DATA, "w") { |file| file.write(optimized_data.to_yaml) } return optimized_data end end # Sums up ages per state to generate a data structure that is much faster to parse # Structure will look like {"STATE:AGE" => people_AGE_and_older_in_STATE} def optimized_census_data_for_age_lookups optimized_data_structure = {} CSV.foreach(CENSUS_DATA_FILE, :headers => true) do |row| state_fips_code = row.to_h["STATE"] if state_fips_code != "0" # Ignore national results # Only care about all sexes, not male- or female-specific data if row.to_h["SEX"] == "0" # Ages for all states in this data source are 0 to 85 age = row.to_h["AGE"].to_i if age >= 0 && age <= 85 pop_of_age = row.to_h["POPEST2019_CIV"].to_i for backfilled_age in 0..age-1 # increase count for all previous ages previous_count = optimized_data_structure["#{state_fips_code}:#{backfilled_age}"] optimized_data_structure.merge!( {"#{state_fips_code}:#{backfilled_age}" => pop_of_age + previous_count.to_i } ) end optimized_data_structure.merge!( {"#{state_fips_code}:#{age}" => pop_of_age } ) end end end end optimized_data_structure end end <file_sep>require 'net/http' require 'uri' require 'nokogiri' require 'json' require 'yaml' class BloombergParser BLOOMBERG_DATA_URL = "https://www.bloomberg.com/graphics/covid-vaccine-tracker-global-distribution/" BLOOMBERG_DATA_CACHED_FILE = "data/bloomberg_data.yml" def initialize(break_cache) if recent_cached_data? && !break_cache ruby_hash_of_all_data = retrieve_cached_data() else full_html_data = download_data() full_nokogiri_data = Nokogiri::HTML(full_html_data) data_js = full_nokogiri_data.css('script#dvz-data-cave')[0] ruby_hash_of_all_data = JSON.parse(data_js) cache_data(ruby_hash_of_all_data) end @usa_vaccination_data = ruby_hash_of_all_data["vaccination"]["usa"] end def vaccinations_per_day_in_state(state_code) all_data_for_state(state_code)["noDosesTotalLatestRateValue"] end def completed_vaccinations_in_state(state_code) all_data_for_state(state_code)["noCompletedVaccination"] end private def all_data_for_state(state_code) @usa_vaccination_data.select {|state| state["code"] == state_code}.first end def cache_data(data) File.open(BLOOMBERG_DATA_CACHED_FILE, "w") { |file| file.write(data.to_yaml) } end def recent_cached_data? return false unless File.exist?(BLOOMBERG_DATA_CACHED_FILE) modified_time = File.mtime(BLOOMBERG_DATA_CACHED_FILE) return modified_time >= Time.now - (3600 * 24) end def retrieve_cached_data YAML.load(File.read(BLOOMBERG_DATA_CACHED_FILE)) end def download_data uri = URI.parse(BLOOMBERG_DATA_URL) request = Net::HTTP::Get.new(uri) request["User-Agent"] = "Mozilla/5.0 (X11; Ubuntu; Linux x86_64; rv:85.0) Gecko/20100101 Firefox/85.0" request["Accept"] = "text/html,application/xhtml+xml,application/xml;q=0.9,image/webp,*/*;q=0.8" request["Accept-Language"] = "en-US,en;q=0.5" request["Connection"] = "keep-alive" request["Upgrade-Insecure-Requests"] = "1" request["Cache-Control"] = "max-age=0" request["Te"] = "Trailers" req_options = { use_ssl: uri.scheme == "https", } response = Net::HTTP.start(uri.hostname, uri.port, req_options) do |http| http.request(request) end return response.body end end <file_sep>require 'sinatra' require_relative 'covid-vaccine-calculator' require_relative 'lib/state_lookup.rb' get '/' do @states = StateLookup.all_states_with_abbreviations erb :index end post '/' do state = params["state"] age = params["age"].to_i percent_taking = params["percent_taking"].to_f / 100 break_bloomberg_cache = false CovidVaccineCalculator.new(state, age, percent_taking, break_bloomberg_cache).calculate end <file_sep>class SmartPrompt def self.get_input(prompt, default) print "#{prompt} [default: #{default}]: " input = gets.chomp $stdout.flush if input.empty? return default else return input end end end <file_sep>require 'date' require_relative 'lib/bloomberg_parser.rb' require_relative 'lib/census_parser.rb' require_relative 'lib/smart_prompt' class CovidVaccineCalculator def initialize(state, age, percent_taking, break_cache) @state = state @age = age @percent_taking = percent_taking @bloomberg_data = BloombergParser.new(break_cache) end def calculate census_data = CensusParser.new(@state, @age) vaccinations_per_day_in_state_right_now = @bloomberg_data.vaccinations_per_day_in_state(@state) already_completed_vaccination = @bloomberg_data.completed_vaccinations_in_state(@state) people_ahead_of_you = census_data.people_older_than_you_in_your_state - already_completed_vaccination people_ahead_of_you_who_will_get_it = people_ahead_of_you * @percent_taking days_until_you_can_get_it = people_ahead_of_you_who_will_get_it / vaccinations_per_day_in_state_right_now day_you_can_get_it = Date.today + days_until_you_can_get_it "You can probably get the vaccine around #{day_you_can_get_it.strftime("%B %d, %Y")}" end end <file_sep>class StateLookup FIPS_STATE_CODES_DATA_FILE = "data/state_codes.txt" def self.all_states_with_abbreviations result = [] CSV.foreach(FIPS_STATE_CODES_DATA_FILE, :headers => true, :col_sep => "|") do |row| abbreviation = row.to_h["STUSAB"] name = row.to_h["STATE_NAME"] result.push( { abbreviation: abbreviation, name: name }) end return result end def self.fips_code_for_state(state) CSV.foreach(FIPS_STATE_CODES_DATA_FILE, :headers => true, :col_sep => "|") do |row| if row.to_h["STUSAB"] == state return row.to_h["STATE"].to_i.to_s end end end end <file_sep># frozen_string_literal: true source "https://rubygems.org" gem 'csv' gem 'date' gem 'json' gem 'nokogiri' gem 'sinatra' gem 'uri' gem 'yaml' <file_sep>require 'optparse' require_relative 'covid-vaccine-calculator.rb' options = {break_cache: false} OptionParser.new do |opt| opt.on("-b", "Breaks the cache") do |v| options[:break_cache] = v end end.parse! state = SmartPrompt.get_input("Which state? Please use 2 letter code", "OH") age = SmartPrompt.get_input("How old?", 25).to_i percent_taking = SmartPrompt.get_input("What percentage of people do you think will get it when offered?", 70).to_f / 100 puts CovidVaccineCalculator.new(state, age, percent_taking, options[:break_cache]).calculate <file_sep>Simple app to calculate when you can likely get a Covid vaccine. Run 'bundle install' then Run with: 'ruby console-app.rb' or if you prefer a web browser run with: 'ruby app.rb' to use the Sinatra app.
c6e75848a4cbf46ae52d1083b0a6483e1707977e
[ "Markdown", "Ruby" ]
9
Ruby
erikthiem/covid-vaccine-calculator
e5eda36c3f4db4e6f2e1ed8e7d23955c0c34d109
58892dd8c7ac25f440e79f1fdeeb272e96fb7e75
refs/heads/master
<repo_name>RDubby/FastFluency<file_sep>/README.md # FastFluency - Web app offering HSK1+ level flashcards for Mandarin Chinese study - Implements React with Javascript and CSS - Feel free to contribute to the flashcard list # Getting Started with Fast Fluency ## Available Scripts In the project directory, you can run: ### `npm start` Runs the app in the development mode. Open [http://localhost:3000](http://localhost:3000) to view it in the browser. The page will reload if you make edits. # Future Changes FastFluency will eventually pull flashcards from a database, removing the flashcard list from the codebase. Updates will be provided. <file_sep>/src/App.js import React, { useState, useEffect, useRef } from 'react'; import FlashcardList from './FlashcardList'; import './App.css' function App() { const [flashcards, setFlashcards] = useState(FLASHCARD_LIST) function handleSubmit(e) { e.preventDefault() } return ( <> <form className="header" onSubmit={handleSubmit}> <div className="form-group"> <label htmlForm="title">Fast Fluency - HSK Flash Cards</label> </div> </form> <div className="container"> <FlashcardList flashcards={flashcards} /> </div> </> ); } const FLASHCARD_LIST = [ { id: 1, chinese: '你好', english: 'Hello', pinyin: 'ni hao' }, { id: 2, chinese: '你好吗?', english: 'How are you?', pinyin: 'ni hao ma' }, { id: 3, chinese: '怎么样?', english: 'Whats up?', pinyin: 'zen me yang' }, { id: 4, chinese: '早上好', english: 'Good Morning', pinyin: 'zao shang hao' }, { id: 5, chinese: '晚上好', english: 'Good Evening', pinyin: 'wan shang hao' }, { id: 6, chinese: '午饭', english: 'Lunch', pinyin: 'wu fan' }, { id: 7, chinese: '晚饭', english: 'Dinner', pinyin: 'wan fan' }, ] export default App;
110228e0aa8d00677577a0a4cb6f10a1face4613
[ "Markdown", "JavaScript" ]
2
Markdown
RDubby/FastFluency
eb11cddcccd370645be93a7ee1b3cbb4c6e6b682
b30056ddf080599150b90326bb3af5dabb19e927
refs/heads/main
<file_sep>import httpClient from "./httpClients" const ENDPOINT= "/api/"; const insertUser = (user) => httpClient.post(ENDPOINT + "register", user); const getUser = (correo) => httpClient.get(ENDPOINT + "login/" + correo ); export{ insertUser, getUser, }<file_sep>import httpClient from "./httpClients" const ENDPOINT= "/api/oferts"; const getAllOferts = () => httpClient.get(ENDPOINT); const getOfert = (code) => httpClient.get(ENDPOINT + "/" + code ); const insertOfert = (ofert) => httpClient.post(ENDPOINT, ofert); export{ getAllOferts, insertOfert, getOfert, }<file_sep>const ofertsModel = require("../model/oferts"); module.exports = class ofertsController { static async getAll(req, res) { try{ const oferts = await ofertsModel.find(); res.status(200).json(oferts); }catch (err){ res.status(400).json({message : err.message}) } } static async getById(req, res) { const id = req.params.code; try{ const ofert = await ofertsModel.findOne({"code" : id}); if(id != null){ res.status(200).json(ofert); }else{ res.status(404).json(ofert); } }catch (err){ res.status(400).json({message : err.message}) } } static async Create(req, res) { try{ const ofert = req.body; const newofert = await ofertsModel.create(ofert); res.status(201).json(newofert); }catch (err){ res.status(400).json({message : err.message}) } } static async Update(req, res) { try{ const code = req.params.code; const ofert = req.body; const newofert = await ofertsModel.updateOne({"code" : code}, ofert); res.status(200).json(newofert); }catch (err){ res.status(400).json({message : err.message}) } res.status(200).json(); } static async Delete(req, res) { try{ const code = req.params.code; await ofertsModel.deleteOne({"code" : code}); res.status(200).json(); }catch (err){ res.status(400).json({message : err.message}) } res.status(200).json(); } static async Count(req, res) { try{ const oferts = await ofertsModel.find().count(); res.status(200).json(oferts); }catch (err){ res.status(400).json({message : err.message}) } } }<file_sep>const usersModel = require("../model/users"); module.exports = class ofertsController { static async getAll(req, res) { try{ const users = await usersModel.find(); res.status(200).json(users); }catch (err){ res.status(400).json({message : err.message}) } } static async getById(req, res) { const correo = req.params.correo; try{ const user = await usersModel.findOne({"correo" : correo}); if(correo != null){ res.status(200).json(user); }else{ res.status(404).json(user); } }catch (err){ res.status(400).json({message : err.message}) } } static async Create(req, res) { try{ const user = req.body; const newuser = await usersModel.create(user); res.status(201).json(newuser); }catch (err){ res.status(400).json({message : err.message}) } } static async Update(req, res) { try{ const code = req.params.code; const user = req.body; const newuser = await usersModel.updateOne({"code" : code}, user); res.status(200).json(newuser); }catch (err){ res.status(400).json({message : err.message}) } res.status(200).json(); } static async Delete(req, res) { try{ const user = req.params.code; await usersModel.deleteOne({"code" : code}); res.status(200).json(); }catch (err){ res.status(400).json({message : err.message}) } res.status(200).json(); } static async Count(req, res) { try{ const oferts = await ofertsModel.find().count(); res.status(200).json(oferts); }catch (err){ res.status(400).json({message : err.message}) } } }<file_sep>const e = require("express"); const express = require("express"); const router = express.Router(); const ofertsController = require("../controllers/ofertsController"); const UsersController = require("../controllers/UsersController"); //rutas de ofertas router.get("/oferts", ofertsController.getAll); router.get("/oferts/:code", ofertsController.getById); router.post("/oferts", ofertsController.Create); router.put("/oferts/:code", ofertsController.Update); router.delete("/oferts/:code", ofertsController.Delete); router.get("/oferts/code", ofertsController.Count); // rutas usuarios router.post("/register", UsersController.Create); router.get("/login/:correo", UsersController.getById); module.exports = router;<file_sep>const mongoose = require("mongoose"); const productSchema = mongoose.Schema({ "code" : Number, "nombre_oferta" : String, "cantidad" : Number, "fecha" : String, "informacion" : String, "Categoria" : String, }); module.exports = mongoose.model("oferts", productSchema);<file_sep>const mongoose = require("mongoose"); const productSchema = mongoose.Schema({ "code" : Number, "nombre_usuario" : String, "apellidos" : String, "correo" : String, "password" : String, "confirm_password" : String, "active" : String, }); module.exports = mongoose.model("users", productSchema);
ea0a5f94a4d6de6155ad8e764bd7638981b934a8
[ "JavaScript" ]
7
JavaScript
MiguelDev2021/Proyecto_3_MisionTic
65a10a7842b365ce1c535e5a38fb135342b70849
e4f072bd68f99a3b8dfbce0e2a082af2a7dc6df0
refs/heads/master
<file_sep><?php namespace Qafoo\PheanstalkCli; class SystemTest extends \PHPUnit_Framework_TestCase { /** * @var \Pheanstalk_PheanstalkInterface */ private static $pheanstalk; /** * @var int */ private static $testJobId; /** * @var string */ private $binPath; public static function setUpBeforeClass() { $factory = new PheanstalkFactory(); self::$pheanstalk = $factory->create(); self::$testJobId = self::$pheanstalk->putInTube('test-tube', 'i:23;'); } public static function tearDownAfterClass() { // Cleanup unclean state try { $job = self::$pheanstalk->peek(self::$testJobId); self::$pheanstalk->delete($job); } catch (\Exception $e) { // Eat exception, since this is expected after delete was tested } } public function setUp() { $this->binPath = __DIR__ . '/../../../../src/bin/pheanstalk-cli'; } public function testStatsCommand() { $result = `{$this->binPath} stats`; $this->assertRegexp( '(current-jobs-urgent:)', $result ); } public function testListTubesCommand() { $result = `{$this->binPath} list-tubes`; $this->assertEquals( "default\ntest-tube\n", $result ); } public function testPeekReadyCommand() { $result = `{$this->binPath} peek-ready -t test-tube`; $this->assertEquals( sprintf("ID: %s\nData:\ni:23;\n", self::$testJobId), $result ); } public function testPeekReadyPrettyCommand() { $result = `{$this->binPath} peek-ready -t test-tube --pretty serialized-php`; $this->assertEquals( sprintf("ID: %s\nData:\nint(23)\n", self::$testJobId), $result ); } public function testStatsJobCommand() { $testJobId = self::$testJobId; $result = `{$this->binPath} stats-job {$testJobId}`; $this->assertRegexp( '(tube: test-tube)', $result ); } public function testDeleteCommand() { $testJobId = self::$testJobId; $result = `{$this->binPath} delete {$testJobId}`; $this->assertEquals( sprintf("Successfully deleted job %s\n", $testJobId), $result ); } } <file_sep><?php namespace Qafoo\PheanstalkCli; use Symfony\Component\Console\Command\Command; use Symfony\Component\Console\Input\InputInterface; use Symfony\Component\Console\Input\InputOption; use Symfony\Component\Console\Output\OutputInterface; use Pheanstalk_PheanstalkInterface; use Pheanstalk_Job; class PeekReadyCommand extends Command { /** * @var \Qafoo\PheanstalkCli\PheanstalkFactory */ private $pheanstalkFactory; /** * @var \Qafoo\PheanstalkCli\PrettyPrinterLocator */ private $prettyPrinterLocator; /** * @param \Qafoo\PheanstalkCli\PheanstalkFactory $pheanstalkFactory * @param \Qafoo\PheanstalkCli\PrettyPrinterLocator $prettyPrinterLocator */ public function __construct(PheanstalkFactory $pheanstalkFactory, PrettyPrinterLocator $prettyPrinterLocator) { // Needs to be assigned before configure() is called by parent::__construct() $this->prettyPrinterLocator = $prettyPrinterLocator; parent::__construct(); $this->pheanstalkFactory = $pheanstalkFactory; } protected function configure() { $this->setName('peek-ready') ->setDescription('Peek on the next ready job') ->addOption( 'tube', 't', InputOption::VALUE_REQUIRED, 'The tube to peek from', 'default' )->addOption( 'pretty', 'p', InputOption::VALUE_REQUIRED, sprintf( 'Pretty printer to use for payload (%s)', implode(', ', $this->prettyPrinterLocator->listIdentifiers()) ), $this->prettyPrinterLocator->defaultIdentifier() ); } /** * @param \Symfony\Command\Console\Input\InputInterface $input * @param \Symfony\Component\Console\Output\OutputInterface $output */ protected function execute(InputInterface $input, OutputInterface $output) { $output->writeln( $this->formatOutput( $this->pheanstalkFactory->create()->peekReady( $input->getOption('tube') ), $this->prettyPrinterLocator->determinePrinter( $input->getOption('pretty') ) ) ); } /** * @param \Pheanstalk_Job $job * @param \Qafoo\PheanstalkCli\PrettyPrinter * @return string */ private function formatOutput(Pheanstalk_Job $job, PrettyPrinter $prettyPrinter) { return implode( "\n", array( sprintf('ID: %s', $job->getId()), sprintf('Data:'), $prettyPrinter->format($job->getData()) ) ); } }
67819dbd8be554f0c394df7cc1941edb558805f2
[ "PHP" ]
2
PHP
bcremer/pheanstalk-cli
0463b32717634e8cae983e719cdd3458c4c19c81
6ce29fbf76df858089954d9a9d9df94cd60842fd
refs/heads/master
<file_sep>package org.example.stepDefinitions; import cucumber.api.java.en.When; import junit.framework.Assert; import org.openqa.selenium.By; import org.openqa.selenium.WebDriver; import org.openqa.selenium.WebElement; public class InfoUpdatesSteps { WebDriver driver; @When("^clicks on address$") public void clicks_on_address() throws Throwable { driver.findElement(By.xpath(" //*[@id=\"center_column\"]/div/div[1]/ul/li[3]/a/span")); } @When("^clicks on update$") public void clicks_on_update() throws Throwable { driver.findElements(By.xpath("//*[@id=\"center_column\"]/div[1]/div/div/ul/li[9]/a[1]/span")); String actualTitle = driver.getTitle(); String expectedTitle = "Address - My Store"; Assert.assertEquals(expectedTitle, actualTitle); } @When("^user fill the text box$") public void user_fill_the_text_box() throws Throwable { WebElement textBox = (WebElement) driver.findElements(By.name("other")); textBox.sendKeys("I have moved in"); } @When("^clicks on save button$") public void clicks_on_save_button() throws Throwable { WebElement saveBtn = (WebElement) driver.findElements(By.xpath("//*[@id=\"submitAddress\"]/span")); saveBtn.click(); } } <file_sep>$(document).ready(function() {var formatter = new CucumberHTML.DOMFormatter($('.cucumber-report'));formatter.uri("src/main/java/org/example/features/infoUpdates.feature"); formatter.feature({ "line": 1, "name": "Personal information updates", "description": "", "id": "personal-information-updates", "keyword": "Feature" }); formatter.before({ "duration": 14289146100, "status": "passed" }); formatter.scenario({ "line": 3, "name": "Update personal Information", "description": "", "id": "personal-information-updates;update-personal-information", "type": "scenario", "keyword": "Scenario" }); formatter.step({ "line": 5, "name": "User is on Application Home Page", "keyword": "Given " }); formatter.step({ "line": 6, "name": "Application Page Tittle automation practice", "keyword": "When " }); formatter.step({ "line": 8, "name": "Close the Browser", "keyword": "Then " }); formatter.match({ "location": "LoginSteps.user_is_on_Application_Home_Page()" }); formatter.result({ "duration": 15911174200, "status": "passed" }); formatter.match({ "location": "LoginSteps.application_Page_Tittle_automation_practice()" }); formatter.result({ "duration": 291331500, "status": "passed" }); formatter.match({ "location": "LoginSteps.close_the_Browser()" }); formatter.result({ "duration": 583202000, "status": "passed" }); formatter.after({ "duration": 12567069500, "status": "passed" }); });
31dbd7565f1e5fa7937566660ac557296c11b600
[ "JavaScript", "Java" ]
2
Java
Shinoor/webTask
a73b747d5dee5452abe1073adc37224b7c034a9c
93dc1b83638499ced0587ec2a4e88fb1fdc9ff04
refs/heads/master
<repo_name>mariomalaga/Bingo-Game<file_sep>/app/src/main/java/com/example/mario/bingoandroid_17/MainActivity.kt package com.example.mario.bingoandroid_17 import android.content.Intent import android.support.v7.app.AppCompatActivity import android.os.Bundle import android.view.View import android.widget.Button class MainActivity : AppCompatActivity(), View.OnClickListener { private var jugar: Button? = null override fun onCreate(savedInstanceState: Bundle?) { super.onCreate(savedInstanceState) setContentView(R.layout.activity_main) jugar = findViewById(R.id.jugar) jugar!!.setOnClickListener(this) } override fun onClick(v: View) { when (v.id) { R.id.jugar -> { val intent = Intent(v.context, Juego::class.java) startActivity(intent) } } } } <file_sep>/app/src/main/java/com/example/mario/bingoandroid_17/Juego.java package com.example.mario.bingoandroid_17; import android.os.Bundle; import android.support.v7.app.AppCompatActivity; import android.view.View; import android.widget.ArrayAdapter; import android.widget.Button; import android.widget.EditText; import android.widget.ListView; import android.widget.RelativeLayout; import android.widget.Spinner; import android.widget.TextView; import java.util.ArrayList; import java.util.Random; public class Juego extends AppCompatActivity implements View.OnClickListener{ private ArrayAdapter<String> adaptadorCartones; private ListView listCartones; private RelativeLayout layout; private ArrayList<String> cartones; private ArrayList <Integer> comprobante = new ArrayList<>(); private ArrayList<Integer> numerosSacados = new ArrayList<>(); private Button sacarBola; private Spinner bolas; private ArrayAdapter<CharSequence> adaptadorBolas; private ArrayList <TextView> textos = new ArrayList<>(); private ArrayList <Integer> contadores = new ArrayList<>(); private ArrayList <Integer> jugador1 = new ArrayList<>(); private ArrayList <Integer> jugador2 = new ArrayList<>(); @Override protected void onCreate(Bundle savedInstanceState) { super.onCreate(savedInstanceState); setContentView(R.layout.juego); cartones = new ArrayList<>(); bolas = findViewById(R.id.numeros); layout = findViewById(R.id.juego); sacarBola = findViewById(R.id.sacarBola); sacarBola.setOnClickListener(this); rellenarTextView(); cantidadCartones(); adaptadorBolas = new ArrayAdapter(this, android.R.layout.simple_spinner_item, numerosSacados); bolas.setAdapter(adaptadorBolas); adaptadorCartones = new ArrayAdapter<>(this, android.R.layout.simple_list_item_1, cartones); listCartones = findViewById(R.id.listCartones); listCartones.setAdapter(adaptadorCartones); adaptadorCartones.notifyDataSetChanged(); } public String numerosDeCartones(ArrayList jugador){ int numeroMaximo = Integer.parseInt(getString(R.string.numeroMaximo)); String numeros = ""; boolean comprobar; Random r = new Random(); int numeroRandom; for (int i = 0; i < numeroMaximo; i++) { do{ comprobar = false; numeroRandom = r.nextInt(90 - 1) + 1; if(comprobante.isEmpty()){ } else{ for (int j = 0; j < comprobante.size(); j++) { if(numeroRandom == comprobante.get(j)){ comprobar = true; } } } } while(comprobar == true); numeros += ""+numeroRandom+ " "; comprobante.add(numeroRandom); jugador.add(numeroRandom); } comprobante.clear(); return numeros; } public void cantidadCartones(){ int numeroCartones = Integer.parseInt(getString(R.string.numeroCartones)); String carton; for (int i = 0; i < numeroCartones; i++) { if(i == 0){ carton = numerosDeCartones(jugador1); } else{ carton = numerosDeCartones(jugador2); } cartones.add(carton); contadores.add(0); } } public void rellenarTextView(){ for( int i = 0; i < layout.getChildCount(); i++ ) { if (layout.getChildAt(i) instanceof TextView) { textos.add((TextView) layout.getChildAt(i)); } } } @Override public void onClick(View v) { switch(v.getId()) { case R.id.sacarBola: Random r = new Random(); boolean comprobar; int numeroRandom; do{ comprobar = false; numeroRandom = r.nextInt(90 - 1) + 1; if(numerosSacados.isEmpty()){ } else{ for (int i = 0; i < numerosSacados.size(); i++) { if(numeroRandom == numerosSacados.get(i)){ comprobar = true; } } } } while(comprobar == true); for (int i = 0; i < jugador1.size(); i++) { if(jugador1.get(i) == numeroRandom){ contadores.set(0,contadores.get(0) + 1); } else if(jugador2.get(i) == numeroRandom){ contadores.set(1,contadores.get(1) + 1); } } for (int i = 0; i < contadores.size(); i++) { textos.get(i).setText(getString(R.string.numeroAciertos) + " " + contadores.get(i)); if(contadores.get(i) > Integer.parseInt(getString(R.string.numeroLinea)) && contadores.get(i) < Integer.parseInt(getString(R.string.numeroBingo))){ textos.get(i).setText(getString(R.string.numeroAciertos) + " " + contadores.get(i) + ", " +getString(R.string.Linea) ); } else if(contadores.get(i) == Integer.parseInt(getString(R.string.numeroBingo))){ textos.get(i).setText(getString(R.string.numeroAciertos) + " " + contadores.get(i) + ", " +getString(R.string.Bingo) ); textos.get(4).setText(getString(R.string.elementosSpinner) + " " + bolas.getAdapter().getCount()); sacarBola.setEnabled(false); } } numerosSacados.add(numeroRandom); textos.get(3).setText(getString(R.string.numeroSacado)+ " " +numeroRandom); adaptadorBolas.notifyDataSetChanged(); break; } } }
8704ea51a4e1b4f5718104cf97578a19885c8b29
[ "Java", "Kotlin" ]
2
Kotlin
mariomalaga/Bingo-Game
003b9b5a53e3ff9ef95fbbfa53a634562d839759
7260ee6c152669c49dcec2d646ffc5beadad1895
refs/heads/master
<file_sep><?php get_header(); ?> <main class="main"> <?php get_template_part('partials/embellishments'); ?> <section class="grid grid__adult-classes--full-width"> <div class="adult-classes__masthead"> <h1>Adult Dance Classes</h1> </div> </section> <section class="grid grid__adult-classes"> <div class="adult-classes__class" id="adult-private-classes"> <h2>Private Dance Lessons</h2> <p>Perfect for the student who wants to speed up their learning process or would like to compete or perform. Private classes offer the advantage of having a dance instructor just for you, giving you the opportunity to learn exactly what you want at your pace. Private lessons are by far the best way to learn how to dance. Private lessons are scheduled by phone or in person, so call us today to set up your first private lesson!</p> <a href="<?php echo site_url('/registration'); ?>" class="button">Schedule by Phone</a> </div> <div class="adult-classes__fw-image"> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>classes_placeholder_2.jpg" alt="<NAME> Dance Studio Private Lessons" class="fw-image"> </div> <div class="class-grid"> <h2 class="title">Drop-in Group Classes</h2> <p class="description">Our drop in classes are perfect for new students who are just getting into the dance scene or for students who can not make a weekly commitment. We offer 3 disciplines of dance on a weekly basis. See each class description below and just drop-in anytime!</p> <div class="column"> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>dance-technique.png" alt="Adult Dance Technique" /> <h3>Dance Technique</h3> <p>Improve your overall dance technique that will help you in any style of dance. We work with a ballet/jazz base to improve flexibility, strength, center of balance, and much more.</p> <a href="<?php echo site_url('/product/adult-dance-technique/'); ?>" class="button">Check Availability</a> </div> <div class="column"> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>adult-bachata.jpg" alt="Bachata Fundamentals" /> <h3>Bachata Fundamentals</h3> <p>In this class we teach the bachata basics and additional footwork as well as partner work. We teach out students patterns that you can take social dancing for your next night out on the town.</p> <a href="<?php echo site_url('/product/adult-bachata-fundamentals/'); ?>" class="button">Check Availability</a> </div> <div class="column"> <img src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>adult_group.jpg" alt="Saslsa Fundamentals" /> <h3>Salsa Fundamentals</h3> <p>In this fast-paced salsa group class we will definitely get you moving. We teach the proper techniques for salsa footwork as well as turn patterns and how to properly lead and follow.</p> <a href="<?php echo site_url('/product/adult-salsa-fundamentals/'); ?>" class="button">Check Availability</a> </div> </div> <div class="adult-classes__fw-image"> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>classes_placeholder.jpg" alt="Gustavo Krystal Dance Studio Group Lessons" class="fw-image"> </div> <div class="class-grid"> <h2 class="title">Choreography Classes</h2> <p class="description">Our choreography groups are perfect for those wanting to take their dance to the next level. Our choreography groups meet twice a week and have the opportunity to perform as a team. See the groups we offer below and call ahead to register.</p> <div class="column"> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>ladies-latin-styling.jpg" alt="Ladies Latin Styling Class" /> <h3>Ladies Latin Styling</h3> <p>This class is designed for women or for anyone wanting to learn feminine styling in Latin dance. Each season we choose a different style of Latin dance for our choreography. Our ladies class focuses on feminine movement and styling through core movement. All levels are welcome, however we do recommend those who join have a solid understanding of basic salsa footwork patterns. We also recommend those who plan on performing to attend our drop-in technique classes. Call to register for this class or to see when our next choreography begins.</p> <a href="<?php echo site_url('/register-online'); ?>" class="button">Call to Register</a> </div> <div class="column"> <img src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>adult_choreo.jpg" alt="Salsa Dance Classes" /> <h3>Salsa 1, 2, and 3</h3> <p>Due to high demand we offer 3 levels of salsa choreography. Level placement is determined by our staff. Choreography groups begin periodically throughout the year and require prior registration. All of our groups require a basic knowledge of our Salsa level A curriculum. These groups allow our students to expand their knowledge of salsa movement and provide performance and competition opportunities at the higher levels. All groups meet twice weekly.</p> <a href="<?php echo site_url('/register-online'); ?>" class="button">Call to Register</a> </div> </div> <!-- <div class="adult-classes__class" id="adult-group-classes"> <h2>Group Dance Classes</h2> <p>We offer both Drop-in classes and choreography groups in a group class setting. There is no partner needed for any of our group classes. Please see our two options below to decide which group class option would be best for you.</p> <div class="group-classes"> <div class="sub-class"> <h3>Drop-in Groups</h3> <p>Our drop-in classes are perfect for new students who are just getting into the dance scene or for students who can not make a weekly commitment. We offer 3 discipline of dance on a weekly basis. See each class description below and just drop-in anytime!​</p> </div> <div class="sub-class" id="adult-choreography-classes"> <h3>Choreography Groups</h3> <p>Our Choreography groups are perfect for those wanting to take their dance to the next level. Our choreography groups meet twice a week and have the opportunity to perform as a team. See the groups we offer below and call ahead to register. </p> </div> </div> </div> --> <!-- <div class="adult-classes__class"> <h2>Drop-in Classes</h2> <div class="faq-list"> <div class="faq"> <p>Adult Dance Technique </p> </div> <div class="answer"> <p> Improve your overall dance technique that will help you in any style of dance. We work with a ballet/jazz base to improve flexibility, strength, center of balance and much more. </p> <a href="<?php echo site_url('/registration'); ?>" class="button">Check Availability</a> </div> <div class="faq"> <p>Bachata Dance Class </p> </div> <div class="answer"> <p> In this class we teach the bachata basics and additional footwork as well as partner work. We teach our students patterns that you can take social dancing for your next night out on the town. </p> <a href="<?php echo site_url('/registration')?>" class="button">Check Availability</a> </div> <div class="faq"> <p>Salsa Dance Class </p> </div> <div class="answer"> <p> In this high paced salsa group class, we will definitely get you moving. We teach the proper techniques for salsa footwork as well as turn patterns and how to properly lead and follow. </p> <a href="<?php echo site_url('/registration'); ?>" class="button">Check Availability</a> </div> </div> </div> <div class="adult-classes__class"> <h2>Choreography Groups</h2> <div class="faq-list"> <div class="faq"> <p>Salsa Levels 1, 2, and 3</p> </div> <div class="answer"> <p> Because of a high demand we offer 3 levels of salsa choreography. Level placement is determined by our staff. Choreography groups begin periodically throughout the year and require prior registration. All of our groups require a basic knowledge of our Salsa level A curriculum. These groups allow our students to expand their knowledge of salsa movement as well as providing performance opportunities and well as competition opportunities in the higher levels. All groups meet twice weekly. Call to register today! </p> <a href="<?php echo site_url('/registration'); ?>" class="button">Check Availability</a> </div> <div class="faq"> <p>Ladies Latin Styling </p> </div> <div class="answer"> <p> This class is designed for women or for anyone wanting to learn feminine styling in Latin dance. Each season we choose a different style of Latin dance for our choreography. Our ladies class focuses on feminine movement and styling through core movement, footwork, and upper body movement. All levels are welcome, however we do recommend those who join to have a solid understanding of salsa basic footwork patter. We also recommend those who plan on performing to attend our drop-in technique classes. Call to register for this class or to see when our next choreography begins. </p> <a href="<?php echo site_url('/registration'); ?>" class="button">Check Availability</a> </div> </div> </div> --> </section> <?php get_footer(); ?><file_sep><section class="grid grid__testimonials grid--full-width"> <h2 class="grid__title">Testimonials</h2> <div class="testimonials"> <div class="glide"> <div class="glide__track" data-glide-el="track"> <ul class="glide__slides"> <li class="glide__slide"> <div class="testimonial"> <div class="testimonial__image"><img src="<?php echo get_template_directory_uri() . '/images/'; ?>norma-review.jpg"" alt=" Review from Norma"></div> <p class="testimonial__body">“This is not your average studio where you just come take class and go home. Gustavo and Krystal have created an atmosphere where you become part of a family. We dance, we laugh, we learn and encourage one another and even learn a little Spanish along the way!”</p> </div> </li> <li class="glide__slide"> <div class="testimonial"> <div class="testimonial__image"><img src="<?php echo get_template_directory_uri() . '/images/'; ?>alyssa-review.jpg"" alt=" Review from Norma"></div> <p class="testimonial__body">“Gustavo and Krystal are the most professional, kind and hardworking instructors. I love how they balance pushing me to learn more and having a fun time! Thank you for all your positive support!”</p> </div> </li> </ul> </div> <div class="glide__bullets" data-glide-el="controls[nav]"> <button class="glide__bullet" aria-hidden="true" data-glide-dir="=0"></button> <button class="glide__bullet" aria-hidden="true" data-glide-dir="=1"></button> </div> </div> </div> </section><file_sep><section class="grid grid__masthead"> <div class="masthead"> <div class="masthead__call-to-action"> <h1>Start today, Dance Forever</h1> <p> Dance classes for people from all walks of life – beginners, experts, and everyone in between. </p> <a href="<?php echo site_url('/register-online'); ?>" class="button">Start Dancing</a> </div> <div class="masthead__call-to-action video"> <div class="video-overlay"> <a class="venobox" data-vbtype="video" href="https://www.youtube.com/watch?v=UFXBleXB1To"> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>play_button.png" alt="Play Button" /> </a> </div> <img src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>homepage_image.jpg" alt="Gustavo Krystal Dance Studio Preview" /> </div> <div class="masthead__scroll-hint"> <a href="#classes" class="scroll-hint__container"> <svg width="43" height="60" viewBox="0 0 43 60" fill="none" xmlns="http://www.w3.org/2000/svg"> <path d="M42.5 38.1819C42.5 49.9625 33.0911 59.5 21.5 59.5C9.90892 59.5 0.5 49.9625 0.5 38.1819C0.5 26.4012 9.90892 16.8637 21.5 16.8637C33.0911 16.8637 42.5 26.4012 42.5 38.1819Z" stroke="#636363" /> <path id="arrow" d="M21.1464 38.5354C21.3417 38.7307 21.6583 38.7307 21.8536 38.5354L25.0355 35.3534C25.2308 35.1581 25.2308 34.8416 25.0355 34.6463C24.8403 34.451 24.5237 34.451 24.3284 34.6463L21.5 37.4747L18.6716 34.6463C18.4763 34.451 18.1597 34.451 17.9645 34.6463C17.7692 34.8416 17.7692 35.1581 17.9645 35.3534L21.1464 38.5354ZM21 -1.91717e-08L21 38.1818L22 38.1818L22 1.91717e-08L21 -1.91717e-08Z" fill="#A8A8A8" /> </svg> </a> </div> </div> </section><file_sep><section id="classes" class="grid grid__classes"> <h2 class="grid__title">Dance Classes for Adults</h2> <div class="classes-adult"> <div class="class class--private"> <div class="class-overlay"><img src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>private_dance_lessons.png" alt="Adult Private Classes"> </div> <div class="class__content"> <p class="class-title">Private Lessons</p> <p class="class-description"> Perfect for the student who wants to speed up their learning process or would like to compete or perform. </p> <a href="<?php echo site_url('/adult-classes') ?>">Get Started</a> </div> </div> <div class="class class--group"> <div class="class-overlay"><img src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>adult_group.jpg" alt="Adult Group Classes"> </div> <div class="class__content"> <p class="class-title">Group Classes</p> <p class="class-description"> We offer both drop-in classes and choreography groups in a group class setting. There is no partner needed for any of our group classes. </p> <a href="<?php echo site_url('/adult-classes') ?>">Get Started</a> </div> </div> <div class="class class--choreo"> <div class="class-overlay"><img src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>adult_choreo.jpg" alt="Adult Choreography Classes"> </div> <div class="class__content"> <p class="class-title">Choreography Team</p> <p class="class-description"> Our Choreography groups are perfect for those wanting to take their dance to the next level. </p> <a href="<?php echo site_url('/adult-classes') ?>">Get Started</a> </div> </div> </div> </section><file_sep><?php get_header(); ?> <main class="main"> <div class="dance-text"><span>dance</span></div> <div class="filigree"> <img src="./images/Filigree.svg" alt="Filigree" /> </div> <section class="grid grid__masthead"> <div class="masthead"> <div class="masthead__call-to-action"> <h1>Start today, Dance Forever</h1> <p> Dance classes for people from all walks of life – beginners, experts, and everyone in between. </p> <a href="#" class="button">Learn More</a> </div> <div class="masthead__call-to-action video"> <div class="video-overlay"> <a class="venobox" data-vbtype="video" href="https://www.youtube.com/watch?v=-Po1RWGwqms&feature=emb_title"> <img src="./images/play_button.png" alt="" /> </a> </div> <img src="./images/masthead_gif.gif" alt="<NAME> Dance Studio" /> </div> <div class="masthead__scroll-hint"> <a href="#classes" class="scroll-hint__container"> <svg width="43" height="60" viewBox="0 0 43 60" fill="none" xmlns="http://www.w3.org/2000/svg"> <path d="M42.5 38.1819C42.5 49.9625 33.0911 59.5 21.5 59.5C9.90892 59.5 0.5 49.9625 0.5 38.1819C0.5 26.4012 9.90892 16.8637 21.5 16.8637C33.0911 16.8637 42.5 26.4012 42.5 38.1819Z" stroke="#636363" /> <path id="arrow" d="M21.1464 38.5354C21.3417 38.7307 21.6583 38.7307 21.8536 38.5354L25.0355 35.3534C25.2308 35.1581 25.2308 34.8416 25.0355 34.6463C24.8403 34.451 24.5237 34.451 24.3284 34.6463L21.5 37.4747L18.6716 34.6463C18.4763 34.451 18.1597 34.451 17.9645 34.6463C17.7692 34.8416 17.7692 35.1581 17.9645 35.3534L21.1464 38.5354ZM21 -1.91717e-08L21 38.1818L22 38.1818L22 1.91717e-08L21 -1.91717e-08Z" fill="#A8A8A8" /> </svg> </a> </div> </div> </section> <section id="classes" class="grid grid__classes"> <h2 class="grid__title">Dance Classes for Adults</h2> <div class="classes-adult"> <div class="class"> <div class="class-overlay"></div> <div class="class__content"> <h4>Private Lessons</h4> <p> Perfect for the student who wants to speed up their learning process or would like to compete or perform. </p> <a href="#">Get Started</a> </div> </div> <div class="class"> <div class="class-overlay"></div> <div class="class__content"> <h4>Group Classes</h4> <p> We offer both Drop-in classes and choreography groups in a group class setting. There is no partner needed for any of our group classes. </p> <a href="#">Get Started</a> </div> </div> <div class="class"> <div class="class__content"> <h4>Choreography Team</h4> <p> Our Choreography groups are perfect for those wanting to take their dance to the next level. Our choreography groups meet twice a week and have the opportunity to perform as a team </p> <a href="#">Get Started</a> </div> <div class="class-overlay"></div> </div> </div> </section> <section class="grid grid__classes"> <h2 class="grid__title">Dance Classes for Children</h2> <div class="classes-children"> <div class="class class--private"> <div class="class-overlay"></div> <div class="class__content"> <h4>Private Lessons</h4> <p> Lorem ipsum dolor sit amet, consectetur adipiscing elit. Ornare morbi ultricies diam. </p> <a href="#">Get Started</a> </div> </div> <div class="class class--group"> <div class="class-overlay"></div> <div class="class__content"> <h4>Group Classes</h4> <p> Lorem ipsum dolor sit amet, consectetur adipiscing elit. Ornare morbi ultricies diam. </p> <a href="#">Get Started</a> </div> </div> </div> </section> <section class="grid grid__features"> <div class="features"> <div class="feature"> <div class="feature__image"> <div class="image-overlay"></div> <img src="./images/adults_dancing.png" alt="" /> </div> <div class="feature__content"> <h2>Dance Classes for All Levels</h2> <p> Lorem ipsum dolor sit amet, consectetur adipiscing elit. Ornare morbi ultricies diam. Lorem ipsum dolor sit amet, consectetur adipiscing elit. Ornare morbi ultricies diam. </p> <a href="#" class="button">Learn More</a> </div> </div> <div class="feature feature--reverse"> <div class="feature__image"> <div class="image-overlay"></div> <img src="./images/single_adult_dancing.png" alt="" /> </div> <div class="feature__content"> <h2>We make magic happen</h2> <p> Lorem ipsum dolor sit amet, consectetur adipiscing elit. Ornare morbi ultricies diam. Lorem ipsum dolor sit amet, consectetur adipiscing elit. Ornare morbi ultricies diam. </p> <a href="#" class="button">Learn More</a> </div> </div> <div class="feature"> <div class="feature__image"> <div class="image-overlay"></div> <img src="./images/baila_milwaukee.png" alt="" /> </div> <div class="feature__content"> <h2>Baila Milwaukee</h2> <p> Lorem ipsum dolor sit amet, consectetur adipiscing elit. Ornare morbi ultricies diam. Lorem ipsum dolor sit amet, consectetur adipiscing elit. Ornare morbi ultricies diam. </p> <a href="#" class="button">Learn More</a> </div> </div> </div> </section> <section class="grid grid__testimonials grid--full-width"> <div class="testimonials"> <div class="glide"> <div class="glide__track" data-glide-el="track"> <ul class="glide__slides"> <li class="glide__slide"> <p class="testimonial"> “This is not your average studio where you just come take class and go home. Gustavo and Krystal have created an atmosphere where you become part of a family. We dance, we laugh, we learn and encourage one another and even learn a little Spanish along the way!” </p> </li> <li class="glide__slide"> <p class="testimonial"> “Gustavo and Krystal are the most professional, kind and hardworking instructors. I love how they balance pushing me to learn more and having a fun time! Thank you for all your positive support!” </p> </li> <li class="glide__slide"> <p class="testimonial"> “This is not your average studio where you just come take class and go home. Gustavo and Krystal have created an atmosphere where you become part of a family. We dance, we laugh, we learn and encourage one another and even learn a little Spanish along the way!” </p> </li> </ul> </div> <div class="glide__bullets" data-glide-el="controls[nav]"> <button class="glide__bullet" aria-hidden="true" data-glide-dir="=0"></button> <button class="glide__bullet" aria-hidden="true" data-glide-dir="=1"></button> <button class="glide__bullet" aria-hidden="true" data-glide-dir="=2"></button> </div> </div> </div> </section> <section class="grid grid__staff"> <div class="staff"> <h2 class="grid__title">Meet Our Award Winning Staff</h2> <div class="staff__flex"> <div class="staff__member"> <div class="staff__overlay"> <h3><NAME></h3> <a href="#">Read Bio</a> </div> <img src="./images/gustavo_nicola.png" alt="<NAME>" /> </div> <div class="staff__member"> <div class="staff__overlay"> <h3><NAME></h3> <a href="#">Read Bio</a> </div> <img src="./images/krystal_nicola.png" alt="<NAME>" /> </div> </div> </div> </section><file_sep><?php get_header(); ?> <main class="main"> <?php get_template_part('partials/embellishments'); ?> <section class="grid grid__baila--full-width"> <div class="baila__masthead"> <div class="baila__cta"> <div class="video-overlay"> <a class="venobox" data-vbtype="video" href="https://www.youtube.com/watch?v=-Po1RWGwqms&feature=emb_title"> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>play_button.png" alt="" /> </a> </div> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>baila_milwaukee.png" alt="Baila Milwaukee" /> </div> </div> </section> <section class="grid grid__baila"> <div class="baila__history"> <h1>Baila Milwaukee</h1> <p class="subtitle">Date TBD</p> <p> <NAME> has been celebrating each year of dance with their Gala Baila Milwaukee, starting their first anniversary in 2015. The first anniversary of Gustavo Krystal Dance was a cause for celebration. The Gala was an opportunity to showcase the hard work and dedication of our students. </p> <p> The Gala was held at Milwaukee’s premier dance venue, the Wherehouse with local and national coverage by TeleMundo. The event was sold out in less than 3 weeks. Our 250 guests enjoyed performances by our students and International World Salsa Champion’s - Junior & Emily. In addition, special VIP packages which included champagne and elegant hors d’oeuvres by Chef Ana of KASANA, an Argentinian-Brazilian restaurant in Milwaukee’s 3rd Ward. </p> <p> Since then the event has continued to grow and blossom becoming one of Milwaukee’s Hottest annual dance events. Including a weekend of social dancing, shows, workshops, and an elegant red carpet evening. </p> </div> </section> <section class="grid grid__baila"> <h2 class="grid__title">Guest Artists</h2> <div class="baila__guest-artists"> <div class="guest-artist"> <div class="guest-artist__overlay"> <div class="overlay__content"> <p class="content__country">Puerto Rico</p> <p class="content__names">Tito & Tamara</p> <p class="content__years">Baila 2016, 2017, 2018, 2019</p> </div> </div> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>tito_tamara_baila.png" alt="Tito and Tamara Baila Milwaukee" class="guest-artist__image" /> </div> <div class="guest-artist"> <div class="guest-artist__overlay"> <div class="overlay__content"> <p class="content__country">Colombia</p> <p class="content__names">Kike & Xiomar</p> <p class="content__years">Baila 2019</p> </div> </div> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>kike_xiomar_baila.png" alt="Tito and Tamara Baila Milwaukee" class="guest-artist__image" /> </div> <div class="guest-artist"> <div class="guest-artist__overlay"> <div class="overlay__content"> <p class="content__country">Argentina/Chile</p> <p class="content__names">Karen & Ricardo</p> <p class="content__years">Baila 2018</p> </div> </div> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>karen_ricardo_baila.png" alt="Tito and Tamara Baila Milwaukee" class="guest-artist__image" /> </div> <div class="guest-artist"> <div class="guest-artist__overlay"> <div class="overlay__content"> <p class="content__country">Los Angeles</p> <p class="content__names">Junior & Emily</p> <p class="content__years">Baila 2015,2016,2017</p> </div> </div> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>junior_emily_baila.png" alt="Tito and Tamara Baila Milwaukee" class="guest-artist__image" /> </div> <div class="guest-artist"> <div class="guest-artist__overlay"> <div class="overlay__content"> <p class="content__country">Colombia</p> <p class="content__names">Jefferson & Adrianita</p> <p class="content__years">Baila 2017</p> </div> </div> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>jefferson_adrianita_baila.png" alt="Tito and Tamara Baila Milwaukee" class="guest-artist__image" /> </div> </div> </section> <?php get_footer(); ?><file_sep><?php get_header(); ?> <main class="main"> <?php get_template_part('partials/embellishments'); ?> <section class="grid grid__about--full-width"> <div class="about__masthead"> <h1>About Our Team</h1> </div> </section> <section class="grid grid__about"> <div class="about__history"> <p><NAME> is <span class="highlight">Milwaukee's Premier Latin Dance Studio</span>, but did you know that's not all they offer? Gustavo Krystal Dance focuses on one on one classes with individuals in a variety of styles in dance including but not limited to many Latin dances including salsa, bachata, chacha, ballroom dance, ballet, tap, jazz, hustle, and many more.</p> <p> <NAME> dance has been awarded countless award including the title of TOP STUDIO AND TOP INSTRUCTOR at the world's largest Latin dance competitions. </p> <p> <NAME> was founded in 2014 by its owners Gustavo and <NAME>. Having danced professionally for many years, Gustavo and Krystal moved to the United to states with their dream of passing on their many years and experience in performance and their intense dance training. </p> <p> Our mission at Gustavo Krystal Dance studio is to provide the highest level of artistic education and to inspire our students in a friendly and encouraging atmosphere. We offer private lessons, group lessons, performance opportunities, competition opportunities, first wedding dances, choreographies, special event entertainment and so much more! </p> <p><NAME> Dance are also the hosts of Baila Milwaukee, an annual dance event that has become one of Milwaukee's hottest events, bringing some of the World's greatest dancers to Milwaukee. </p> </div> </section> <section class="grid"> <h2 class="grid__title">Meet the Instructors</h2> <div class="staff__members"> <div class="staff__employee"> <div class="staff__image"> <img src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>gustavo_nicola.jpg" alt="<NAME>" /> </div> <div class="staff__bio" id="gustavo-nicola"> <h2><NAME></h2> <p> Gustavo's passion is in Latin Dance. He started his dance education with a group called Grupo del Sur. Gustavo's dedication to the art form had him dancing in a professional dance group after only 2 years. During his time dancing in Argentina, Gustavo performed for numerous nationally recognized artists. It wasn't long before Gustavo decided to open his own dance studio in Argentina. His studio was an immediate success and the talk of the town for 2 years. Gustavo was then presented with the opportunity to travel to Las Vegas and compete in the World Salsa Championship which aired on ESPN. Gustavo wanted to continue his experience in dance around the world and traveled to Mexico where he was offered work as a professional dancer and choreographer for 7 years. In 2014 Gustavo opened the doors to Milwaukee’s premier Latin dance studio, Gustavo Krystal Dance. </p> </div> </div> <div class="staff__employee"> <div class="staff__image"> <img src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>krystal_nicola.jpg" alt="<NAME>" /> </div> <div class="staff__bio" id="krystal-nicola"> <h2><NAME></h2> <p> Krystal´s desire to dance started at the young age of two. Growing up as a young dancer in the United states she studied tap, ballet, jazz, modern, hip hop, afro and ballroom. She competed in countless competitions and studied from well-known choreographers such as <NAME> and <NAME>. In college she studied musical theater to improving her understanding of music and theatre as a whole. In 2006 she moved to Mexico where she began her professional career as a dancer and choreographer. She spent most of her time in Mexico working for the internationally recognized company Nuevo Milenio Balet where she furthered her education in Latin dance. Her countless hours on stage helped Krystal polish her stage presence and better her technique. In January 2013, Krystal moved to the United States to pursue her lifetime dream of owning and running her own dance studio. With over 30 years of dance experience, Krystal enjoys sharing her experiences and techniques with her students. </p> </div> </div> <div class="staff__employee"> <div class="staff__image"> <img src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>debrasha_greye.jpg" alt="<NAME>" /> </div> <div class="staff__bio"> <h2><NAME></h2> <p> Debrasha’s love for the performing arts was cultivated throughout her involvement in Milwaukee area Dance and Theatre Arts programs including Art In Motion, City Ballet Theatre, Modjeska Youth Theatre, Lincoln Center of the Arts, Milwaukee High School of the Arts and Brown Deer High School. Seeking to continue her growth as a performer, Debrasha participated in the Intensive Study Program with Danceworks, Inc. in 2012. This opportunity led to performance and teaching experiences with Mad Hot Ballroom and Tap, the United Performing Arts Fund (UPAF), public and private school residencies, and various local performance venues. Dedicated to expanding her artistic repertoire, Debrasha has studied dance in studios from Latin America to Germany. Her abundance of dance experiences and commitment to the arts led her to further express her talents through arts administration. Debrasha joined choreography teams with <NAME> Dance Studio in March 2019 and is thrilled by the plethora of performance and teaching opportunities that continue to arise. </p> </div> </div> </div> </section> <?php get_footer(); ?><file_sep><section class="registration"> <?php echo do_shortcode('[woocommerce_shop]'); ?> </section><file_sep><?php function woocommerce_support() { add_theme_support('woocommerce'); } function gkds_setup() { if (is_page('contact-us')) { wp_enqueue_style('leaflet', 'https://unpkg.com/[email protected]/dist/leaflet.css'); wp_enqueue_style('main', get_theme_file_uri('/styles/styles.css'), null, microtime()); wp_enqueue_script('leaflet', 'https://unpkg.com/[email protected]/dist/leaflet.js'); wp_enqueue_style('venobox', 'https://cdnjs.cloudflare.com/ajax/libs/venobox/1.9.0/venobox.css'); wp_enqueue_style('font-awesome', 'https://cdnjs.cloudflare.com/ajax/libs/font-awesome/5.14.0/css/all.min.css'); wp_enqueue_script('venobox', 'https://cdnjs.cloudflare.com/ajax/libs/venobox/1.9.0/venobox.js'); wp_enqueue_script('main', get_theme_file_uri('/js/main.js'), null, microtime(), true); wp_enqueue_script('map', get_theme_file_uri('/js/map.js'), null, microtime(), true); } else { wp_enqueue_style('venobox', 'https://cdnjs.cloudflare.com/ajax/libs/venobox/1.9.0/venobox.css'); wp_enqueue_style('font-awesome', 'https://cdnjs.cloudflare.com/ajax/libs/font-awesome/5.14.0/css/all.min.css'); wp_enqueue_style('main', get_theme_file_uri('/styles/styles.css'), null, microtime()); wp_enqueue_script('jquery', 'https://code.jquery.com/jquery-3.5.1.js'); wp_enqueue_script('glide', 'https://cdn.jsdelivr.net/npm/@glidejs/glide'); wp_enqueue_script('venobox', 'https://cdnjs.cloudflare.com/ajax/libs/venobox/1.9.0/venobox.js'); wp_enqueue_script('js', get_theme_file_uri('/js/main.js'), null, microtime(), false); } } // Function to change the button text on the shop page function customize_shop_button_text($var, $instance) { if (is_shop()) { $var = __('View Openings', 'woocommerce'); } return $var; } if (function_exists('acf_add_options_page')) { acf_add_options_page(); } // Remove prices from shop page remove_action('woocommerce_after_shop_loop_item_title', 'woocommerce_template_loop_price', 10); // Remove related products from shop page remove_action('woocommerce_after_single_product_summary', 'woocommerce_output_related_products', 20); add_action('wp_enqueue_scripts', 'gkds_setup'); add_action('after_setup_theme', 'woocommerce_support'); add_filter('woocommerce_product_add_to_cart_text', 'customize_shop_button_text', 10, 2); function show_phone_registration() { echo get_template_part('partials/phone-registration'); } add_action('woocommerce_after_shop_loop', 'show_phone_registration');<file_sep><?php get_header(); ?> <main class="main"> <?php get_template_part('partials/embellishments'); ?> <section class="grid grid__contact"> <div class="contact-form__form"> <div class="form-container"> <h2>Contact Us By Email</h2> <p>We'd love to hear from you! If you have and questions about us or the classes we offer please fill out the contact form below. </p> <?php if (get_field('footer_contact', 'option')): ?> <?php echo do_shortcode('[contact-form-7 id="'.get_field('footer_contact', 'option').'" title="Contact Form"]'); ?> <?php else: ?> <span></span> <?php endif; ?> </div> </div> <div class="contact-form__details"> <div class="details-container"> <h2>All Other Inquiries</h2> <ul> <li><strong>Location:</strong> 132 W Mineral St</li> <li><strong>Phone:</strong> 414-294-9494</li> <li><strong>Email:</strong> <a href="mailto:<EMAIL>"><EMAIL></a> </li> </ul> </div> </div> <div class="contact-form__map" id="map"></div> </section> <?php get_footer(); ?><file_sep><section class="grid grid__staff"> <h2 class="grid__title">Meet Our Award Winning Staff</h2> <div class="staff"> <div class="staff__flex"> <div class="staff__member"> <div class="staff__overlay"> <h3><NAME></h3> <a href="<?php echo site_url('/about#krystal-nicola');?>">Read Bio</a> </div> <img loading="lazy" src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>krystal_nicola.jpg" alt="<NAME>" /> </div> <div class="staff__member"> <div class="staff__overlay"> <h3><NAME></h3> <a href="<?php echo site_url('/about#gustavo-nicola');?>">Read Bio</a> </div> <img loading="lazy" src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>gustavo_nicola.jpg" alt="<NAME>" /> </div> </div> </div> </section><file_sep><footer class="footer"> <div class="footer__content footer__content--left"> <a href="<?php echo site_url('/'); ?>"> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>gkds_logo.png" alt="Gustavo Krystal Dance Studio" /> </a> <div class="info"> <p> Gustavo Krystal Dance Studio is Milwaukee's premier Latin dance studio, with dance classes for people from all walks of life. </p> </div> <div class="address"> <p>Gustavo Krystal Dance Studio</p> <p>132 W. Mineral St.</p> <p>Miwaukee, WI 53213</p> </div> <div class="social"> <p>Follow Us</p> <ul> <li><a href="https://www.facebook.com/GustavoKrystalDanceStudio/" target="_blank" rel="noreferrer" rel="noopener"><i class="fab fa-facebook fa-lg"></i></a></li> <li><a href="https://www.instagram.com/gustavokrystaldanceofficial/" target="_blank" rel="noreferrer" rel="noopener"><i class="fab fa-instagram fa-lg"></i></a></li> <li><a href="https://www.youtube.com/channel/UCdZrQytkuj9pQfcEoNR22XQ" target="_blank" rel="noreferrer" rel="noopener"><i class="fab fa-youtube fa-lg"></a></i></li> </ul> </div> </div> <div class="footer__content footer__content--right"> <h3>Contact Us</h3> <?php if (get_field('footer_contact', 'option')): ?> <?php echo do_shortcode('[contact-form-7 id="'.get_field('footer_contact', 'option').'" title="Contact Form"]'); ?> <?php else: ?> <span></span> <?php endif; ?> </div> </footer> <?php wp_footer(); ?> </main> </body> </html><file_sep><div class="dance-text"><span>dance</span></div> <div class="filigree"> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>Filigree.svg" alt="Filigree" /> </div><file_sep><?php get_header(); ?> <main class="main"> <?php get_template_part('partials/embellishments'); ?> <section class="grid grid__404"> <div class="not-found"> <h2>Page not found</h2> <p>Oops! You've danced your way to a page that doesn't exist.</p> </div> </section> <?php get_footer(); ?><file_sep>$(document).ready(() => { const accessToken = "<KEY>"; const map = L.map("map", { zoomControl: false, center: [43.021394, -87.912152], zoom: 15, }); const gkdsMarker = L.marker([43.021394, -87.912152]) .bindPopup( "<p >Gustavo Krystal Dance Studio</p><a href='https://goo.gl/maps/aCqvoCF5Jej5Dyrz8' style='text-align: center; display:block;' target='_blank'>Get Directions</a>" ) .addTo(map); gkdsMarker.on("click", () => { gkdsMarker.openPopup(); }); L.tileLayer( `https://api.mapbox.com/styles/v1/{id}/tiles/{z}/{x}/{y}?access_token=${accessToken}`, { maxZoom: 18, id: "mapbox/streets-v11", tileSize: 512, zoomOffset: -1, accessToken, } ).addTo(map); }); <file_sep><?php get_header(); ?> <main class="main"> <?php get_template_part('partials/embellishments'); ?> <section class="grid grid__childrens-classes--full-width"> <div class="childrens-classes__masthead"> <h1>Children's Dance Classes</h1> </div> </section> <section class="grid grid__childrens-classes"> <div class="childrens-classes__class" id="childrens-private-classes"> <h2>Private Dance Lessons</h2> <p>Perfect for the student who wants to speed up their learning process or would like to compete or perform. Private classes offer the advantage of having a dance instructor just for you, giving you the opportunity to learn exactly what you want at your pace. Private lessons are by far the best way to learn how to dance. Private lessons are scheduled by phone or in person, so call us today to set up your first private lesson!</p> <a href="<?php echo site_url('/register-online'); ?>" class="button">Get in Touch</a> </div> <div class="childrens-classes__fw-image"> <img src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>kids_classes.jpeg" alt="Gustavo Krystal Dance Studio Private Lessons" class="fw-image"> </div> <div class="class-grid"> <h2 class="title">Group Dance Classes</h2> <div class="column"> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>childrens_latin_dance.jpg" alt="Children's Latin Dance" /> <h3>Children's Latin Dance</h3> <p>Latin dance class for kids. This class teaches leading and following as well as basic footwork in popular Latin dances usually focusing on salsa.</p> <a href="<?php echo site_url('/register-online'); ?>" class="button">Call to Register</a> </div> <div class="column"> <img src="<?php echo get_template_directory_uri() . '/images/'; ?>childrens_ballet_jazz.jpg" alt="Children's Ballet/Jazz" /> <h3>Children's Ballet/Jazz</h3> <p>Our ballet/jazz classes for children teach proper dance technique and dance training from a young age all the way up to adults. We work on strength, stretching, ballet and jazz terminology, isolating, and overall corporal awareness and coordination.</p> <a href="<?php echo site_url('/register-online'); ?>" class="button">Call to Register</a> </div> </div> </section> <?php get_footer(); ?><file_sep><!DOCTYPE html> <html lang="en" id="html"> <head> <!-- Global site tag (gtag.js) - Google Analytics --> <script async src="https://www.googletagmanager.com/gtag/js?id=UA-127178111-7"></script> <script> window.dataLayer = window.dataLayer || []; function gtag() { dataLayer.push(arguments); } gtag('js', new Date()); gtag('config', 'UA-127178111-7'); </script> <meta charset="UTF-8" /> <meta name="viewport" content="width=device-width, initial-scale=1.0" /> <title><?php wp_title('|', true, 'right'); ?> Gustavo Krystal Dance Studio</title> <meta name="description" content="<?php echo "Milwaukee's Premier Latin Dance Studio" ?>"> <?php wp_head(); ?> </head> <body> <?php if (get_field('shtf', 'option')): ?> <div class="shtf"> <p class="message"><?php the_field('shtf', 'option'); ?></p> <span class="close-button" role="button"><img src="<?php echo get_template_directory_uri() . '/images/'; ?>close.svg"" alt=" Close button"></span> </div> <?php else: ?> <span></span> <?php endif; ?> <header class="header"> <nav class="desktop-nav"> <div class="logo"> <a href="<?php echo site_url('/'); ?>"><img src="<?php echo get_template_directory_uri() . '/images/'; ?>gkds_logo.png" alt="Gustavo Krystal Dance Studio Logo" /></a> <span>414-294-9494</span> </div> <ul class="menu"> <li><a href="<?php echo site_url('/')?>">Home</a></li> <li><a href="<?php echo site_url('/about'); ?>">About Us</a></li> <li><a href="<?php echo site_url('/adult-classes'); ?>">Adult Classes</a></li> <li><a href="<?php echo site_url('/childrens-classes'); ?>">Children's Classes</a></li> <li><a href="<?php echo site_url('/register-online'); ?>">Register Online</a></li> <li><a href="<?php echo site_url('/baila-milwaukee'); ?>">Baila Milwaukee</a></li> <li><a href="https://squareup.com/gift/ZTW903YCEDYTR/order" rel="noopener noreferrer" target="_blank">Gift Cards</a></li> <li><a href="<?php echo site_url('/contact-us'); ?>">Contact Us</a></li> <li> <ul class="social"> <li><a href="https://www.facebook.com/GustavoKrystalDanceStudio/" target="_blank" rel="noreferrer" rel="noopener"><i class="fab fa-facebook fa-lg"></i></a></li> <li><a href="https://www.instagram.com/gustavokrystaldanceofficial/" target="_blank" rel="noreferrer" rel="noopener"><i class="fab fa-instagram fa-lg"></i></a></li> <li><a href="https://www.youtube.com/channel/UCdZrQytkuj9pQfcEoNR22XQ" target="_blank" rel="noreferrer" rel="noopener"><i class="fab fa-youtube fa-lg"></a></i></li> </ul> </li> </ul> <a href="<?php echo site_url('/register-online');?>" class="button cta">Start Dancing</a> </nav> <?php get_template_part('partials/mobile-nav'); ?> </header><file_sep>const $ = jQuery; $(document).ready(function () { $(".venobox").venobox(); const options = { autoplay: 5000, animationDuration: 500, hoverpause: true, }; const slider = document.querySelector(".glide"); if (slider) { const glide = new Glide(slider, options); glide.mount(); } const menuToggle = document.getElementById("menuToggle"); const mobileNav = document.getElementById("mobileNav"); const html = document.getElementById("html"); const mobileMenuListItems = document.querySelectorAll(".menu-item"); const toggleMenu = () => { const delay = 50; mobileNav.classList.toggle("mobile-nav__menu--active"); html.classList.toggle("no-scroll"); if (mobileMenuListItems[0].classList.contains("animated")) { mobileMenuListItems.forEach((listItem) => { listItem.classList.remove("animated"); }); } else { mobileMenuListItems.forEach((listItem, index) => { setTimeout(() => { listItem.classList.add("animated"); }, delay * index); }); } }; menuToggle.addEventListener("click", toggleMenu); // FAQ Accordion const faqButtons = document.querySelectorAll(".faq"); faqButtons.forEach((button, idx) => { button.addEventListener("click", (e) => { button.classList.toggle("active"); const answer = button.nextElementSibling; if (answer.style.maxHeight) { answer.style.maxHeight = null; } else { answer.style.maxHeight = answer.scrollHeight + "px"; } }); }); // Class Schedule const classHeaders = document.querySelectorAll(".class__header"); classHeaders.forEach((header, idx) => { header.addEventListener("click", (e) => { header.classList.toggle("active"); const classBody = header.nextElementSibling; if (classBody.style.maxHeight) { classBody.style.maxHeight = null; } else { classBody.style.maxHeight = classBody.scrollHeight + "px"; } }); }); // SHTF Component const shtfComponent = document.querySelector(".shtf"); const closeButton = document.querySelector(".close-button"); const hideShtfComponent = () => { shtfComponent.style.display = "none"; }; closeButton.addEventListener("click", hideShtfComponent); }); <file_sep><section class="grid grid__features"> <div class="features"> <div class="feature"> <div class="feature__image"> <div class="image-overlay"></div> <img loading="lazy" src="<?php echo get_template_directory_uri() . '/images/'; ?>adults_dancing.png" alt="" /> </div> <div class="feature__content"> <h2>Dance Classes for All Levels</h2> <p> Our wide range of dance classes offer something for all skill levels. Whether you're a novice or an expert, you've come to the right place. </p> <a href="<?php echo site_url('/register-online'); ?>" class="button">Check Availability</a> </div> </div> <div class="feature feature--reverse"> <div class="feature__image"> <div class="image-overlay"></div> <img loading="lazy" src="<?php echo get_template_directory_uri() . '/images/'; ?>single_adult_dancing.png" alt="" /> </div> <div class="feature__content"> <h2>We make magic happen</h2> <p> Our mission is to provide the highest level of artistic education and to inspire our students. We're confident we have a dance class you'll enjoy. </p> <a href="<?php echo site_url('/register-online'); ?>" class="button">Check Availability</a> </div> </div> <div class="feature"> <div class="feature__image"> <div class="image-overlay"></div> <img loading="lazy" src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>baila_milwaukee.jpg" alt="" /> </div> <div class="feature__content"> <h2>Baila Milwaukee</h2> <p> We are the hosts of Baila Milwaukee, an annual dance event that is one of Milwaukee's hottest social gatherings. </p> <a href="<?php echo site_url('/baila-milwaukee'); ?>" class="button">About Baila</a> </div> </div> </div> </section><file_sep><?php get_header(); ?> <main class="main"> <?php get_template_part('partials/embellishments'); ?> <section class="grid grid--classes-page"> <div class="adult-classes"> <div class="adult-classes__title" id="adult-classes"> <h1><span class="highlight">Adult</span> Classes</h1> </div> <div class="adult-classes__grid"> <div class="class-container"> <div class="class-container__image"><img src="<?php echo get_template_directory_uri() . '/images/'; ?>private_dance_lessons.png" alt="Private Dance Lessons" /></div> <div class="class-container__details"> <h2> Private Dance Lessons </h2><a href="/adult-classes#adult-private-classes">Learn More</a> </div> </div> <div class="class-container"> <div class="class-container__image"><img src="<?php echo get_template_directory_uri() . '/images/'; ?>classes_placeholder.jpg" alt="Private Dance Lessons" /></div> <div class="class-container__details"> <h2> Group Dance Lessons </h2><a href="/adult-classes#adult-group-classes">Learn More</a> </div> </div> <div class="class-container"> <div class="class-container__image"><img src="<?php echo get_template_directory_uri() . '/images/'; ?>classes_placeholder_2.jpg" alt="Private Dance Lessons" /></div> <div class="class-container__details"> <h2> Choreography Teams </h2><a href="/adult-classes#adult-choreography-classes">Learn More</a> </div> </div> </div> </div> <div class="adult-classes"> <div class="adult-classes__title" id="childrens-classes"> <h1><span class="highlight">Children's</span> Classes</h1> </div> <div class="adult-classes__grid"> <div class="class-container"> <div class="class-container__image"><img src="<?php echo get_template_directory_uri() . '/images/'; ?>dance_kids_1.png" alt="Private Dance Lessons" /></div> <div class="class-container__details"> <h2> Private Dance Lessons </h2><a href="/childrens-classes#childrens-private-classes">Learn More</a> </div> </div> <div class="class-container"> <div class="class-container__image"><img src="<?php echo get_template_directory_uri() . '/images/'; ?>dance_kids_2.png" alt="Private Dance Lessons" /></div> <div class="class-container__details"> <h2> Group Dance Lessons </h2><a href="/childrens-classes#childrens-group-classes">Learn More</a> </div> </div> </div> </div> </section> <?php get_footer(); ?><file_sep><nav class="mobile-nav"> <div class="mobile-nav__controls"> <div class="mobile-nav__hamburger" id="menuToggle"> <svg xmlns="http://www.w3.org/2000/svg" viewBox="0 0 20 20"> <path d="M0 3h20v2H0V3zm0 6h20v2H0V9zm0 6h20v2H0v-2z" fill="#fff" /> </svg> </div> </div> <div class="mobile-nav__menu" id="mobileNav"> <ul> <li class="menu-item"><a href="<?php echo site_url('/'); ?>">Home</a></li> <li class="menu-item"><a href="<?php echo site_url('/about'); ?>">About Us</a></li> <li class="menu-item"><a href="<?php echo site_url('/adult-classes'); ?>">Adult Classes</a></li> <li class="menu-item"><a href="<?php echo site_url('/childrens-classes'); ?>">Children's Classes</a></li> <li class="menu-item"><a href="<?php echo site_url('/register-online'); ?>">Register Online</a></li> <li class="menu-item"><a href="<?php echo site_url('/baila-milwaukee'); ?>">Baila Milwaukee</a></li> <li class="menu-item"><a href="https://squareup.com/gift/ZTW903YCEDYTR/order" rel="noopener noreferrer" target="_blank">Gift Cards</a></li> <li class="menu-item"><a href="<?php echo site_url('/contact-us'); ?>">Contact Us</a></li> </ul> </div> </nav><file_sep><section class="grid grid__classes"> <h2 class="grid__title">Dance Classes for Children</h2> <div class="classes-children"> <div class="class class--private-kids"> <div class="class-overlay"><img src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>kids_classes.jpeg" alt="Kids Private Classes"></div> <div class="class__content"> <p class="class-title">Private Lessons</p> <p class="class-description"> Perfect for the student who wants to speed up their learning process or would like to compete or perform. </p> <a href="<?php echo site_url('/childrens-classes') ?>">Get Started</a> </div> </div> <div class="class class--group-kids"> <div class="class-overlay"><img src="<?php echo get_template_directory_uri() . '/images/home-page/'; ?>kids_group_classes.jpg" alt="Kids Group Classes"></div> <div class="class__content"> <p class="class-title">Group Classes</p> <p class="class-description"> Group classes are a great way for your child to discover self-expression and confidence. </p> <a href="<?php echo site_url('/childrens-classes') ?>">Get Started</a> </div> </div> </div> </section><file_sep><section class="grid grid__schedule"> <h2 class="grid__title">Class Schedule</h2> <?php if (get_field('calendar_id', 'option')): ?> <?php echo do_shortcode('[calendar id="'.get_field('calendar_id', 'option').'"]'); ?> <?php else: ?> <span></span> <?php endif; ?> </div> </section><file_sep><?php get_header(); ?> <main class="main"> <?php get_template_part('partials/embellishments'); ?> <?php get_template_part('partials/masthead'); ?> <?php get_template_part('partials/adult-classes'); ?> <?php get_template_part('partials/childrens-classes'); ?> <?php get_template_part('partials/features'); ?> <?php get_template_part('partials/testimonials'); ?> <?php get_template_part('partials/schedule'); ?> <?php get_template_part('partials/staff'); ?> <?php get_footer(); ?>
98648bc784bfb695cba9f401e91fd2e8138d551f
[ "JavaScript", "PHP" ]
24
PHP
tekjoe/gkds
b06ca670bbf77cd47bd2dfaae9607af2de626bc5
e3cca828d9e666cb09a9e01e773f8a2f46145cad
refs/heads/main
<file_sep>#pragma once #include "TGAImage.h" #include "GaussianBlur.h" class WriterTGA { public: WriterTGA(); ~WriterTGA(); void WriteImage(GaussianBlur* blur,TGAImage* image,std::string path); private: std::string pathForSave; void CloseImage(std::ofstream *image); void CloseImage(std::ifstream *image); void CheckImage(); };<file_sep>#define _USE_MATH_DEFINES #include <cmath> #include <vector> #include <algorithm> #include "GaussianBlur.h" #include "TGAImage.h" GaussianBlur::GaussianBlur(float blurPower) { int value = blurPower*10.0f; if(value>10) value = 10; if(value<0) value = 0; this->blurPower = value; SetupDefaultConfiguration(); // Setting up default configuration for the filter sum = 0.0f; } GaussianBlur::~GaussianBlur() { std::cout << "[GaussianBlur] Delete filter...\n" << std::endl; gaussianKernal.clear(); gaussianKernal.shrink_to_fit(); } FPixel GaussianBlur::ApplyFilter(TGAImage *image, FPixel pixel) { int verticleImageBound = (KernalHeight - 1) / 2; // Setting boundaries int horizontalImageBound = (KernalWidth - 1) / 2; float valueR = 0.0f; // Final sum for each pixel chanel to be determined float valueG = 0.0f; float valueB = 0.0f; float valueA = 0.0f; for (int kRow = 0; kRow < KernalHeight; kRow++) { for (int kCol = 0; kCol < KernalWidth; kCol++) { //To apply blur: // Take all pixels around targeted one from FPixel in the radius of blur if (kCol + pixel.positionX < image->GetImageWidth() && kRow + pixel.positionY < image->GetImageHeight()) { FPixel p = image->finalPixels[kCol + pixel.positionX][kRow + pixel.positionY]; // Each pixel chanel should be multiplied by value calculated by Gaussian formula and add 0.8 to make image bright p.R *= gaussianKernal[kRow][kCol] + 0.8f; p.G *= gaussianKernal[kRow][kCol] + 0.8f; p.B *= gaussianKernal[kRow][kCol] + 0.8f; p.A *= gaussianKernal[kRow][kCol] + 0.8f; valueR += p.R; //Adding value to the final sum valueG += p.G; valueB += p.B; } } } // After neighbor pixels are calculated, mean value of those should be calculated valueR /= KernalHeight * KernalWidth; valueG /= KernalHeight * KernalWidth; valueB /= KernalHeight * KernalWidth; valueA /= KernalHeight * KernalWidth; pixel.R = valueR; // Apply mean value to given pixel pixel.G = valueG; pixel.B = valueB; pixel.A = valueA; return pixel; // Return pixel to the total data } void GaussianBlur::SetupDefaultConfiguration() { sigma = 1.0f; CreateFilter(); // Create filter } void GaussianBlur::ConfigureFilter(float sigma, float blurPower) { this->sigma = sigma; int value = blurPower*10.0f; if(value>10) value = 10; if(value<0) value = 0; this->blurPower = blurPower; CreateFilter(); } void GaussianBlur::SetBlurPower(float blurPower) { int value = blurPower*10.0f; if(value>10) value = 10; if(value<0) value = 0; this->blurPower = value; CreateFilter(); } void GaussianBlur::CreateFilter() { std::cout << "[GaussianBlur] Create filter...\n" << std::endl; KernalHeight += blurPower; KernalWidth += blurPower; gaussianKernal = CreateKernal(KernalWidth, KernalHeight); for (int x = 0; x < KernalHeight; x++) { for (int y = 0; y < KernalWidth; y++) { // Calcuate value using the formula and storing into vector float value = exp(-(x * x + y * y) / (2 * sigma * sigma)) / (2 * M_PI * sigma * sigma); gaussianKernal[x][y] = value; sum += value; } } // Normalise values in the vector for (int i = 0; i < KernalHeight; ++i) for (int j = 0; j < KernalWidth; ++j) gaussianKernal[i][j] /= sum; std::cout << "[GaussianBlur] Filter was create...\n" << std::endl; } <file_sep>cmake_minimum_required(VERSION 3.19) project(tga) set(CMAKE_CXX_STANDARD 14) add_executable(tga main.cpp GaussianBlur.cpp GaussianBlur.h TGAImage.cpp TGAImage.h WriterTGA.cpp WriterTGA.h)<file_sep>#pragma once #include <iostream> #include <vector> typedef struct FinalPixel { int positionX; int positionY; float R; float G; float B; float A; } FPixel; class TGAImage { public: TGAImage(std::string imagePathWithName); ~TGAImage(); FPixel GetImagePixel(int positionX, int positionY); const std::uint32_t GetImageWidth(){return width;}; const std::uint32_t GetImageHeight(){return height;}; const std::vector<std::uint8_t> GetImageHeader(){return TGAHeader;}; std::vector<std::vector<FPixel>> finalPixels; private: typedef union PixelInfo { std::uint32_t Colour; struct { std::uint8_t R, G, B, A; }; } * PPixelInfo; std::string imagePath; std::uint32_t width, height, size, BitsPerPixel; std::vector<std::uint8_t> TGAHeader; //std::vector<FPixel> finalPixels; bool isImageCompressed; void CheckImage(std::ifstream *image); void OpenTGAImage(); void ReadImage(std::ifstream *image); void CloseImage(std::ifstream *image); void CreatePixelsData(std::vector<std::uint8_t> data); auto CreatePixelsVector(int width,int height) {return std::vector<std::vector<FPixel>>(width, std::vector<FPixel>(height));} };<file_sep>file(REMOVE_RECURSE "CMakeFiles/tga.dir/GaussianBlur.cpp.o" "CMakeFiles/tga.dir/TGAImage.cpp.o" "CMakeFiles/tga.dir/WriterTGA.cpp.o" "CMakeFiles/tga.dir/main.cpp.o" "tga" "tga.pdb" ) # Per-language clean rules from dependency scanning. foreach(lang CXX) include(CMakeFiles/tga.dir/cmake_clean_${lang}.cmake OPTIONAL) endforeach() <file_sep>#pragma once #include "TGAImage.h" #include <vector> class GaussianBlur { public: GaussianBlur(float blurPower); ~GaussianBlur(); int KernalWidth = 0; int KernalHeight = 0; void ConfigureFilter(float sigma,float blurPower); void SetBlurPower(float blurPower); void SetupDefaultConfiguration(); FPixel ApplyFilter(TGAImage* image,FPixel pixel); private: void CreateFilter(); auto CreateKernal(int rows,int cols) { return std::vector<std::vector<float>>(rows, std::vector<float>(cols));} float gaussianBlur[5][5]; std::vector<std::vector<float>> gaussianKernal; float sigma; float sum; int blurPower; bool isKernelCreate; };<file_sep>#include <iostream> #include <fstream> #include <vector> #include <cstring> #include <algorithm> #include <iterator> #include "TGAImage.h" TGAImage::TGAImage(std::string imagePathWithName) { imagePath = imagePathWithName; OpenTGAImage(); } TGAImage::~TGAImage() { std::cout << "[TGAImage] Original image was delete...\n" << std::endl; finalPixels.clear(); finalPixels.shrink_to_fit(); TGAHeader.clear(); TGAHeader.shrink_to_fit(); } FPixel TGAImage::GetImagePixel(int positionX, int positionY) { FPixel p; if(positionX<=GetImageWidth() && positionY<=GetImageHeight()) p = finalPixels[positionX][positionY]; return p; } void TGAImage::OpenTGAImage() { std::ifstream image; // Creating stream for reading image image.open(imagePath); // Open image CheckImage(&image); // Check whether image is open } void TGAImage::CheckImage(std::ifstream *image) { if (image->is_open()) { std::cout << "[TGAImage] Image open...\n" << std::endl; ReadImage(image); // If image is successfully opened, start reading process } else std::cout << "[TGAImage] Image not open...\n" << std::endl; } void TGAImage::CloseImage(std::ifstream *image) { image->close(); std::cout << "[TGAImage] Image close...\n" << std::endl; } void TGAImage::ReadImage(std::ifstream *image) { std::cout << "[TGAImage] Start read image...\n" << std::endl; std::uint8_t Header[18] = {0}; // Array for image header std::vector<std::uint8_t> ImageData; // Vector for storing pixels data // DeCompressed and IsCompressed arrays for checking if image is compressed or not static std::uint8_t DeCompressed[12] = {0x0, 0x0, 0x2, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0}; static std::uint8_t IsCompressed[12] = {0x0, 0x0, 0xA, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0}; image->read(reinterpret_cast<char *>(&Header), sizeof(Header)); // Read image header if (!std::memcmp(DeCompressed, &Header, sizeof(DeCompressed))) // If image in not compressed { BitsPerPixel = Header[16]; //Get number of bits in image, if 32 then alfa channel is present width = Header[13] * 256 + Header[12]; // Image width height = Header[15] * 256 + Header[14]; // Image height size = ((width * BitsPerPixel + 31) / 32) * 4 * height; // Total image size if ((BitsPerPixel != 24) && (BitsPerPixel != 32)) // If neither 24 bits nor 32 stop reading { std::cout << "[TGAImage] End read image...\n" << std::endl; CloseImage(image); throw std::invalid_argument("[TGAImage] Invalid image Format. Required: 24 or 32 Bit Image..."); } ImageData.resize(size); // Change vector size to meet image size isImageCompressed = false; // Flag for image not compressed image->read(reinterpret_cast<char *>(ImageData.data()), size); // Writing pixels data into vector } else if (!std::memcmp(IsCompressed, &Header, sizeof(IsCompressed))) // If image compressed { BitsPerPixel = Header[16]; width = Header[13] * 256 + Header[12]; height = Header[15] * 256 + Header[14]; size = ((width * BitsPerPixel + 31) / 32) * 4 * height; if ((BitsPerPixel != 24) && (BitsPerPixel != 32)) { std::cout << "[TGAImage] End read image...\n" << std::endl; CloseImage(image); throw std::invalid_argument("[TGAImage] Invalid image Format. Required: 24 or 32 Bit Image..."); } PixelInfo Pixel = {0}; // Structure for storing image colors int CurrentByte = 0; std::size_t CurrentPixel = 0; isImageCompressed = true; std::uint8_t ChunkHeader = {0}; // Chunk header int BytesPerPixel = (BitsPerPixel / 8); ImageData.resize(width * height * sizeof(PixelInfo)); //Reading pixels data do { image->read(reinterpret_cast<char *>(&ChunkHeader), sizeof(ChunkHeader));//Reading small part of the image and storing in the chunk if (ChunkHeader < 128) // Ih header is not big enough = less then 128 { ++ChunkHeader;// Increase header for (int I = 0; I < ChunkHeader; ++I, ++CurrentPixel)// Reading pixels from chunk { image->read(reinterpret_cast<char *>(&Pixel), BytesPerPixel); ImageData[CurrentByte++] = Pixel.B; ImageData[CurrentByte++] = Pixel.G; ImageData[CurrentByte++] = Pixel.R; if (BitsPerPixel > 24) ImageData[CurrentByte++] = Pixel.A; } } else // If header is to big { ChunkHeader -= 127; // Decreasing the chunk header image->read(reinterpret_cast<char *>(&Pixel), BytesPerPixel);// Read pixel for (int I = 0; I < ChunkHeader; ++I, ++CurrentPixel)// Writing colors { ImageData[CurrentByte++] = Pixel.B; ImageData[CurrentByte++] = Pixel.G; ImageData[CurrentByte++] = Pixel.R; if (BitsPerPixel > 24) ImageData[CurrentByte++] = Pixel.A; } } } while (CurrentPixel < (width * height));// Repeat util image is fully read } else // If unsure whether compressed or not close reading { std::cout << "[TGAImage] End read image...\n" << std::endl; CloseImage(image); throw std::invalid_argument("[TGAImage] Invalid image Format. Required: 24 or 32 Bit Image..."); } std::cout << "[TGAImage] End read image...\n" << std::endl; std::cout << "[TGAImage] Read was succes...\n" << std::endl; CloseImage(image); CreatePixelsData(ImageData); for (auto data : Header) TGAHeader.push_back(data); // Saving image header for later writing image } void TGAImage::CreatePixelsData(std::vector<std::uint8_t> data) { std::cout << "[TGAImage] Create pixels data...\n" << std::endl; std::uint8_t imageChannels = 4; std::uint8_t dataChannels = 4; int positionX = 0; int positionY = 0; // Storing location and color of each pixel into FPixel // Storing all FPixel structures into finalPixels vector finalPixels = CreatePixelsVector(GetImageWidth(),GetImageHeight()); finalPixels.resize(GetImageWidth() * GetImageHeight()); for (uint32_t i = 0; i < GetImageWidth() * GetImageHeight(); i++) { FPixel p; for (std::uint8_t b = 0; b < imageChannels; b++) { std::uint8_t pixel = data[(i * dataChannels) + (b % dataChannels)]; //Pixel information if (b % dataChannels == 0) p.R = pixel / 255.0f; // Change pixel chanel into float and store if (b % dataChannels == 1) p.G = pixel / 255.0f; if (b % dataChannels == 2) p.B = pixel / 255.0f; if (b % dataChannels == 3) { p.A = pixel / 255.0f; // Storing alfa chanel p.positionX = positionX; // Storing position p.positionY = positionY; finalPixels[positionX][positionY] = p; positionX++; // Move to next pixel on the right if (positionX == GetImageWidth()) // when line is over move to next { positionY++; positionX = 0; } } } } std::cout << "[TGAImage] End create pixels data...\n" << std::endl; } <file_sep>#include <iostream> #include "TGAImage.h" #include "WriterTGA.h" #include "GaussianBlur.h" int main() { std::string pathOriginalImage; std::string pathNewImage; float blurPower; std::cout << "[Main] Write image path with name(.tga):" << "\n" << std::endl; std::cin >> pathOriginalImage; std::cout << "[Main] Write path for save image with name(.tga):" << "\n" << std::endl; std::cin >> pathNewImage; std::cout << "[Main] Write blur power:" << "\n" << std::endl; std::cin >> blurPower; TGAImage image {pathOriginalImage}; // Read image from given path WriterTGA writerTGA; // Creating object for writing new image GaussianBlur gaussianBlur {blurPower}; // Creating object with blur algorithm writerTGA.WriteImage(&gaussianBlur,&image,pathNewImage); // Writing new blured image writerTGA.~WriterTGA();// Deleting an object for writing std::cout << "[Main] End work program..." << "\n" << std::endl; return 0; }<file_sep>#include "WriterTGA.h" #include "TGAImage.h" #include "GaussianBlur.h" #include <fstream> #include <iostream> WriterTGA::WriterTGA(){} WriterTGA::~WriterTGA() { std::cout << "[WriterTGA] Writer was delete...\n" << std::endl; } void WriterTGA::WriteImage(GaussianBlur* blur,TGAImage* image,std::string path) { pathForSave = path; std::cout << "[WriterTGA] Start create new image...\n" << std::endl; std::ofstream newImage(pathForSave,std::ios::binary); std::uint8_t Header[18] = {0}; for(int i = 0; i<image->GetImageHeader().size();i++) // Taking image header Header[i] = image->GetImageHeader()[i]; newImage.write(reinterpret_cast<char *>(&Header), sizeof(Header)); // Storing header for new image //НWriting pixels from finalPixels for (uint32_t y = 0; y < image->GetImageHeight(); y++) { for (uint32_t x = 0; x < image->GetImageWidth(); x++) { FPixel newPixel; newPixel = blur->ApplyFilter(image,image->finalPixels[x][y]); // Taking structure where pixel data is stored // Change back to bytes and write into file uint8_t r = newPixel.R * 255.0f; newImage.write(reinterpret_cast<char *>(&r),sizeof(r)); uint8_t g = newPixel.G * 255.0f; newImage.write(reinterpret_cast<char *>(&g),sizeof(g)); uint8_t b = newPixel.B * 255.0f; newImage.write(reinterpret_cast<char *>(&b),sizeof(b)); uint8_t a = newPixel.A * 255.0f; newImage.write(reinterpret_cast<char *>(&a),sizeof(a)); } } image->~TGAImage(); // Delete original image data blur->~GaussianBlur(); // Delete blured image std::cout << "[WriterTGA] End create new image...\n" << std::endl; CloseImage(&newImage);// Close chanel CheckImage();// Checking image } void WriterTGA::CloseImage(std::ofstream *image) { image->close(); std::cout << "[WriterTGA] Image close...\n" << std::endl; } void WriterTGA::CloseImage(std::ifstream *image) { image->close(); std::cout << "[WriterTGA] Image close...\n" << std::endl; } void WriterTGA::CheckImage() { std::ifstream image; image.open(pathForSave); if (image.is_open()) std::cout << "[WriterTGA] Image open. New image write succes...\n" << std::endl; else std::cout << "[WriterTGA] Image not open. New image write fail...\n" << std::endl; CloseImage(&image); }
4067122f3c08117017c32f00851d6c1dbb5a08e7
[ "CMake", "C++" ]
9
C++
ankie17/ImageBlur
ffa14dc5b735b3230e51ca913fcb36be59d179b4
9a145dbd8038e80c252168a53b1e19b12a3caa5f
refs/heads/master
<repo_name>struters/Football-Manager<file_sep>/README.md Football-Manager ================ V8.0 <file_sep>/src/football_manager/Championnat_Première_division.java /* * To change this license header, choose License Headers in Project Properties. * To change this template file, choose Tools | Templates * and open the template in the editor. */ package football_manager; import java.util.ArrayList; /** * * @author p1305783 */ public class Championnat_Première_division extends Ligue { private ArrayList<Equipe> Participant; //test Commit @Override public void remplir() { } } <file_sep>/src/football_manager/Football_Manager.java /* * To change this license header, choose License Headers in Project Properties. * To change this template file, choose Tools | Templates * and open the template in the editor. */ package football_manager; /** * * @author victor */ public class Football_Manager { /** * @param args the command line arguments */ public static void main(String[] args) { Championnat_Première_division c1p = new Championnat_Première_division(); CoupeNationale CN = new CoupeNationale(); Equipe e1 = new Equipe("Test1", "Jamaique"); Equipe e2 = new Equipe("Test2", "Jamaique"); Equipe e3 = new Equipe("Test3", "Jamaique"); Fenetre fen = new Fenetre(); fen.setVisible(true); } }
f5c4ee83489a5c204db0eed9787e24aa0549251f
[ "Markdown", "Java" ]
3
Markdown
struters/Football-Manager
f5452fb03a47213e042a64c115ab328ac21c1eaf
17a4cae3d0048d111f76b60776a202ac074226e5
refs/heads/main
<file_sep>const Blog = require('../models/blog.js') test('if likes is missing, set default value to 0', async () => { const newBlog = new Blog({ title: "Canonical string reduction", author: "<NAME>", url: "http://www.cs.utexas.edu/~EWD/transcriptions/EWD08xx/EWD808.html" }) expect(newBlog.likes).toBe(0) },100000)<file_sep>const express = require('express') const app = express() const middleware = require('./utils/middleware') const blogRouter = require('./controllers/blogRouter') const userRouter = require('./controllers/userRouter') const loginRouter = require('./controllers/loginRouter') const logger = require('./utils/logger') app.use('/api/login', loginRouter) app.use('/api/blogs',middleware.userExtractor,blogRouter) app.use('/api/users',userRouter) const PORT = 3003 app.listen(PORT, () => { logger.info(`Server running on port ${PORT}`) }) module.exports = app<file_sep>const dummy = (blogs) => { return 1 } const totalLikes = (blogs) => { let sum = 0 blogs.forEach(blog => sum+=blog.likes) return sum } const favoriteBlog = (blogs) => { let favBlog = {} if(blogs.length !== 0) { let max = blogs[0].likes blogs.forEach(blog => { if(blog.likes>=max) { max = blog.likes favBlog = blog } }) } return favBlog } const mostBlogs = (blogs) => { const unique = (value, index, self) => { return self.indexOf(value) === index } const authors = blogs.map(blog => blog.author) const uniqueAuthors = authors.filter(unique) const reqFields = [] uniqueAuthors.forEach(uniqueAuthor => { const obj = { 'author': uniqueAuthor, 'blogs': 0 } reqFields.push(obj) }) blogs.forEach(blog => { reqFields.forEach(reqField => { if(reqField.author === blog.author) { Object.keys(reqField).map( key => { if(key==='blogs') { reqField['blogs']+=1 } }) } }) }) let max = reqFields[0].blogs const obj = {} reqFields.forEach(reqField => { if(reqField.blogs >= max) { max = reqField.blogs obj['author'] = reqField.author obj['blogs'] = reqField.blogs } }) return obj } const mostLikes = (blogs) => { const unique = (value, index, self) => { return self.indexOf(value) === index } const authors = blogs.map(blog => blog.author) const uniqueAuthors = authors.filter(unique) const reqFields = [] uniqueAuthors.forEach(uniqueAuthor => { const obj = { 'author': uniqueAuthor, 'likes': 0 } reqFields.push(obj) }) blogs.forEach(blog => { reqFields.forEach(reqField => { if(reqField.author === blog.author) { Object.keys(reqField).map( key => { if(key==='likes') { reqField['likes']+=blog.likes } }) } }) }) let max = reqFields[0].likes const obj = {} reqFields.forEach(reqField => { if(reqField.likes >= max) { max = reqField.likes obj['author'] = reqField.author obj['likes'] = reqField.likes } }) return obj } module.exports = {dummy,totalLikes,favoriteBlog,mostBlogs,mostLikes} <file_sep>const express = require('express') const userRouter = express.Router() const User = require('../models/user') const cors = require('cors') const logger = require('../utils/logger') const bcrypt = require('bcrypt') userRouter.use(express.json()) userRouter.use(cors()) userRouter.post('/', async (request,response) => { logger.info(request.body) const magic = 10 const passwordHash = await bcrypt.hash(request.body.password, magic) const user = new User({ username: request.body.username, name: request.body.name, passwordHash }) try{ if(request.body.password.length < 3) { response.status(400).json({error: "password should contain minimum 3 characters"}) } else { const savedUser = await user.save() response.status(201).json(savedUser) } } catch(error){ logger.error(error.message) response.status(400).json({error: error.message}) } }) userRouter.get('/', async (request,response) => { logger.info(request.body) try{ const users = await User.find({}).populate('blogs') response.status(200).json(users) } catch(error){ logger.error(error.message) } }) module.exports = userRouter <file_sep>const mongoose = require('mongoose') const app = require('../index.js') const supertest = require('supertest') const api = supertest(app) const Blog = require('../models/blog') const initialBlogs = [ { _id: "5a422a851b54a676234d17f7", title: "React patterns", author: "<NAME>", url: "https://reactpatterns.com/", likes: 7, __v: 0 }, { _id: "5a422aa71b54a676234d17f8", title: "Go To Statement Considered Harmful", author: "<NAME>", url: "http://www.u.arizona.edu/~rubinson/copyright_violations/Go_To_Considered_Harmful.html", likes: 5, __v: 0 }, { _id: "5a422b3a1b54a676234d17f9", title: "Canonical string reduction", author: "<NAME>", url: "http://www.cs.utexas.edu/~EWD/transcriptions/EWD08xx/EWD808.html", likes: 12, __v: 0 } ] beforeEach(async () => { await Blog.deleteMany({}) let blogObject = new Blog(initialBlogs[0]) await blogObject.save() blogObject = new Blog(initialBlogs[1]) await blogObject.save() }) test('add new blog to database', async () => { await api.post('/api/blogs',initialBlogs[2]) const res = await api.get('/api/blogs') expect(res.body).toHaveLength(3) },100000) afterAll(() => { mongoose.connection.close() })
f5e699db9996dac8d7927e670413caec082c8041
[ "JavaScript" ]
5
JavaScript
hussnaindev/part4
e70260d9a22e945b39b191acba6e6148ea622917
87ef79b173f2af19baa944b71d3710016e029711
refs/heads/master
<repo_name>parismichelle/mixedmessages<file_sep>/README.md # Random compliment generator Generates random compliments. ## Motivation Created to satisfy Portfolio Project 1 for beginning and intermediate Javascript modules on Codecademy. ## Language Javascript ES6 <file_sep>/main.js /* Sentence structure: You are as --- as a --- preposition ---. You are more --- than a --- preposition ---. You are --- like a --- preposition ---. */ const shell = [['You are as ', 'ADJECTIVE', ' as a ', 'FIRSTNOUN', ' ', 'PREPOSITION', ' ', 'LASTNOUN', '.'], ['You are more ', 'ADJECTIVE', ' than a ', 'FIRSTNOUN', ' ', 'PREPOSITION', ' ', 'LASTNOUN', '.'], ['You are ', 'ADJECTIVE', ' like a ', 'FIRSTNOUN', ' ', 'PREPOSITION', ' ', 'LASTNOUN', '.']]; const adjective = ['beautiful', 'intelligent', 'smart', 'radiant', 'pretty', 'handsome', 'incredible', 'funny', 'magnificent', 'gorgeous', 'amazing', 'attractive', 'awesome', 'brilliant', 'charming', 'courageous', 'delightful', 'elegant', 'enchanting', 'exquisite', 'extraordinary', 'graceful', 'impressive', 'lovely', 'perfect', 'stunning', 'talented', 'trustworthy', 'strong', 'cute']; const firstNoun = ['manatee', 'sunflower', 'rose', 'daisy', 'dolphin', 'kitten', 'giraffe', 'diamond', 'flamingo', 'bobcat', 'lion', 'tiger', 'swan', 'cup of tea', 'mug of cocoa', 'cup of coffee', 'slice of cake', 'piece of pie', 'book', 'bouquet of flowers', 'bear', 'bird', 'owl', 'butterfly', 'tree', 'fox', 'bumble bee', 'duck', 'goat', 'unicorn', 'hippo', 'walrus', 'cupcake', 'mouse', 'rocket', 'palm tree', 'sailboat', 'bowl of icecream']; const preposition = ['in the', 'at', 'on a']; const lastNounIn = ['moonlight', 'sunlight', 'sunshine', 'ocean', 'wind', 'kitchen', 'garden', 'daytime', 'morning', 'summer', 'snow', 'winter', 'autumn', 'spring', 'sky', 'forest', 'bathtub', 'library', 'park', 'bedroom', 'jungle', 'desert']; const lastNounAt = ['sunset', 'night', 'midday', 'bedtime', 'the beach', 'the lake', 'home', 'the library', 'a restaurant', 'tea time', 'a sleepover', 'breakfast', 'midnight', 'dawn', 'noon', 'daybreak', 'high tide', 'a party', 'the ballet', 'a picnic']; const lastNounOn = ['Friday night', 'Sunday morning', 'Monday afternoon', 'summer evening', 'winter day', 'sunny morning', 'vacation', 'table', 'shelf', 'Hawaiian island', 'holiday', 'boat', 'mountain', 'weekend', 'beach'] //generates a random number based on the length of an array const randNumGen = arr => { let num = Math.floor(Math.random() * arr.length); return num; } let compliment = []; //functions to assist in locating sentence elements const isAdjective = (element) => element === 'ADJECTIVE'; const isFirstNoun = (element) => element === 'FIRSTNOUN'; const isPreposition = (element) => element === 'PREPOSITION'; const isLastNoun = (element) => element === 'LASTNOUN'; //generates a random compliment by randomly selecting components of arrays const complimentGenerator = () => { //choose a sentence shell compliment = shell[randNumGen(shell)]; //select adjective let adjectiveIndex = compliment.findIndex(isAdjective); compliment.splice(adjectiveIndex, 1, adjective[randNumGen(adjective)]); //select first noun let firstNounIndex = compliment.findIndex(isFirstNoun); compliment.splice(firstNounIndex, 1, firstNoun[randNumGen(firstNoun)]); //select preposition let prepositionIndex = compliment.findIndex(isPreposition); compliment.splice(prepositionIndex, 1, preposition[randNumGen(preposition)]); //select last noun based on preposition let lastNounIndex = compliment.findIndex(isLastNoun); if(compliment.includes('in the')){ compliment.splice(lastNounIndex, 1, lastNounIn[randNumGen(lastNounIn)]); } else if (compliment.includes('at')){ compliment.splice(lastNounIndex, 1, lastNounAt[randNumGen(lastNounAt)]); } else { compliment.splice(lastNounIndex, 1, lastNounOn[randNumGen(lastNounOn)]); }; return compliment; } console.log(complimentGenerator().join(''));
bd92889461490e576d15aeec148906f51a867a41
[ "Markdown", "JavaScript" ]
2
Markdown
parismichelle/mixedmessages
75c929aca939166d1c389bff4253f6c09f6f59bc
6691f8455c8366c28cfff815b1dce25177dd4d85
refs/heads/main
<file_sep>enum PusherStatus { CONNECTING, CONNECTED, UNAVAILABLE, FAILED } export default PusherStatus <file_sep>import { NextApiRequest, NextApiResponse } from 'next' import { MongoClient, Db } from 'mongodb' import Pusher from 'pusher' import never from 'never' import Events from '../../lib/Events' import listChannel from '../../lib/listChannel' const db = process.env.NODE_ENV === 'production' ? 'production' : 'dev' // eslint-disable-next-line @typescript-eslint/restrict-template-expressions const uri = `mongodb+srv://${process.env.MONGODB_USERNAME}:${process.env.MONGODB_PASSWORD}@${process.env.MONGODB_DOMAIN}.mongodb.net/${db}` let cachedDb: Db const getDb = async (): Promise<Db> => { if (cachedDb !== undefined) { return cachedDb } const client = new MongoClient(uri) await client.connect() cachedDb = client.db(db) return cachedDb } interface Item { item: string } let _pusher: Pusher const getPusher = (): Pusher => _pusher ?? (_pusher = new Pusher({ appId: process.env.PUSHER_APP_ID ?? never(), key: process.env.PUSHER_KEY ?? never(), secret: process.env.PUSHER_SECRET ?? never(), cluster: process.env.PUSHER_CLUSTER ?? never(), useTLS: true })) export default async (req: NextApiRequest, res: NextApiResponse): Promise<void> => { const db = await getDb() const collection = db.collection('list') if (req.method === 'GET') { const list = await collection.find<Item>({}, {}).toArray() res.json(list.map(({ item }) => item)) } else if (req.method === 'POST') { if (typeof req.body !== 'string') { res.status(400).end() return } const item = req.body.trim() if (item.length === 0) { res.status(400).end() return } const result = await collection.updateOne({ item }, { $setOnInsert: { item } }, { upsert: true }) await getPusher().trigger(listChannel, Events.POST.toString(), item) res.status(result.upsertedCount === 1 ? 201 : 409).end() } else if (req.method === 'DELETE') { if (typeof req.query.item !== 'string') { res.status(400) return } const item = req.query.item.trim() if (item.length === 0) { res.status(400).end() } if ((await collection.deleteOne({ item })).deletedCount !== 1) res.status(404) await getPusher().trigger(listChannel, Events.DELETE.toString(), item) res.end() } else res.status(405).end() } <file_sep>const listChannel = 'list' export default listChannel <file_sep>import 'antd/dist/antd.css' import 'react-pulse-dot/dist/index.css' const App = ({ Component, pageProps }) => <Component {...pageProps} /> export default App <file_sep>enum Events { POST, DELETE } export default Events <file_sep>// Copied from https://nextjs.org/docs/api-reference/next.config.js/ignoring-eslint module.exports = { eslint: { // Warning: Dangerously allow production builds to successfully complete even if // your project has ESLint errors. ignoreDuringBuilds: true } }
758bd86e75f68330f4bbfaf0503711b6f17c1538
[ "JavaScript", "TypeScript" ]
6
TypeScript
ChocolateLoverRaj/vercel-app
538d2a6688704b6ee067103b299856b236ccc98d
b61afe86ac4376afd3b3a661fa16c0ad1aee3fac
refs/heads/master
<file_sep>#!/usr/bin/env python # -- coding: utf-8 -- """ budget.py a Flask web app for the natural science budget <NAME> | cs.marlboro.edu | MIT License """ from flask import Flask, render_template app = Flask(__name__) @app.route('/') def index(): return render_template('index.html') if __name__ == '__main__': app.run(debug = True, port = 8090, host = '0.0.0.0') <file_sep>--- SQLite database tables for Natural Science Budget CREATE TABLE User ( user_id INTEGER PRIMARY KEY NOT NULL, username TEXT NOT NULL, name TEXT NOT NULL ); CREATE TABLE Vendor ( vendor_id INTEGER PRIMARY KEY NOT NULL, name TEXT NOT NULL, url TEXT NOT NULL DEFAULT "", address TEXT NOT NULL DEFAULT "", phone TEXT NOT NULL DEFAULT "" ); --- money amounts in pennies (ugh, but it's standard practice) CREATE TABLE PO ( po_id INTEGER PRIMARY KEY NOT NULL, amount INTEGER NOT NULL, date TEXT, note TEXT NOT NULL DEFAULT "", user_id INTEGER NOT NULL CONSTRAINT fk_user_id REFERENCES User(user_id), vendor_id INTEGER NOT NULL CONSTRAINT fk_vendor_id REFERENCES Vendor(vendor_id) ); <file_sep>NaturalScienceBudget ==================== Managing the science faculty's purchases (Sep 2 2014 in Web Coding class, example flasky web app) <file_sep>-- enough data to test it INSERT INTO User VALUES(1, 'college', ''); INSERT INTO User VALUES(2, 'john', '<NAME>'); INSERT INTO User VALUES(3, 'jane', '<NAME>'); INSERT INTO Vendor VALUES(1, 'bookkeeping', '', '', ''); INSERT INTO Vendor VALUES(2, 'Acme Supply', 'http://fake.com', '22 Nowhere US', '000 123 1234'); INSERT INTO Vendor VALUES(3, 'Amazon', 'http://amazon.com', '', ''); INSERT INTO PO VALUES(1, -1000000, '2014-01-01', '2014 budget', 1, 1); INSERT INTO PO VALUES(2, 50000, '2014-02-01', 'bio stuff', 2, 3); <file_sep># history.md Natural Science Budget A Flask web app for managing natural science faculty purchasing ## Sep 2 2014 Setting up the project. Same stuff as the recent "Planet Express" project. <file_sep>#!/bin/sh # # create and populate the database # sqlite3 budget.db < create_budget.sql sqlite3 budget.db < populate_budget.sql
5b5726a69a4b7a474582626e50a62c38b1e8d612
[ "Markdown", "SQL", "Python", "Shell" ]
6
Python
MarlboroCollegeComputerScience/NaturalScienceBudget
034f153bfd7420026adfa021c61c4c4ab265cb2a
2751a70480ed0064cbdc9d7f7a4c1c11e183e810
refs/heads/master
<repo_name>MintYiqingchen/MVCC-STM<file_sep>/include/TxManager.h // // Created by mintyi on 6/3/20. // #ifndef STM_TXMANAGER_H #define STM_TXMANAGER_H #include <set> #include <mutex> class TxManager { static std::mutex& getMtx() { static std::mutex mtx; return mtx; } static std::set<long>& getActiveStamps() { static std::set<long> active_stamps; return active_stamps; } public: static void add(long stamp) { std::lock_guard<std::mutex> lk(getMtx()); getActiveStamps().insert(stamp); } static void remove(long stamp) { std::lock_guard<std::mutex> lk(getMtx()); getActiveStamps().erase(stamp); } static long smallest(){ std::lock_guard<std::mutex> lk(getMtx()); if(getActiveStamps().empty()) return -1; return *getActiveStamps().begin(); } }; #endif //STM_TXMANAGER_H <file_sep>/stm3.cpp // // Created by mintyi on 6/8/20. // #include <thread> #include <iostream> #include <chrono> #include <memory> #include "benchmark/bitset.h" #include "lockObject.hpp" #include "mvccLockObject.hpp" constexpr int ITERATION = 40000; constexpr int SIZE = 4000; using namespace std; void _remove_benchmark(int start, shared_ptr<Bitset> myset) { for(int i = 0; i < ITERATION; ++ i) { myset->reset(start); start += 2; if(start >= SIZE) start %= SIZE; } } void _contains_benchmark(int start, shared_ptr<Bitset> myset) { for(int i = 0; i < ITERATION; ++ i) { myset->test(start); start += 2; if(start >= SIZE) start %= SIZE; } } void _put_benchmark(int start, shared_ptr<Bitset> myset) { for(int i = 0; i < ITERATION; ++ i) { myset->set(start); start += 2; if(start >= SIZE) start %= SIZE; } } void _hybrid_benchmark(int start, shared_ptr<Bitset> myset) { _put_benchmark(start, myset); _contains_benchmark(start + 1, myset); _remove_benchmark(start + 2, myset); } void hybrid_benchmark(int write_num, int read_num, shared_ptr<Bitset> myset) { auto start = chrono::system_clock::now(); vector<thread> threads; for(int i = 0; i < write_num; ++ i){ threads.emplace_back(_put_benchmark, i, myset); } for(int i = 0; i < read_num; ++ i) { threads.emplace_back(_contains_benchmark, i + write_num, myset); } for(int i = 0; i < write_num; ++ i) { threads.emplace_back(_remove_benchmark, i + write_num + read_num, myset); } for(int i = 0; i < threads.size(); ++ i) threads[i].join(); auto end = chrono::system_clock::now(); auto duration = chrono::duration_cast<chrono::milliseconds>(end - start); cout << "hybrid,"<< duration.count() << "," << (write_num*2+read_num) * ITERATION << endl; } int main(int argc, char** argv) { if(argc < 4) { cout << "usage: ./stm3 {base_stm|mvcc_stm} write_num read_num\n"; cout << "example ./stm3 mvcc_stm 1 14" << endl; return 0; } int write_num = atoi(argv[2]); int read_num = atoi(argv[3]); if(string_view(argv[1]) == "base_stm"){ shared_ptr<Bitset> myset(new STMBitset<Transaction, LockObject>(SIZE)); hybrid_benchmark(write_num, read_num, myset); myset.reset(new STMBitset<Transaction, LockObject>(SIZE)); } else if(string_view(argv[1]) == "mvcc_stm"){ shared_ptr<Bitset> myset(new STMBitset<MVCCTransaction, MVCCLockObject>(SIZE)); hybrid_benchmark(write_num, read_num, myset); myset.reset(new STMBitset<MVCCTransaction, MVCCLockObject>(SIZE)); } } <file_sep>/README.md # MVCC-STM ## How to run ```Bash $> mkdir build && cd build $> cmake .. $> make $> cd .. # run benchmark script $> ./test.sh mvcc_stm4.log ./build/stm4 mvcc_stm ``` ## Benchmark The baseline algorithm comes from [Transactional Locking II](https://www.researchgate.net/publication/221234195_Transactional_Locking_II). The program is running on a 24-core debian system. ![benchmark](images/benchmark.png) ## Algorithm~ ![example](images/example.png) ### Psuedocode ``` Transaction.read(O): Find predecessor P whose WS <= TS(Transaction) Update RS(P)=max( RS(P), TS(Transaction) ) return P.value~ Transaction.write(O, value): Create a new version V, set WS(V)=RS(V)=TS(Transaction) Set V.value = value Add V into the local writeSet Transaction.commit(): For all V in writeSet: find P = predecessor(V), try to lock P For all V in writeSet: validate(P, V): RS(P) <= WS(V) For all V in writeSet: insert V after P ``` # Acknowledge Thanks for [<NAME>](https://github.com/xanderzeng) for his contribution!!!<file_sep>/include/mvccLockObject.hpp #ifndef _MVCCLOCKOBJECT_H_ #define _MVCCLOCKOBJECT_H_ #include <atomic> #include <mutex> #include "mvccTransaction.h" #include "LockableList.h" using namespace std; class MVCCTransaction; template<typename T> struct Version: public LockableNode { T _data; explicit Version(T x, long rstamp = -1, long wstamp = -1):_data(x){ _read_stamp = rstamp; _write_stamp = wstamp; } }; template<typename T> class MVCCLockObject: public LockableList { Version<T>* latest; public: explicit MVCCLockObject(T data){ // initialize first version Version<T>* v = new Version<T>(data); insert_after(head, v); latest = v; } int read(MVCCTransaction& transaction, T& res) { // read is always satisfied // first read from write set auto &writeSet = transaction.getWriteSet(); if(writeSet.count((void*)this) > 0) { // read local version res = any_cast<T>(writeSet[(void*)this].localValue); return 0; } Version<T>* v = (Version<T>*)(predecessor(transaction.getTimestamp())); // get lock { lock_guard<timed_mutex> lk(v->_mtx); res = v->_data; v->updateRstamp(transaction.getTimestamp()); } return 0; } int write(MVCCTransaction& transaction, T val) { auto& writeSet = transaction.getWriteSet(); if(writeSet.count((void*)this) > 0) { // set local version writeSet[(void*)this].localValue = make_any<T>(val); return 0; } // create a new Pack writeSet[(void*)this] = {this, make_any<T>(val)}; return 0; } bool commit(const any& val, long tstamp, LockableNode* pred) override { // must be called after get pred locked if(!pred->validate(tstamp)) return false; T x = any_cast<T>(val); Version<T>* node = new Version<T>(x, tstamp, tstamp); if(pred == latest) latest = node; insert_after(pred, node); return true; } void garbage_collect() override { if(head->next == latest) { return; } unique_lock<timed_mutex> lk1, lk2; LockableNode* next = head->next; if(!head->tryLock(500, 0, lk1)) return; if(!next->tryLock(500, 0, lk2)) return; if(head->next != next || next == latest || next == tail) return; if(next->next == tail) return; if(next->next->getWstamp() <= TxManager::smallest()) { head->next = next->next; delete next; } }; T getValue() const { lock_guard<timed_mutex> lk(latest->_mtx); return latest->_data; } long getStamp() const { lock_guard<timed_mutex> lk(latest->_mtx); return latest->getWstamp(); } }; #endif<file_sep>/include/transaction.h #ifndef _TRANSACTION_H_ #define _TRANSACTION_H_ #include <atomic> #include <memory> #include <unordered_map> #include <mutex> #include <any> #include <vector> #include "Lockable.h" using namespace std; class Transaction{ struct Pack { Lockable* ptr; any localValue; }; long start_stamp, commit_stamp{-1}; unordered_map<void*, Pack> writeSet, readSet; // object address -> the local value public: enum Status {ABORTED,ACTIVE,COMMITTED}; static atomic_long GLOBAL_CLOCK; Transaction(); ~Transaction(); Status getStatus(); bool commit(); bool abort(); unordered_map<void*, Pack>& getReadSet() {return readSet; }; unordered_map<void*, Pack>& getWriteSet() {return writeSet; }; long getTimestamp() const {return start_stamp; }; long getCommitStamp() const {return commit_stamp;} private: Status status; }; #endif<file_sep>/lib/mvccTransaction.cpp #include "mvccTransaction.h" #include <vector> using namespace std; atomic_long MVCCTransaction::GLOBAL_CLOCK{0}; MVCCTransaction::MVCCTransaction(){ start_stamp = GLOBAL_CLOCK.fetch_add(1) + 1; status = Status::ACTIVE; TxManager::add(start_stamp); } MVCCTransaction::~MVCCTransaction() { try { if(!commit()) abort(); } catch (...) { abort(); } } MVCCTransaction::Status MVCCTransaction::getStatus(){ return status; } bool MVCCTransaction::commit(){ if(status == Status::ACTIVE) { // lock all in writeset { vector<unique_lock<timed_mutex>> lks; // RAII vector<pair<LockableList *, LockableNode *>> predecessors; vector<any> values; for (auto &p: writeSet) { predecessors.emplace_back(p.second.ptr, p.second.ptr->predecessor(start_stamp)); values.push_back(p.second.localValue); lks.emplace_back(); if (!predecessors.back().second->tryLock(500, start_stamp, lks.back())) { return false; } } for (int i = 0; i < values.size(); ++i) { if (!predecessors[i].first->commit(values[i], start_stamp, predecessors[i].second)) return false; } status = Status::COMMITTED; } // TxManager::remove(start_stamp); // for(auto& p: writeSet){ // p.second.ptr->garbage_collect(); // } writeSet.clear(); } return status == Status::COMMITTED; } bool MVCCTransaction::abort(){ if(status == Status::ACTIVE) { status = Status::ABORTED; // TxManager::remove(start_stamp); // for(auto& p: writeSet){ // p.second.ptr->garbage_collect(); // } writeSet.clear(); } return true; // no matter what happen just return true } <file_sep>/test.sh OUTPUT_NAME=$1; EXE_NAME=$2; STM_TYPE=$3 echo "" > $OUTPUT_NAME; for i in {1..4} ; do for j in {1..32} ; do echo "head,$STM_TYPE,$i,$j" >> $OUTPUT_NAME; $EXE_NAME $STM_TYPE $i $j >> $OUTPUT_NAME; done done <file_sep>/lib/CMakeLists.txt aux_source_directory(. DIR_LIB_SRCS) add_library(STMLibs ${DIR_LIB_SRCS})<file_sep>/stm1.cpp // // Created by mintyi on 5/30/20. // #include <thread> #include "transaction.h" #include "lockObject.hpp" #include <vector> #include <iostream> using namespace std; LockObject<int> A{200}, B{250}, C{100}; constexpr int CHANGE = 200; mutex printMtx; void report_status(Transaction& t) { lock_guard<mutex> lk(printMtx); cout << this_thread::get_id() << " report:"; cout << " status: " << t.getStatus() << " ts "<<t.getTimestamp() << " cs "<<t.getCommitStamp(); cout << " A: "<< A.getValue() << " ts "<<A.getStamp(); cout << " B: " << B.getValue() << " ts "<<B.getStamp(); cout << " C: " << C.getValue() << " ts "<<C.getStamp() << endl; } void worker1() { Transaction transaction; // start a transaction int a, b, c; // a -> b -> c -> a if (A.read(transaction, a) != 0 || B.read(transaction, b) != 0) { transaction.abort(); goto final; } if (a >= CHANGE) { if (B.write(transaction, b + CHANGE) || A.write(transaction, a - CHANGE)) { transaction.abort(); goto final; } } else { transaction.abort(); goto final; } if (C.read(transaction, c) != 0 || B.read(transaction, b) != 0) { transaction.abort(); goto final; } if (b >= CHANGE) { if (B.write(transaction, b - CHANGE) || C.write(transaction, c + CHANGE)){ transaction.abort(); goto final; } } else { transaction.abort(); goto final; } if (A.read(transaction, a) != 0 || C.read(transaction, c) != 0) { transaction.abort(); goto final; } if (c >= CHANGE) { if (A.write(transaction, a + CHANGE) || C.write(transaction, c - CHANGE)){ transaction.abort(); goto final; } } else { transaction.abort(); goto final; } transaction.commit(); final: report_status(transaction); } constexpr int THREAD_NUM = 32; LockObject sVec1{std::vector<char>(THREAD_NUM, 0)}; LockObject sVec2{std::vector<char>(THREAD_NUM, 0)}; atomic_uint success{0}; atomic_uint fail{0}; void readTransaction() { Transaction t; vector<char> local; if(sVec1.read(t, local) != 0) { fail++; return; } if(sVec2.read(t, local) != 0){ fail++; return; } this_thread::sleep_for(chrono::milliseconds(200)); if(t.commit()){ success++; return; } fail++; } void writeTransaction1(int i) { Transaction t; vector<char> local; if(sVec1.read(t, local) != 0) { fail++; return; } int pos = i % local.size(); local[pos] = i; sVec2.write(t, local); if(t.commit()){ success++; return; } fail++; } int main(int argc, char** argv) { vector<thread> threads; for(int i = 0; i < THREAD_NUM; ++ i) { if(i % 2 == 0) threads.emplace_back(writeTransaction1, i); threads.emplace_back(readTransaction); } for(thread& t: threads) t.join(); cout << "finish" << endl; cout << success.load() << " " << fail.load() << endl; } <file_sep>/lib/transaction.cpp #include "transaction.h" atomic_long Transaction::GLOBAL_CLOCK{0}; Transaction::Transaction(){ start_stamp = GLOBAL_CLOCK.load(); status = Status::ACTIVE; } Transaction::~Transaction() { try { if(!commit()) abort(); } catch (...) { abort(); } } Transaction::Status Transaction::getStatus(){ return status; } bool Transaction::commit(){ if(status == Status::ACTIVE) { // lock objects in writeSet vector<LockHelper> lks; // RAII for(auto& p: writeSet) { lks.emplace_back(); if(!(p.second.ptr)->tryLock(500, start_stamp, lks.back())) { return false; } } // get timestamp commit_stamp = GLOBAL_CLOCK.fetch_add(1) + 1; // check read set if(commit_stamp > start_stamp + 1) { for(auto& p: readSet) { if(!p.second.ptr->validate(*this)) return false; } } // update all write value for(auto& p: writeSet) { p.second.ptr->commit(p.second.localValue, commit_stamp); } status = Status::COMMITTED; readSet.clear(); writeSet.clear(); } return status == Status::COMMITTED; } bool Transaction::abort(){ if(status == Status::ACTIVE) { status = Status::ABORTED; readSet.clear(); writeSet.clear(); } return true; // no matter what happen just return true } <file_sep>/benchmark/bitset.h // // Created by mintyi on 6/8/20. // #ifndef STM_BITSET_H #define STM_BITSET_H #include <mutex> #include <memory> #include <vector> using namespace std; class Bitset { public: virtual void set(unsigned i) = 0; virtual bool test(unsigned i) = 0; virtual void reset(unsigned i) = 0; virtual bool trySet(unsigned i) { set(i); return true; } virtual bool tryTest(unsigned i, bool& res) { res = test(i); return true; } virtual bool tryReset(unsigned i) { reset(i); return true; } }; class SimpleBitset: public Bitset { vector<char> _vec; vector<unique_ptr<mutex>> lks; public: SimpleBitset(size_t size) { auto s = size / (sizeof(char) * 8) + 1; _vec.resize(s, 0); lks.reserve(s); for(auto i = 0; i < s; ++ i){ lks.emplace_back(new mutex); } } void set(unsigned i) override { auto idx = i / (sizeof(char) * 8); auto posi = i % (sizeof(char) * 8); lock_guard<mutex> lk(*lks[idx]); _vec[idx] |= (1 << posi); } bool test(unsigned i) override { auto idx = i / (sizeof(char) * 8); auto posi = i % (sizeof(char) * 8); lock_guard<mutex> lk(*lks[idx]); return (_vec[idx] & (1<<posi)) != 0; } void reset(unsigned i) override { auto idx = i / (sizeof(char) * 8); auto posi = i % (sizeof(char) * 8); lock_guard<mutex> lk(*lks[idx]); _vec[idx] &= ~(1 << posi); } }; template<typename TX, template<typename> typename TO> class STMBitset: public Bitset { vector<shared_ptr<TO<char>>> _vec; long backoff; public: STMBitset(std::size_t size, long backoff = 100) { this->backoff = backoff; auto s = size / (sizeof(char) * 8) + 1; _vec.reserve(s); for(auto i = 0; i < s; ++ i){ _vec.emplace_back(new TO<char>(0)); } } bool trySet(unsigned i) override { auto idx = i / (sizeof(char) * 8); auto posi = i % (sizeof(char) * 8); char c = 0; TX t; if(_vec[idx]->read(t, c) != 0) { return false; } c |= (1 << posi); if(_vec[idx]->write(t, c) != 0) { return false; } return t.commit(); } void set(unsigned i) override { while(true) { if(trySet(i)) break; this_thread::sleep_for(chrono::microseconds(backoff)); } } bool tryTest(unsigned i, bool &res) { auto idx = i / (sizeof(char) * 8); auto posi = i % (sizeof(char) * 8); char c; TX t; if(_vec[idx]->read(t, c) != 0) { return false; } if(!t.commit()) { return false; } res = (c & (1<<posi)) != 0; return true; } bool test(unsigned i) override { bool res = false; while(true) { if(tryTest(i, res)) break; this_thread::sleep_for(chrono::microseconds(backoff)); } return res; } bool tryReset(unsigned i) override { auto idx = i / (sizeof(char) * 8); auto posi = i % (sizeof(char) * 8); char c; TX t; if(_vec[idx]->read(t, c) != 0) { return false; } c &= ~(1 << posi); if(_vec[idx]->write(t, c) != 0) { return false; } return t.commit(); } void reset(unsigned i) override { while(true) { if(tryReset(i)) break; this_thread::sleep_for(chrono::microseconds(backoff)); } } }; #endif //STM_BITSET_H <file_sep>/include/mvccTransaction.h #ifndef _MVCCTRANSACTION_H_ #define _MVCCTRANSACTION_H_ #include <atomic> #include <memory> #include <map> #include <unordered_map> #include "LockableList.h" #include "TxManager.h" #include <any> #include <set> using namespace std; class MVCCTransaction{ struct Pack { LockableList* ptr; any localValue; }; long start_stamp; // indicate serialization order // object address -> the local value // ordered by address -> avoid deadlock map<void*, Pack> writeSet; public: enum Status {ABORTED,ACTIVE,COMMITTED}; static atomic_long GLOBAL_CLOCK; MVCCTransaction(); ~MVCCTransaction(); Status getStatus(); bool commit(); bool abort(); map<void*, Pack>& getWriteSet() {return writeSet; }; long getTimestamp() const {return start_stamp; }; private: Status status; }; #endif<file_sep>/lib/Lockable.cpp // // Created by mintyi on 6/2/20. // #include "Lockable.h" void Lockable::unlock() { lock_guard<mutex> lk(latch); if(locked) { objMtx.unlock(); locked = false; } } bool Lockable::tryLock(const long &mils, long lock_tid, LockHelper &helper) { lock_guard<mutex> lk(latch); if(!objMtx.try_lock_for(chrono::milliseconds(mils))) return false; locked = true; lock_stamp = lock_tid; helper = LockHelper(this); return true; } bool Lockable::isLockedBy(long tid) const {return lock_stamp == tid;} bool Lockable::isLocked(){ lock_guard<mutex> lk(latch); return locked; } <file_sep>/include/Lockable.h // // Created by mintyi on 6/2/20. // #ifndef STM_LOCKABLE_H #define STM_LOCKABLE_H #include <mutex> #include <any> using namespace std; struct LockHelper; class Transaction; class Lockable { protected: bool locked = false; long lock_stamp{-1}; mutex latch; timed_mutex objMtx; friend struct LockHelper; public: void unlock(); bool tryLock(const long& mils, long lock_tid, LockHelper& helper); bool isLockedBy(long tid) const; bool isLocked(); virtual void commit(const any& value, long new_stamp) = 0; virtual bool validate(Transaction& t) = 0; }; struct LockHelper { Lockable* obj; LockHelper():obj(nullptr){}; explicit LockHelper(Lockable* obj) { this->obj = obj; } LockHelper(LockHelper&& other) noexcept { obj = other.obj; other.obj = nullptr; } LockHelper& operator = (LockHelper&& other) noexcept { obj = other.obj; other.obj = nullptr; return *this; } ~LockHelper() { if(obj != nullptr){ obj->unlock(); } } }; #endif //STM_LOCKABLE_H <file_sep>/include/LockableList.h // // Created by mintyi on 6/3/20. // #ifndef STM_LOCKABLELIST_H #define STM_LOCKABLELIST_H #include <mutex> #include <any> class LockableNode { public: void updateRstamp(long s); long getWstamp() const{ return _write_stamp;}; long getRstamp() const{ return _read_stamp;}; bool validate(long tstamp); std::timed_mutex _mtx; std::mutex latch; LockableNode* next = nullptr; bool tryLock(long mils, long tstamp, std::unique_lock<std::timed_mutex>&); protected: long _write_stamp{-1}; long _read_stamp{-1}; }; class LockableList { // an optimistic linked list protected: LockableNode* const head = new LockableNode(); // dummy head LockableNode* const tail = new LockableNode(); // dummy tail public: LockableList() { head->next = tail; } // find the version of Node whose write stamp is largest one less than or equal to tstamp LockableNode* predecessor(long tstamp); // insert newNode after predecessor int insert_after(LockableNode* predecessor, LockableNode* newNode); ~LockableList(); // commit a new version to the list virtual bool commit(const std::any&, long tstamp, LockableNode* pred) = 0; virtual void garbage_collect() = 0; }; #endif <file_sep>/lib/LockableList.cpp // // Created by mintyi on 6/3/20. // #include "LockableList.h" #include "TxManager.h" using namespace std; bool LockableNode::tryLock(long mils, long tstamp, unique_lock<timed_mutex> &lk) { lk = unique_lock<timed_mutex>(_mtx, defer_lock); if(!lk.try_lock_for(chrono::milliseconds(mils))) return false; return true; } bool LockableNode::validate(long tstamp) { // must be validate after acquire lock return _read_stamp <= tstamp; } void LockableNode::updateRstamp(long s) { lock_guard<mutex> lk(latch); if(_read_stamp < s) _read_stamp = s; } LockableList::~LockableList() { LockableNode* curr = head; LockableNode* next; while(curr != nullptr){ next = curr->next; delete curr; curr = next; } } LockableNode *LockableList::predecessor(long tstamp) { LockableNode* curr = head; while(curr->next != tail){ if(curr->next->getWstamp() <= tstamp) curr = curr->next; else break; } return curr; } int LockableList::insert_after(LockableNode *pre, LockableNode *newNode) { // must be invoked after acquire pre's wlock and pre->next's wlock!!! newNode->next = pre->next; pre->next = newNode; return 0; } <file_sep>/include/lockObject.hpp #ifndef _LOCKOBJECT_H_ #define _LOCKOBJECT_H_ #include <atomic> #include <mutex> #include "transaction.h" #include "Lockable.h" using namespace std; template<typename T> class LockObject: public Lockable { public: explicit LockObject(T data):_data(data) {}; LockObject(LockObject<T>&& other) { swap(_data, other._data); swap(write_stamp, other.write_stamp); } int read(Transaction& transaction, T& res) { auto& readSet = transaction.getReadSet(); auto& writeSet = transaction.getWriteSet(); if(writeSet.count((void*)this) > 0) { // read local version res = any_cast<T>(writeSet[(void*)this].localValue); return 0; } if(isLocked()) { // maybe changed by other thread transaction.abort(); return -1; } { lock_guard<mutex> lk(data_latch); res = _data; } readSet[(void*)this] = {this, make_any<T>(res)}; return 0; } int write(Transaction& transaction, const T& res) { auto& writeSet = transaction.getWriteSet(); if(writeSet.count((void*)this) > 0) { // set local version writeSet[(void*)this].localValue = res; return 0; } if(isLocked()) { transaction.abort(); return -1; } writeSet[(void*)this] = {this, make_any<T>(res)}; return 0; } void commit(const any& value, long new_stamp) override { // must already be locked before this function write_stamp = new_stamp; _data = any_cast<T>(value); } bool validate(Transaction& t) override { bool free = !isLocked() || isLockedBy(t.getTimestamp()); bool pure = t.getTimestamp() > write_stamp; return free && pure; } T getValue() const {return _data;} long getStamp() const {return write_stamp;} protected: long write_stamp{-1}; mutex data_latch; // short period lock, must acquired when change isLocked T _data; }; #endif
51bc5f2ff1545e345b111cfe9b9533f222f0d19a
[ "Markdown", "CMake", "C++", "Shell" ]
17
C++
MintYiqingchen/MVCC-STM
16005258b89e54947aa8a4331044aa7b77508b2a
582ffb30660937a12a80de71f0f708a85616fcd4
refs/heads/master
<file_sep># PWA-phase-2 resume building <file_sep>var cache1 = "c1"; this.addEventListener("install",function(event){ event.waitUntil( caches.open(cache1).then(cache=>{ cache.addAll([ ]) }) ); }); this.addEventListener('fetch',function(event){ event.respondWith( caches.open(cache1).then(function(cache){ return cache.match(event.request).then(res=>{ return res || fetch(event.request).then(reqres=>{ cache.put(event.request,reqres.clone()); }) }) }) ) })
c3f851c1ff18a3781059247d033b1c6d20907278
[ "Markdown", "JavaScript" ]
2
Markdown
satyavenkat66nagam/PWA-phase-2
f0c96e95bb6e974579045bc788ebef397b09dc8f
1339053b64e36a078bbf1708b976652f1206e927
refs/heads/master
<repo_name>mserhatyuksel/park-alani<file_sep>/README.md # park-alani Demoyu görüntülemek için AkilliOtopark.exe dosyasını çalıştırın.<br> Dosyanın çalışabilmesi için yerel sunucu kurulu ve otopark adlı bir database oluşturulması gereklidir.<br> Park isimli bir table oluşturun ve içeriğini aşağıdaki gibi yapın.<br><br> <img src="images/db.jpg"><br> Sunucu için AkilliOtopark.py ve index.php dosyalarının içindeki database bağlantılarının düzenlenmesi gereklidir. **Not**: Eğer PyCharm kullanıyorsanız yeni proje açıp kodları yapıştırdıktan sonra düzenleyin.<br> Ayrıca PyCharm için File>Settings>Project:'Proje Adı'>Project Interpreter tıkladıktan sonra sağda bulunan + simgesine tıklayıp<br> opencv-python ve pymysql paketlerinin yüklenmesi gerekir.<br><br> **DEMO VİDEO**<br> [![Watch the video](https://img.youtube.com/vi/Yi0E0pPEOPw/maxresdefault.jpg)](https://youtu.be/Yi0E0pPEOPw) <file_sep>/AkilliOtopark.py import cv2 import os import pymysql as mdb import sys host = 'localhost' # Host adresi username = 'root' # Kullanıcı adı password = '' # Şifre dbname = 'otopark' # Veritabanı adı con = mdb.connect(host, username, password, dbname) # Veritabanı bağlantısı cur = con.cursor() cur.execute("SET NAMES 'utf8'") ver = cur.fetchone() cap = cv2.VideoCapture(0) while (True): os.system('cls' if os.name == 'nt' else 'clear') ret, frame = cap.read() # Kamera frame algılama gray = cv2.cvtColor(frame, cv2.COLOR_RGB2GRAY) # Griton blurred = cv2.GaussianBlur(gray, (5, 5), 0) # Görüntü düzleştirme canny = cv2.Canny(blurred, 100, 100) # Kenar belirleme cv2.imshow('Ori>Gray>Blur>Canny', canny) # Alanların belirlenmesi # img[y: y + h, x: x + w] crop_img8 = canny[40:130, 90:170] crop_img7 = canny[40:130, 205:305] crop_img6 = canny[40:130, 330:440] crop_img5 = canny[40:130, 470:555] crop_img4 = canny[150:290, 55:145] crop_img3 = canny[150:290, 185:300] crop_img2 = canny[150:290, 329:453] crop_img1 = canny[150:290, 488:575] park1 = cv2.countNonZero(crop_img1) park2 = cv2.countNonZero(crop_img2) park3 = cv2.countNonZero(crop_img3) park4 = cv2.countNonZero(crop_img4) park5 = cv2.countNonZero(crop_img5) park6 = cv2.countNonZero(crop_img6) park7 = cv2.countNonZero(crop_img7) park8 = cv2.countNonZero(crop_img8) print("1:" + str(park1)) print("2:" + str(park2)) print("3:" + str(park3)) print("4:" + str(park4)) print("5:" + str(park5)) print("6:" + str(park6)) print("7:" + str(park7)) print("8:" + str(park8)) if park1 > 200: park_yeri1 = "UPDATE `park` SET `Durum` = 'D' WHERE `park`.`ID` = 1" else: park_yeri1 = "UPDATE `park` SET `Durum` = 'B' WHERE `park`.`ID` = 1" if park2 > 200: park_yeri2 = "UPDATE `park` SET `Durum` = 'D' WHERE `park`.`ID` = 2" else: park_yeri2 = "UPDATE `park` SET `Durum` = 'B' WHERE `park`.`ID` = 2" if park3 > 200: park_yeri3 = "UPDATE `park` SET `Durum` = 'D' WHERE `park`.`ID` = 3" else: park_yeri3 = "UPDATE `park` SET `Durum` = 'B' WHERE `park`.`ID` = 3" if park4 > 200: park_yeri4 = "UPDATE `park` SET `Durum` = 'D' WHERE `park`.`ID` = 4" else: park_yeri4 = "UPDATE `park` SET `Durum` = 'B' WHERE `park`.`ID` = 4" if park5 > 200: park_yeri5 = "UPDATE `park` SET `Durum` = 'D' WHERE `park`.`ID` = 5" else: park_yeri5 = "UPDATE `park` SET `Durum` = 'B' WHERE `park`.`ID` = 5" if park6 > 200: park_yeri6 = "UPDATE `park` SET `Durum` = 'D' WHERE `park`.`ID` = 6" else: park_yeri6 = "UPDATE `park` SET `Durum` = 'B' WHERE `park`.`ID` = 6" if park7 > 200: park_yeri7 = "UPDATE `park` SET `Durum` = 'D' WHERE `park`.`ID` = 7" else: park_yeri7 = "UPDATE `park` SET `Durum` = 'B' WHERE `park`.`ID` = 7" if park8 > 200: park_yeri8 = "UPDATE `park` SET `Durum` = 'D' WHERE `park`.`ID` = 8" else: park_yeri8 = "UPDATE `park` SET `Durum` = 'B' WHERE `park`.`ID` = 8" with con: cur = con.cursor() cur.execute(park_yeri1) cur.execute(park_yeri2) cur.execute(park_yeri3) cur.execute(park_yeri4) cur.execute(park_yeri5) cur.execute(park_yeri6) cur.execute(park_yeri7) cur.execute(park_yeri8) duzCizgiFrame = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY) cv2.line(duzCizgiFrame, (83, 32), (18, 315), (255, 0, 0), 5) cv2.line(duzCizgiFrame, (196, 32), (160, 315), (255, 0, 0), 5) cv2.line(duzCizgiFrame, (321, 32), (320, 315), (255, 0, 0), 5) cv2.line(duzCizgiFrame, (442, 32), (482, 315), (255, 0, 0), 5) cv2.line(duzCizgiFrame, (551, 32), (618, 315), (255, 0, 0), 5) cv2.line(duzCizgiFrame, (45, 145), (585, 145), (255, 0, 0), 5) # OrtaÇizgi cv2.putText(duzCizgiFrame, "8", (106, 71), cv2.FONT_HERSHEY_COMPLEX_SMALL, 5, (225, 0, 0)) cv2.putText(duzCizgiFrame, "7", (220, 71), cv2.FONT_HERSHEY_COMPLEX_SMALL, 5, (225, 0, 0)) cv2.putText(duzCizgiFrame, "6", (341, 71), cv2.FONT_HERSHEY_COMPLEX_SMALL, 5, (225, 0, 0)) cv2.putText(duzCizgiFrame, "5", (468, 71), cv2.FONT_HERSHEY_COMPLEX_SMALL, 5, (225, 0, 0)) cv2.putText(duzCizgiFrame, "4", (60, 340), cv2.FONT_HERSHEY_COMPLEX_SMALL, 5, (225, 0, 0)) cv2.putText(duzCizgiFrame, "3", (212, 340), cv2.FONT_HERSHEY_COMPLEX_SMALL, 5, (225, 0, 0)) cv2.putText(duzCizgiFrame, "2", (365, 340), cv2.FONT_HERSHEY_COMPLEX_SMALL, 5, (225, 0, 0)) cv2.putText(duzCizgiFrame, "1", (512, 340), cv2.FONT_HERSHEY_COMPLEX_SMALL, 5, (225, 0, 0)) # Görüntüleme ekranı sonEkran = cv2.resize(duzCizgiFrame, (480, 380)) cv2.resizeWindow('Akilli otopark', 480, 380) cv2.imshow('Akilli otopark', sonEkran) k = cv2.waitKey(1) if k == ord("q"): break cap.release() cv2.destroyAllWindows() <file_sep>/index.php <?php $page = $_SERVER['PHP_SELF']; $sec = "2"; session_start(); $dolu = 0; ?> <html> <head> <meta http-equiv="refresh" content="<?php echo $sec?>;URL='<?php echo $page?>'"> </head> <body bgcolor="#E6E6FA"> <?php $hostname = "localhost"; $username = "root"; $password = ""; $dbname = "otopark"; $con=mysqli_connect($hostname,$username,$password,$dbname); // Bağlantı kontrolü if (mysqli_connect_errno()) { echo "MySql baglanti hatasi: " . mysqli_connect_error(); } $result = mysqli_query($con,"SELECT * FROM park"); echo "<center><table width='100%' height='100%' border='1' cellspacing='0' cellpadding='0'> <tr> <th width='30%' bgcolor='#AAAA30'>Yer</th> <th width='30%' bgcolor='#AAAA30'>Durum</th> </tr>"; while($row = mysqli_fetch_array($result)) { echo "<tr>"; echo "<td><center>" . $row['ID'] . "</center></td>"; if ($row['Durum']== "D"){ $dolu = $dolu +1; echo "<td bgcolor='#FF0000'><center>Dolu</center></td>"; } else { echo "<td bgcolor='#00FF00'><center>Boş</center></td>"; } echo "</tr>"; } echo "</table></center>"; if ($_SESSION["dolu"]== $dolu){ } else { $kalan = 8 - $dolu; //echo "<script>alert(' ".$kalan." Park alanı kaldı');</script>"; } $_SESSION["dolu"] = $dolu; mysqli_close($con); ?> </body> </html>
fd69083a75b78470318329fa2343f1eef6743a47
[ "Markdown", "Python", "PHP" ]
3
Markdown
mserhatyuksel/park-alani
9c9bd4c5b2460203f8a08a4316f42184d15dfd94
276ec2952a010cf0038968531f63f30368829c1e
refs/heads/master
<repo_name>tzelleke/theodroszelleke.com<file_sep>/user/themes/ceeveeChild/ceeveeChild.php <?php namespace Grav\Theme; use Grav\Common\Theme; class CeeveeChild extends Theme { } <file_sep>/user/pages/#.blog/blog.md --- title: Blog content: items: '@page': '/home' --- Hallo Welt!<file_sep>/user/pages/01.home/_about/about.md --- title: About --- ## About Me I am a PhD student in Computational Chemistry at [Ruhr Universität Bochum](https://ruhr-uni-bochum.de/), Germany. In my research I apply computer simulation methods to understand biomolecular reactions in proteins. Coding is my trade and I like hacking away at tools and solutions for myself and everyone. Since many years I have been a keen runner, completing 10K and half marathon races. <file_sep>/gulpfile.js var gulp = require('gulp'), requireDir = require('require-dir'), livereload = require('gulp-livereload'); requireDir('./gulptasks', {recurse: true}); gulp.task('watch', function () { livereload.listen(); gulp.watch('user/themes/ceeveeChild/css/**/*.css', function (event) { livereload.changed(event.path); }); gulp.watch('user/themes/ceeveeChild/templates/**/*.twig', function (event) { livereload.reload('index.php'); }); gulp.watch('user/pages/**', function (event) { livereload.reload('index.php'); }); });<file_sep>/user/pages/01.home/_resume/resume.md --- title: Resume education: - title: Ruhr Universität Bochum info: Ph.D. in Chemistry date: expected 2015 description: > My PhD project aims at describing structure, dynamics, and energetics of complex biomolecular systems using atomistic ab initio computer simulation techniques. In specific it focusses on a crucial proton transfer in an enzymatic reaction. - info: M.Sc. in Biochemistry date: Feb. 2011 description: > Thesis: “Computer Simulation of Methylamine Dehydrogenase”<br> Cumulative Grade: 1.0 (sehr gut) - info: B.Sc. in Biochemistry date: Sep. 2008 work: - title: rent-a-guide.de info: Web Developer (student part time) date: Oct 2014 - Present description: > I work as a full-stack developer (PHP, MySQL, front-end) for [rent-a-guide](https://rent-a-guide.com), a german startup offering online booking for individual guided tours, excursions, and sightseeing tours. programmingLanguages: title: Programming Languages description: > I have learned several programming languages, either in the context of scientific computing or web development... languages: - name: Python level: 90 - name: JavaScript level: 70 - name: PHP level: 60 - name: HTML5 & CSS3 level: 60 - name: Java level: 50 - name: C/C++ level: 50 programmingTools: title: Tools & Technologies description: > Some of the tools, frameworks and technologies that I have used over the years... tools: - AWS - JSON - SQL - AppEngine - AngularJS - NumPy - pandas - scrapy - D3 - LESS - Sass - Wordpress - jQuery - Bootstrap - Git --- <file_sep>/user/pages/01.home/_projects/projects.md --- title: Projects projects: - title: "MinEnergyPath" img: min_energy_path.jpg content: > Python tool to find "best" - minimum energy - pathes between points on a 2D energy surface. tags: Python, NumPy details_link: url: https://github.com/tzelleke/MinEnergyPath text: View on Github - title: "Website Dentist Dr. Pruess" img: za_pruess.png content: > Website build for my dentist. Just about to go online... tags: HTML5, Bootstrap, Google Maps details_link: url: http://test.theodroszelleke.com/za-pruess/ text: View online - title: "My personal website" img: my_personal_website.png content: > You are just watching it. Build using the flat-file CMS Grav. tags: PHP, Grav, Twig --- #Check Out Some of My Works. <file_sep>/gulptasks/rsync.js var gulp = require('gulp'); var shell = require('gulp-shell'); gulp.task('deploy', shell.task( 'rsync -rp --delete user 1und1:~/theodroszelleke.com/', {verbose: true} )); gulp.task('rsync:theochem', shell.task([ 'rsync -rp theochem:~/workspace/web_projects/grav-theodroszelleke.com/user .', 'rsync -rp theochem:~/workspace/web_projects/grav-theodroszelleke.com/package.json .', 'rsync -rp theochem:~/workspace/web_projects/grav-theodroszelleke.com/gulptasks .', 'rsync -rp theochem:~/workspace/web_projects/grav-theodroszelleke.com/gulpfile.js .', 'rsync -rp theochem:~/workspace/web_projects/grav-theodroszelleke.com/.gitignore .' ], {verbose: true} )); <file_sep>/user/README.md # My Grav-powered personal homepage + blog Based on the [Ceevee Skeleton](http://getgrav.org/downloads/skeletons#extras) for Grav. <file_sep>/user/pages/01.home/home.md --- title: <NAME> menu: Home content: items: @self.modular order: custom: - _about - _resume - _projects ---
387824a1ceb09a53802c2630737fa19cc2490f1a
[ "Markdown", "JavaScript", "PHP" ]
9
PHP
tzelleke/theodroszelleke.com
73a081fd7dea300b85d683002e148b59616d24ca
10ceb90d421729a333ec25352b536c811a25d1d7
refs/heads/master
<repo_name>JFoxhallASC/JaredMacCode.py<file_sep>/myLife.py from random import * import time print("welcom to Make Your Own Life! Please follow the following instructions") time.sleep(2.0) dreamSchool1 = raw_input("What is your first choice school?") dreamSchool2 = raw_input("What is your second choice school?") dreamSchool3 = raw_input("What is your third choice school?") dreamSchoolList = [dreamSchool1, dreamSchool2, dreamSchool3] wife1 = raw_input("Insert spouse option one.") wife2 = raw_input("Insert spouse option two.") wife3 = raw_input("Insert spouse option three.") wifeList = [wife1, wife2, wife3] car1 = raw_input("Insert car option one.") car2 = raw_input("Insert car option two.") car3 = raw_input("Insert car option three.") carList = [car1, car2, car3] homeLocation1 = raw_input("Insert your first home location.") homeLocation2 = raw_input("Insert your second home location.") homeLocation3 = raw_input("Insert your third home location.") homeList = [homeLocation1, homeLocation2, homeLocation3] pet1 = raw_input("Insert pet otion one.") pet2 = raw_input("Insert pet otion two.") pet3 = raw_input("Insert pet otion three.") petList = [pet1, pet2, pet3] print("All done!") time.sleep(1.0) print("calculating your future") print("...") time.sleep(4.0) print "In the future you will have an awesome life. The the young age of twenty one, you will meet a gender non-conforming partner at %s marry %s. You will subsiquently land a high profile job at Goldman Sachs, and will afford to buy a %s and a house in %s. Your wife will buy a %s and you will live a long happy life with no kids... untill the %s eats your spouse." % (choice(dreamSchoolList), choice(wifeList), choice(carList), choice(homeList), choice(petList), choice(petList)) time.sleep(2.0) print("THE END") <file_sep>/mealpricecalc.py import time price = input("put in the price of the meal here.") tax = input("put in the tax rate in decimal here.") tip = input("put in the percent tip in decimal") print "one moment please..." time.sleep(2.0) total = (price * tax + price) ammount = (total * tip + total) print "Your final price is: " time.sleep(3.0) print(ammount) <file_sep>/Jayrad.py first_code = "hello world" print first_code jared = 45 god = 5 print jared / god parrot = "Norweigian Blue" print len(parrot) cat = "the house is on fire" print cat farts = "jared is cool" print len(farts) print farts.upper() name = raw_input("What is your name?") quest = raw_input("What is your quest?") color = raw_input("What is your favorite color?") print "Ah, so your name is %s, your quest is %s, " \ "and your favorite color is %s." % (name, quest, color) verb_1 = "run" verb_2 = "jump" noun_1 = "hide" verb_3 = "kill" print "i love the way the sun %s, in the %s, it makes me so %s, i almost wat to %s, myself" % (verb_1, noun_1, verb_2, verb_3) name = "mike" print = "hi my name is %s" % (name) python.sublime-build <file_sep>/JaredLogIn.py # log in, import time import * print time print ("WELCOME!") name = raw_input("PUT YO USERNAME IN!") USERNAME = 'runthejewls' if name == (USERNAME): print ("WAIT ONE SEC LEMME CHEAK THE GUEST LIST...") time.sleep(5.0) print('...') time.sleep(3.0) print("CONGRATULATIONS. NOW ENTER YO PASSWORD!") if name != (USERNAME): print ("GET OUT MY HOUSE!") time.sleep(5.0) sys.exit() PASSWORD = raw_input("PUT YO PASSWORD IN!") PASSWORD1 = '<PASSWORD>' if PASSWORD == (PASSWORD1): time.sleep(1.5) print "WELCOME IN!" if PASSWORD != (PASSWORD1): print "wait one sec that might be the passowrd...." time.sleep(3.0) print "...wait..." time.sleep(3.0) print "SIKE YOU WOULD HAVE THOUGHT! GET YO ASS HOME!" sys.exit() <file_sep>/JaredsMadLib.py Noun_1 = raw_input("We need the first noun.") Noun_2 = raw_input("we need second nown.") Verb_1 = raw_input("gimme a goddamn verb son ") Verb_2 = raw_input("second verb my homie") Verb_3 = raw_input("lets get a gerend") Verb_4 = raw_input ("last verb son!") Adj_1 = raw_input("Describe this with an adjective") Adj_2 = raw_input("gomme another whacky adjective!") Adj_3 = raw_input("gimme that last adjective my G") #the above variables are to be filled into as raw input, and there are only 10 variables print "There once was a %s named Sally, she was a %s girl who loved to %s. One day her %s \ father brought Sally home a pet %s. Sally loved that %s. Everyday she would %s that %s \ until one day it wouldn't stop %s all over the floor! Now, Sally forced to %s all day long, wishing she could once again be %s with \ her companion." % (Noun_1, Adj_1, Verb_1, Adj_2, Noun_2, Noun_2, Verb_2, Noun_2, Verb_3, Verb_4, Adj_3)
f430525c927b5ece831c9da56ad33aada7bd5ac5
[ "Python" ]
5
Python
JFoxhallASC/JaredMacCode.py
c17dad1dc0b3426ebce4ff4e4072ef6fb571b56c
af0b1a50db2afc21d5d619be2ef60c71d48d64dd
refs/heads/master
<file_sep>import React, {Component} from 'react'; import { AppRegistry, FlatList, StyleSheet, Text, View, Image, Alert, Platform, TouchableHighlight, TouchableOpacity, ImageBackground, } from 'react-native'; import {horizontalFlatListData} from '../data/horizontalFlatListData'; import {horizontalStatus} from '../data/horizontalFlatListData'; import Icon from 'react-native-vector-icons/Ionicons'; class HorizontalFlatListItem extends Component { render() { return ( <View style={{ flex:1, flexDirection: 'column', alignItems: 'center', width:90, borderRadius: 10, borderWidth: 1, borderColor: 'grey', margin:4, }}> <Text style={{ fontSize: 16, fontWeight: 'bold', color: 'white', margin: 20, }}> {this.props.item.hour} </Text> <Icon name={(Platform.OS === 'android' ) ? this.props.item.status.ios : this.props.item.status.android } size={30} color='white' /> <Text style={{ fontSize: 16, color: 'white', margin: 10, }}> {this.props.item.degrees}°C </Text> </View> ); } }; export default class HorizontalFlatList extends Component { render() { return ( <View style= {{ flex: 1, flexDirection: 'column', marginTop: Platform.OS === 'android' ? 34: 0, }}> <View style={{ height:150}}> <FlatList style= {{ backgroundColor: 'black', opacity:0.5, }} horizontal={true} data={horizontalFlatListData} renderItem={({ item, index }) => { return ( <HorizontalFlatListItem item={item} index={index} parentFlatList={this}> </HorizontalFlatListItem> ); }} > </FlatList> </View> </View> ); } }<file_sep> var horizontalStatus = { rainy: { ios:"ios-rainy", android: "md-rainy" }, nang: "sunny", nhieumay: "md-cloud", dong: "thunderstorm", }; var horizontalFlatListData = [ { hour:"01:00", status:horizontalStatus.rainy, degrees: 25 }, { hour:"02:00", status :horizontalStatus.nhieumay, degrees: 25 }, { hour:"03:00", status :horizontalStatus.mua, degrees: 25 }, { hour:"04:00", status :horizontalStatus.nhieumay, degrees: 24 }, { hour:"05:00", status :horizontalStatus.mua, degrees: 24 }, { hour:"06:00", status :horizontalStatus.mua, degrees: 25 }, { hour:"07:00", status :horizontalStatus.dong, degrees: 26 }, { hour:"08:00", status :horizontalStatus.mua, degrees: 26 }, { hour:"09:00", status :horizontalStatus.mua, degrees: 26 }, { hour:"10:00", status :horizontalStatus.nang, degrees: 27 }, { hour:"11:00", status :horizontalStatus.nang, degrees: 28 }, { hour:"12:00", status :horizontalStatus.nang, degrees: 29 }, { hour:"13:00", status :horizontalStatus.nang, degrees: 29 }, { hour:"14:00", status :horizontalStatus.nang, degrees: 30 }, { hour:"15:00", status :horizontalStatus.nang, degrees: 30 }, { hour:"16:00", status :horizontalStatus.nang, degrees: 30 }, { hour:"17:00", status :horizontalStatus.nang, degrees: 29 }, { hour:"18:00", status :horizontalStatus.nhieumay, degrees: 28 }, { hour:"19:00", status :horizontalStatus.nhieumay, degrees: 27 }, { hour:"20:00", status :horizontalStatus.nhieumay, degrees: 27 }, { hour:"21:00", status :horizontalStatus.nhieumay, degrees: 26 }, { hour:"22:00", status :horizontalStatus.nhieumay, degrees: 26 }, { hour:"23:00", status :horizontalStatus.nhieumay, degrees: 25 }, { hour:"00:00", status :horizontalStatus.mua, degrees: 25 }, ]; export {horizontalFlatListData}; export {horizontalStatus};<file_sep>import React, { Component } from 'react'; import { AppRegistry, FlatList, StySheet, Text, View, Image, Alert, Platform, TouchableHightlight, Dimensions, TextInput } from 'react-native'; import Modal from 'react-native-modalbox'; import Button from 'react-native-button'; import flatListData from '../data/flatListDta'; var screen = Dimensions.get('window'); export default class AddModal extends Component { constructor(props){ super(props); this.state = { newName:'', newMota:'' }; } showAddModal = () => { this.refs.myModal.open(); } generaKey = (numberOfCharacters) =>{ //hàm random string key return require('random-string')({length: numberOfCharacters}); } render() { return ( <Modal ref={"myModal"} style={{ justifyContent: 'center', borderRadius: Platform.OS === 'android' ? 30 : 0, shadowRadius: 10, //bóng đổ width: screen.width -80, // rộng ngoài -80 height: 300, marginTop: 200 }} position='ceter' backdrop={true} onClosed= { () => { // alert("Modal close"); }} > <Text style={{ fontSize: 16, fontWeight: 'bold', textAlign: 'center', marginTop: 10 }}>Hồ sơ mới</Text> <TextInput style= {{ height:40, borderBottomColor: 'gray', marginLeft: 30, marginRight: 30, marginTop: 20, marginBottom: 10, marginBottomWidth: 1 }} onChangeText={(text) => this.setState({newName: text})} placeholder="<NAME>" value= {this.state.newName} /> <TextInput style= {{ height:40, borderBottomColor: 'gray', marginLeft: 30, marginRight: 30, marginTop: 20, marginBottom: 10, marginBottomWidth: 1 }} onChangeText={(text) => this.setState({newMota: text})} placeholder="<NAME>" value= {this.state.newMota} /> <Button style={{ fontSize: 18, color: 'blue' }} containerStyle={{ padding: 8, marginLeft: 70, marginRight: 70, height: 40, borderRadius: 6, backgroundColor: 'mediumseagreen' }} onPress ={ () => { if (this.state.newName.length == 0 || this.state.newMota.length ==0 ) { Alert.alert( "Thông báo", "Hãy nhập tên và Mô tả"); return; } const newkey = this.generaKey(10); const newName ={ key: newkey, name: this.state.newName, imageUrl: "https://banbuonlinhphukiendienthoai.com/wp-content/uploads/2018/09/phu-kien-moi-ve-ngay-19-8-2018.jpg", mota: this.state.newMota }; flatListData.push(newName); this.props.parentFlatList.refreshFlatList1(newkey); this.refs.myModal.close(); }} > Lưu </Button> </Modal> ) }; }<file_sep>import React, { Component } from 'react'; import { AppRegistry, FlatList, StySheet, Text, View, Image, Alert, Platform, TouchableHightlight, Dimensions, TextInput } from 'react-native'; import Modal from 'react-native-modalbox'; import Button from 'react-native-button'; import flatListData from '../data/flatListDta'; var screen = Dimensions.get('window'); export default class EditModal extends Component { constructor(props){ super(props); this.state = { editName:'', editMota:'' }; } showEditModal = (edittingName, flatListItem) => { this.setState({ key: edittingName.key, editName: edittingName.name, editMota: edittingName.mota, flatListItem: flatListItem }); this.refs.myModal.open(); } generaKey = (numberOfCharacters) =>{ //hàm random string key return require('random-string')({length: numberOfCharacters}); } render() { return ( <Modal ref={"myModal"} style={{ justifyContent: 'center', borderRadius: Platform.OS === 'android' ? 30 : 0, shadowRadius: 10, //bóng đổ width: screen.width -80, // rộng ngoài -80 height: 300, marginTop: 200 }} position='ceter' backdrop={true} onClosed= { () => { // alert("Modal close"); }} > <Text style={{ fontSize: 16, fontWeight: 'bold', textAlign: 'center', marginTop: 10 }}>Hồ sơ</Text> <TextInput style= {{ height:40, borderBottomColor: 'gray', marginLeft: 30, marginRight: 30, marginTop: 20, marginBottom: 10, marginBottomWidth: 1 }} onChangeText={(text) => this.setState({editName: text})} placeholder="Tên" value= {this.state.editName} /> <TextInput style= {{ height:40, borderBottomColor: 'gray', marginLeft: 30, marginRight: 30, marginTop: 20, marginBottom: 10, marginBottomWidth: 1 }} onChangeText={(text) => this.setState({editMota: text})} placeholder="<NAME>" value= {this.state.editMota} /> <Button style={{ fontSize: 18, color: 'blue' }} containerStyle={{ padding: 8, marginLeft: 70, marginRight: 70, height: 40, borderRadius: 6, backgroundColor: 'mediumseagreen' }} onPress ={ () => { if (this.state.editName.length == 0 || this.state.editMota.length ==0 ) { alert("Hãy nhập tên và Mô tả"); return; } var foundIndex = flatListData.findIndex(item => this.state.key == item.key); //tìm ra key cần update có key = key phần tử trong mảng if (foundIndex < 0) { return; } flatListData[foundIndex].name = this.state.editName; flatListData[foundIndex].mota = this.state.editMota; this.state.flatListItem.refreshFlatListItem(); this.refs.myModal.close(); }} > Lưu </Button> </Modal> ) }; }<file_sep>var flatListData = [ { "key": "1", "name": "giày nữ-giày xám", "imageUrl": "https://media3.scdn.vn/img3/2019/7_2/Hs0xNT_simg_de2fe0_500x500_maxb.jpg-do-cua-do-an-vat.jpg", "mota": "230.000đ" }, { "key": "2", "name": "Giày thể thao nữ - giày sneaker nữ mầu trắng đế cao ST008W", "imageUrl": "https://salt.tikicdn.com/ts/product/15/9f/07/fabe20cbde00347cd69dfd6c2360d1ab.jpg", "mota": "220.000₫" }, { "key": "3", "name": "<NAME> - GN49", "imageUrl": "https://media3.scdn.vn/img3/2019/1_7/pFT1ug_simg_de2fe0_500x500_maxb.jpg", "mota": "149.000đ" }, { "key": "4", "name": "<NAME>", "imageUrl": "https://salt.tikicdn.com/ts/tmp/09/ff/28/2656a64972d6371aef0a71f70f338dfb.jpg", "mota": "283.000₫" }, { "key": "5", "name": "<NAME>", "imageUrl": "https://giaybom.com/image/giaythethao/b798/b798-2171220191757586379.jpg", "mota": "399,000đ" }, { "key": "6", "name": "<NAME> Chuck Taylor All Star Classic - Black/White", "imageUrl": "https://bizweb.dktcdn.net/thumb/1024x1024/100/347/923/products/121178-4.jpg", "mota": "1.400.000₫" }, { "key": "7", "name": "<NAME>S Rainbow", "imageUrl": "https://sobyn.com/wp-content/uploads/2019/06/Gi%C3%A0y-hi%E1%BB%87u-Balenciaga-TripS-Rainbow-h%C3%A0ng-si%C3%AAu-c%E1%BA%A5p-like-auth.jpg", "mota": "3,100,000đ" }, { "key": "8", "name": "<NAME>ính nơ mảnh BN0134", "imageUrl": "https://cdn.sablanca.vn/ImageProducts/bn0134/cre/bn0134_cre_1000x1000_4659926519.jpg", "mota": "485,000đ" }, ]; module.exports = flatListData;
aa2ee84d565711f6dbefa0e40ef7624f71b21114
[ "JavaScript" ]
5
JavaScript
hoangthuc296/hoangvanthuc
851255197745f8c4271ab1755db6976cf0d37230
739d1b61455fbb1d36da467933594ab17dcbc001
refs/heads/main
<repo_name>angelorobsonmelo/ops-error<file_sep>/app/src/test/java/com/angelorobson/monitorerrorapp/ui/fragments/opserrordetails/viewmodel/OpsErrorDetailsViewModelTest.kt package com.angelorobson.monitorerrorapp.ui.fragments.opserrordetails.viewmodel import androidx.arch.core.executor.testing.InstantTaskExecutorRule import androidx.lifecycle.Observer import com.angelorobson.monitorerrorapp.models.OpsErrorDetailsModel import com.angelorobson.monitorerrorapp.usecases.OpsErrorsUseCase import com.angelorobson.monitorerrorapp.utils.NetworkResult import io.mockk.MockKAnnotations import io.mockk.coEvery import io.mockk.impl.annotations.InjectMockKs import io.mockk.impl.annotations.MockK import io.mockk.impl.annotations.RelaxedMockK import io.mockk.verifySequence import kotlinx.coroutines.Dispatchers import kotlinx.coroutines.ExperimentalCoroutinesApi import kotlinx.coroutines.flow.callbackFlow import kotlinx.coroutines.flow.flowOf import kotlinx.coroutines.runBlocking import kotlinx.coroutines.test.TestCoroutineDispatcher import kotlinx.coroutines.test.resetMain import kotlinx.coroutines.test.setMain import org.junit.After import org.junit.Before import org.junit.Rule import org.junit.Test import java.util.Date @ExperimentalCoroutinesApi class OpsErrorDetailsViewModelTest { private val testDispatcher = TestCoroutineDispatcher() @get:Rule val rule = InstantTaskExecutorRule() @MockK private lateinit var useCase: OpsErrorsUseCase @RelaxedMockK private lateinit var stateObserver: Observer<NetworkResult<List<OpsErrorDetailsModel>>> @InjectMockKs private lateinit var viewModel: OpsErrorDetailsViewModel @Before fun setup() { MockKAnnotations.init(this, relaxed = true) Dispatchers.setMain(testDispatcher) viewModel.getErrorDetailsResponse.observeForever(stateObserver) } @After fun cleanUp() { Dispatchers.resetMain() testDispatcher.cleanupTestCoroutines() } @Test fun getOpsErrorDetails_WhenSuccess_verifySequenceLoadingAndSuccess() { // ARRANGE val list = listOf( OpsErrorDetailsModel( name = "exception", date = Date() ) ) coEvery { useCase.getOpsErrorDetails("source", 4) } returns flowOf(list) // ACT viewModel.getOpsErrorDetails("source", 4) // ASSERT verifySequence { stateObserver.onChanged(NetworkResult.Loading()) stateObserver.onChanged(NetworkResult.Success(list)) } } @Test fun getOpsErrorDetails_WhenError_verifySequenceLoadingAndError() = runBlocking { // ARRANGE val error = "error" coEvery { useCase.getOpsErrorDetails("source", 4) } returns callbackFlow { throw Exception( error ) } // ACT viewModel.getOpsErrorDetails("source", 4) // ASSERT verifySequence { stateObserver.onChanged(NetworkResult.Loading()) stateObserver.onChanged(NetworkResult.Error(error)) } } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/ui/fragments/opserror/adapter/OpsErrorAdapter.kt package com.angelorobson.monitorerrorapp.ui.fragments.opserror.adapter import com.angelorobson.monitorerrorapp.R import com.angelorobson.monitorerrorapp.databinding.OpsErrorRowLayoutBinding import com.angelorobson.monitorerrorapp.models.OpsErrorModel import com.angelorobson.monitorerrorapp.utils.BindingAdapter class OpsErrorAdapter(private val onClick: (OpsErrorModel) -> Unit) : BindingAdapter<OpsErrorModel, OpsErrorRowLayoutBinding>() { override fun getLayoutResId(): Int = R.layout.ops_error_row_layout override fun onBindViewHolder(binding: OpsErrorRowLayoutBinding, position: Int) { binding.run { val opsError = getItem(position) item = opsError opsErrorRowMaterialCardView.setOnClickListener { onClick.invoke(opsError) } executePendingBindings() } } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/utils/NavigationNavigator.kt package com.angelorobson.monitorerrorapp.utils import android.os.Bundle import androidx.annotation.IdRes import androidx.navigation.NavController import androidx.navigation.NavDirections import androidx.navigation.findNavController class NavigationNavigator(private val viewId: Int, private val activityService: ActivityService) { private val navController: NavController? get() = activityService.activity?.findNavController(viewId) fun to(@IdRes resId: Int, args: Bundle? = null) { navController?.navigate(resId, args) } fun to(directions: NavDirections) { navController?.navigate(directions) } fun popBackStack() { navController?.popBackStack() } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/utils/Result.kt package com.angelorobson.monitorerrorapp.utils /** * Mapped API results, used by [SafeApiCaller] */ sealed class Result<out T> { /** * API call was successful, no errors, returning the desired [value] */ data class Success<out T>(val value: T) : Result<T>() abstract class Error( open val code: Int? = null, open val exception: Exception? = null ) : Result<Nothing>() /** * An [retrofit2.HttpException] was thrown, the error [code] and the deserialized backend [error] will be returned */ data class BackendError( override val code: Int? = null, ) : Error() /** * A generic exception was thrown */ data class GenericError(override val exception: Exception? = null) : Error() /** * An [java.io.IOException] was thrown */ object NetworkError : Error() } inline fun <T : Any> Result<T>.onSuccess(action: (T) -> Unit): Result<T> { if (this is Result.Success) { action(this.value) } return this } inline fun <T : Any> Result<T>.onError(action: (Result.Error) -> Unit): Result<T> { if (this is Result.Error) { action(this) } return this } inline fun <T : Any> Result<T>.onFinally(action: () -> Unit) { action() }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/repository/OpsErrorRepository.kt package com.angelorobson.monitorerrorapp.repository import com.angelorobson.monitorerrorapp.dto.OpsErrorDetailsDto import com.angelorobson.monitorerrorapp.dto.OpsErrorDto import com.angelorobson.monitorerrorapp.repository.remote.OpsErrorApi class OpsErrorRepository(private val api: OpsErrorApi) { suspend fun getOpsErrorDetail(source: String, hour: Int): List<OpsErrorDetailsDto> = api.getOpsErrorDetail(source, hour) suspend fun getOpsErrors(hour: Int): List<OpsErrorDto> { return api.getOpsErrors(hour) } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/di/LoadModules.kt package com.angelorobson.monitorerrorapp.di import kotlinx.coroutines.ExperimentalCoroutinesApi import org.koin.core.context.loadKoinModules @ExperimentalCoroutinesApi private val lazyLoadMonitorErrorModules by lazy { loadKoinModules(monitorErrorModules) } @ExperimentalCoroutinesApi internal fun loadMonitorErrorModules() = lazyLoadMonitorErrorModules<file_sep>/app/src/androidTest/java/com/angelorobson/monitorerrorapp/MonitorErrorBaseErrorTest.kt package com.angelorobson.monitorerrorapp import com.angelorobson.monitorerrorapp.ui.fragments.opserror.viewmodel.OpsErrorsViewModel import com.angelorobson.monitorerrorapp.ui.fragments.opserrordetails.viewmodel.OpsErrorDetailsViewModel import com.angelorobson.monitorerrorapp.usecases.OpsErrorsUseCase import com.angelorobson.monitorerrorapp.utils.NavigationNavigator import io.mockk.MockKAnnotations import io.mockk.impl.annotations.MockK import io.mockk.mockk import kotlinx.coroutines.ExperimentalCoroutinesApi import org.junit.After import org.junit.Before import org.koin.androidx.viewmodel.dsl.viewModel import org.koin.core.context.loadKoinModules import org.koin.core.context.unloadKoinModules import org.koin.core.module.Module import org.koin.dsl.module @ExperimentalCoroutinesApi open class MonitorErrorBaseErrorTest { @MockK var useCase = mockk<OpsErrorsUseCase>(relaxed = true) @MockK var navigator = mockk<NavigationNavigator>(relaxed = true) lateinit var module: Module @Before fun setup() { MockKAnnotations.init(this, relaxed = true) module = module(override = true) { viewModel { OpsErrorDetailsViewModel( useCase ) } viewModel { OpsErrorsViewModel( useCase, navigator ) } } loadKoinModules(module) } @After fun cleanUp() { unloadKoinModules(module) } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/models/OpsErrorModel.kt package com.angelorobson.monitorerrorapp.models data class OpsErrorModel( val errorsCount: Int, val source: String )<file_sep>/app/src/test/java/com/angelorobson/monitorerrorapp/ui/fragments/opserror/viewmodel/OpsErrorsViewModelTest.kt package com.angelorobson.monitorerrorapp.ui.fragments.opserror.viewmodel import androidx.arch.core.executor.testing.InstantTaskExecutorRule import androidx.lifecycle.Observer import com.angelorobson.monitorerrorapp.models.OpsErrorModel import com.angelorobson.monitorerrorapp.usecases.OpsErrorsUseCase import com.angelorobson.monitorerrorapp.utils.NavigationNavigator import com.angelorobson.monitorerrorapp.utils.NetworkResult import io.mockk.MockKAnnotations import io.mockk.coEvery import io.mockk.impl.annotations.InjectMockKs import io.mockk.impl.annotations.MockK import io.mockk.impl.annotations.RelaxedMockK import io.mockk.verifySequence import kotlinx.coroutines.Dispatchers import kotlinx.coroutines.ExperimentalCoroutinesApi import kotlinx.coroutines.flow.callbackFlow import kotlinx.coroutines.flow.flowOf import kotlinx.coroutines.runBlocking import kotlinx.coroutines.test.TestCoroutineDispatcher import kotlinx.coroutines.test.resetMain import kotlinx.coroutines.test.setMain import org.junit.After import org.junit.Before import org.junit.Rule import org.junit.Test @ExperimentalCoroutinesApi class OpsErrorsViewModelTest { private val testDispatcher = TestCoroutineDispatcher() @get:Rule val rule = InstantTaskExecutorRule() @MockK private lateinit var useCase: OpsErrorsUseCase @RelaxedMockK private lateinit var navigator: NavigationNavigator @RelaxedMockK private lateinit var stateObserver: Observer<NetworkResult<List<OpsErrorModel>>> @InjectMockKs private lateinit var viewModel: OpsErrorsViewModel private val list = listOf( OpsErrorModel( source = "souce", errorsCount = 5 ) ) @Before fun setup() { MockKAnnotations.init(this, relaxed = true) Dispatchers.setMain(testDispatcher) viewModel.getErrorResponse.observeForever(stateObserver) } @After fun cleanUp() { Dispatchers.resetMain() testDispatcher.cleanupTestCoroutines() } @Test fun getOpsErrors_WhenSuccess_verifySequenceLoadingAndSuccess() { // ARRANGE coEvery { useCase.getOpsErrors(4) } returns flowOf(list) // ACT viewModel.getOpsErrors(4) // ASSERT verifySequence { stateObserver.onChanged(NetworkResult.Loading()) stateObserver.onChanged(NetworkResult.Success(list)) } } @Test fun getAutoList_WhenError_verifySequenceLoadingAndError() = runBlocking { // ARRANGE val error = "error" coEvery { useCase.getOpsErrors(4) } returns callbackFlow { throw Exception(error) } // ACT viewModel.getOpsErrors(4) // ASSERT verifySequence { stateObserver.onChanged(NetworkResult.Loading()) stateObserver.onChanged(NetworkResult.Error(error)) } } } <file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/dto/OpsErrorDto.kt package com.angelorobson.monitorerrorapp.dto import com.squareup.moshi.JsonClass @JsonClass(generateAdapter = true) data class OpsErrorDto( val noErrors: Int, val source: String )<file_sep>/app/src/androidTest/java/com/angelorobson/monitorerrorapp/runner/TestApplication.kt package com.angelorobson.monitorerrorapp.runner import android.app.Application import com.angelorobson.monitorerrorapp.di.applicationModules import kotlinx.coroutines.ExperimentalCoroutinesApi import org.koin.android.ext.koin.androidContext import org.koin.core.context.startKoin @OptIn(ExperimentalCoroutinesApi::class) class TestApplication : Application() { override fun onCreate() { super.onCreate() startKoin { androidContext(this@TestApplication) } } } <file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/ui/fragments/opserror/viewmodel/OpsErrorsViewModel.kt package com.angelorobson.monitorerrorapp.ui.fragments.opserror.viewmodel import androidx.lifecycle.LiveData import androidx.lifecycle.MutableLiveData import androidx.lifecycle.ViewModel import androidx.lifecycle.viewModelScope import com.angelorobson.monitorerrorapp.models.OpsErrorModel import com.angelorobson.monitorerrorapp.ui.fragments.opserror.OpsErrorFragmentDirections import com.angelorobson.monitorerrorapp.usecases.OpsErrorsUseCase import com.angelorobson.monitorerrorapp.utils.NavigationNavigator import com.angelorobson.monitorerrorapp.utils.NetworkResult import kotlinx.coroutines.ExperimentalCoroutinesApi import kotlinx.coroutines.flow.catch import kotlinx.coroutines.flow.collect import kotlinx.coroutines.flow.onStart import kotlinx.coroutines.launch @ExperimentalCoroutinesApi class OpsErrorsViewModel( private val useCase: OpsErrorsUseCase, private val navigator: NavigationNavigator ) : ViewModel() { private val _getErrorResponse = MutableLiveData<NetworkResult<List<OpsErrorModel>>>() val getErrorResponse: LiveData<NetworkResult<List<OpsErrorModel>>> get() = _getErrorResponse fun getOpsErrors(hours: Int) { viewModelScope.launch { useCase.getOpsErrors(hours) .onStart { _getErrorResponse.value = NetworkResult.Loading() } .catch { _getErrorResponse.value = NetworkResult.Error(it.message) } .collect { _getErrorResponse.value = NetworkResult.Success(it) } } } fun navigateToFilterHour(hour: Int) { navigator.to(OpsErrorFragmentDirections.actionOpsErrorFragmentToFilterHourFragment(hour)) } fun navigateToOpsErrorDetails(source: String, hours: Int) { navigator.to( OpsErrorFragmentDirections.navigateToOpsErrorDetailsFragment( source = source, hours = hours, title = source ) ) } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/usecases/OpsErrorsUseCase.kt package com.angelorobson.monitorerrorapp.usecases import com.angelorobson.monitorerrorapp.converters.OpsErrorConverter import com.angelorobson.monitorerrorapp.converters.OpsErrorDetailsConverter import com.angelorobson.monitorerrorapp.models.OpsErrorDetailsModel import com.angelorobson.monitorerrorapp.models.OpsErrorModel import com.angelorobson.monitorerrorapp.repository.OpsErrorRepository import kotlinx.coroutines.CoroutineDispatcher import kotlinx.coroutines.Dispatchers import kotlinx.coroutines.ExperimentalCoroutinesApi import kotlinx.coroutines.flow.Flow import kotlinx.coroutines.flow.flow import kotlinx.coroutines.flow.flowOn @ExperimentalCoroutinesApi class OpsErrorsUseCase( private val repository: OpsErrorRepository, private val opsErrorConverter: OpsErrorConverter, private val opsErrorDetailsConverter: OpsErrorDetailsConverter, ) { fun getOpsErrors(hour: Int): Flow<List<OpsErrorModel>> { return flow { val items = repository.getOpsErrors(hour).map { item -> opsErrorConverter.convert(item) } emit(items) }.flowOn(Dispatchers.IO) } fun getOpsErrorDetails(source: String, hour: Int): Flow<List<OpsErrorDetailsModel>> { return flow { val items = repository.getOpsErrorDetail(source, hour) .map { item -> opsErrorDetailsConverter.convert(item) } .sortedByDescending { it.date } emit(items) }.flowOn(Dispatchers.IO) } }<file_sep>/app/src/androidTest/java/com/angelorobson/monitorerrorapp/ui/fragments/opserror/OpsErrorFragmentTest.kt package com.angelorobson.monitorerrorapp.ui.fragments.opserror import android.os.Bundle import androidx.fragment.app.testing.launchFragmentInContainer import androidx.test.ext.junit.runners.AndroidJUnit4 import com.angelorobson.monitorerrorapp.MonitorErrorBaseErrorTest import com.angelorobson.monitorerrorapp.R import com.angelorobson.monitorerrorapp.models.OpsErrorModel import com.angelorobson.monitorerrorapp.ui.fragments.opserror.viewmodel.OpsErrorsViewModel import com.angelorobson.monitorerrorapp.usecases.OpsErrorsUseCase import com.angelorobson.monitorerrorapp.utils.NavigationNavigator import io.mockk.MockKAnnotations import io.mockk.coEvery import io.mockk.impl.annotations.MockK import io.mockk.mockk import kotlinx.coroutines.ExperimentalCoroutinesApi import kotlinx.coroutines.flow.callbackFlow import kotlinx.coroutines.flow.flowOf import org.junit.After import org.junit.Before import org.junit.Test import org.junit.runner.RunWith import org.koin.androidx.viewmodel.dsl.viewModel import org.koin.core.context.loadKoinModules import org.koin.core.context.unloadKoinModules import org.koin.core.module.Module import org.koin.dsl.module @OptIn(ExperimentalCoroutinesApi::class) @RunWith(AndroidJUnit4::class) class OpsErrorFragmentTest: MonitorErrorBaseErrorTest() { private val list = listOf( OpsErrorModel( source = "souce", errorsCount = 5 ) ) @Test fun test_show_all_widgets_onScreen() { // ARRANGE coEvery { useCase.getOpsErrors(4) } returns flowOf(list) // ACT launchFragment() // ASSERT opsErrorRobot { visibleOpsErrorTotalTextView() visibleOpsErrorRecycler() notVisibleButtonTryAgain() visibleSourceErrorTextView() visibleArrowForwardImageView() visibleCountTextView() } } @Test fun test_show_button_try_again_when_throw_exceptions() { // ARRANGE coEvery { useCase.getOpsErrors(4) } returns callbackFlow { throw Exception("error") } // ACT launchFragment() // ASSERT opsErrorRobot { visibleButtonTryAgain() } } private fun launchFragment() { val args = Bundle().apply { putInt("hour", 4) } launchFragmentInContainer<OpsErrorFragment>( fragmentArgs = args, // Bundle themeResId = R.style.Theme_MaterialComponents_Light_NoActionBar ) } }<file_sep>/app/src/androidTest/java/com/angelorobson/monitorerrorapp/ui/fragments/opserrordetails/OpsErrorDetailsFragmentTest.kt package com.angelorobson.monitorerrorapp.ui.fragments.opserrordetails import android.os.Bundle import androidx.fragment.app.testing.launchFragmentInContainer import androidx.test.ext.junit.runners.AndroidJUnit4 import com.angelorobson.monitorerrorapp.MonitorErrorBaseErrorTest import com.angelorobson.monitorerrorapp.R import com.angelorobson.monitorerrorapp.models.OpsErrorDetailsModel import com.angelorobson.monitorerrorapp.ui.fragments.opserrordetails.viewmodel.OpsErrorDetailsViewModel import com.angelorobson.monitorerrorapp.usecases.OpsErrorsUseCase import io.mockk.MockKAnnotations import io.mockk.coEvery import io.mockk.impl.annotations.MockK import io.mockk.mockk import kotlinx.coroutines.ExperimentalCoroutinesApi import kotlinx.coroutines.flow.callbackFlow import kotlinx.coroutines.flow.flowOf import org.junit.After import org.junit.Before import org.junit.Test import org.junit.runner.RunWith import org.koin.androidx.viewmodel.dsl.viewModel import org.koin.core.context.loadKoinModules import org.koin.core.context.unloadKoinModules import org.koin.core.module.Module import org.koin.dsl.module import java.util.* @OptIn(ExperimentalCoroutinesApi::class) @RunWith(AndroidJUnit4::class) class OpsErrorDetailsFragmentTest: MonitorErrorBaseErrorTest() { private val list = listOf( OpsErrorDetailsModel( name = "exception", date = Date() ) ) @Test fun test_show_all_widgets_onScreen() { // ARRANGE coEvery { useCase.getOpsErrorDetails("source", 4) } returns flowOf(list) // ACT launchFragment() // ASSERT opsErrorDetailsRobot { visibleOpsErrorDetailsRecycler() visibleDateTextView() visibleSourceErrorTextView() notVisibleButtonTryAgain() } } private fun launchFragment() { val args = Bundle().apply { putInt("hour", 4) putString("source", "souce") putString("title", "souce") } launchFragmentInContainer<OpsErrorDetailsFragment>( fragmentArgs = args, // Bundle themeResId = R.style.Theme_MaterialComponents_Light_NoActionBar ) } }<file_sep>/app/build.gradle plugins { id 'com.android.application' id 'kotlin-android' id 'kotlin-kapt' id 'androidx.navigation.safeargs.kotlin' id 'kotlin-android-extensions' } android { compileSdkVersion 30 buildToolsVersion "30.0.2" defaultConfig { applicationId "com.angelorobson.monitorerrorapp" minSdkVersion 26 targetSdkVersion 30 versionCode 1 versionName "1.0" testInstrumentationRunner "com.angelorobson.monitorerrorapp.runner.TestApplicationRunner" } testOptions { animationsDisabled = true unitTests.includeAndroidResources = true } buildFeatures { viewBinding true dataBinding true } buildTypes { debug { minifyEnabled false debuggable true buildConfigField "String", "BASE_URL_API", '"https://opsmonservicer.azurewebsites.net/"' } release { minifyEnabled false buildConfigField "String", "BASE_URL_API", '"https://opsmonservicer.azurewebsites.net/"' proguardFiles getDefaultProguardFile('proguard-android-optimize.txt'), 'proguard-rules.pro' } } compileOptions { sourceCompatibility JavaVersion.VERSION_1_8 targetCompatibility JavaVersion.VERSION_1_8 } kotlinOptions { jvmTarget = '1.8' } } dependencies { /** * Moshi */ implementation "com.squareup.retrofit2:converter-moshi:$retrofitVersion" implementation "com.squareup.moshi:moshi:$moshiVersion" kapt "com.squareup.moshi:moshi-kotlin-codegen:$moshiVersion" /** * Navigation Component */ implementation "androidx.navigation:navigation-fragment-ktx:$navigationVersion" implementation "androidx.navigation:navigation-ui-ktx:$navigationVersion" /** * WebServer */ implementation "com.squareup.retrofit2:retrofit:$retrofitVersion" implementation "com.squareup.okhttp3:logging-interceptor:$okhttpVersion" /** * Dependency Injection */ implementation "org.koin:koin-android:$koinVersion" implementation "org.koin:koin-androidx-scope:$koinVersion" implementation "org.koin:koin-androidx-viewmodel:$koinVersion" /** * Coroutines */ implementation "org.jetbrains.kotlinx:kotlinx-coroutines-core:$coroutinesVersion" implementation "org.jetbrains.kotlinx:kotlinx-coroutines-android:$coroutinesVersion" /** * ViewModel */ implementation "androidx.lifecycle:lifecycle-viewmodel-ktx:$lifecycleVersion" /** * LiveData */ implementation "androidx.lifecycle:lifecycle-livedata-ktx:$lifecycleVersion" /** * Shimmer */ implementation "com.facebook.shimmer:shimmer:$facebookShimmerVersion" implementation "com.todkars:shimmer-recyclerview:$shimmerRecycleviewVersion" /** * Android base */ implementation "org.jetbrains.kotlin:kotlin-stdlib:$kotlin_version" implementation "androidx.core:core-ktx:$coreKtxVersion" implementation "androidx.appcompat:appcompat:$appcompatVersion" implementation "com.google.android.material:material:$materialVersion" implementation "androidx.constraintlayout:constraintlayout:$constraintlayoutVersion" implementation "androidx.legacy:legacy-support-v4:$legacySupportV4Version" /** * Automated tests */ testImplementation "androidx.arch.core:core-testing:$archCoreVersion" testImplementation "junit:junit:$jUnitVersion" testImplementation "io.mockk:mockk:$mockkVersion" testImplementation "androidx.test:core:$androidxTestVersion" testImplementation "org.jetbrains.kotlinx:kotlinx-coroutines-test:$coroutinesTestVersion" testImplementation "junit:junit:$jUnitVersion" def nav_version = "2.3.5" androidTestImplementation "androidx.navigation:navigation-testing:$nav_version" def fragment_version = "1.2.4" // ... debugImplementation "androidx.fragment:fragment-testing:$fragment_version" debugImplementation 'androidx.test.ext:junit-ktx:1.1.1' debugImplementation 'androidx.test:runner:' + rootProject.runnerVersion debugImplementation "org.koin:koin-test:$koinVersion" debugImplementation "io.mockk:mockk-android:$mockkVersion" debugImplementation "androidx.test.espresso:espresso-core:$espressoVersion" }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/ui/fragments/opserrordetails/viewmodel/OpsErrorDetailsViewModel.kt package com.angelorobson.monitorerrorapp.ui.fragments.opserrordetails.viewmodel import androidx.lifecycle.LiveData import androidx.lifecycle.MutableLiveData import androidx.lifecycle.ViewModel import androidx.lifecycle.viewModelScope import com.angelorobson.monitorerrorapp.models.OpsErrorDetailsModel import com.angelorobson.monitorerrorapp.usecases.OpsErrorsUseCase import com.angelorobson.monitorerrorapp.utils.NetworkResult import kotlinx.coroutines.ExperimentalCoroutinesApi import kotlinx.coroutines.flow.catch import kotlinx.coroutines.flow.collect import kotlinx.coroutines.flow.onStart import kotlinx.coroutines.launch @ExperimentalCoroutinesApi class OpsErrorDetailsViewModel(private val useCase: OpsErrorsUseCase) : ViewModel() { private val _getErrorDetailsResponse = MutableLiveData<NetworkResult<List<OpsErrorDetailsModel>>>() val getErrorDetailsResponse: LiveData<NetworkResult<List<OpsErrorDetailsModel>>> get() = _getErrorDetailsResponse fun getOpsErrorDetails(source: String, hours: Int) { viewModelScope.launch { useCase.getOpsErrorDetails(source, hours) .onStart { _getErrorDetailsResponse.value = NetworkResult.Loading() } .catch { _getErrorDetailsResponse.value = NetworkResult.Error(it.message) } .collect { _getErrorDetailsResponse.value = NetworkResult.Success(it) } } } }<file_sep>/README.md # Ops Error This app returns error counts and details of a monitoring system. # Demo <img src="demo/demo.gif" width="300" heigth="300"> # Stacks * MVVM pattern (Model-View-Model) * Dependency Injection using Koin * Flow * Coroutines * Retrofit * ViewModels * Jetpack navigation * Databinding * Viewbinding * Moshi * Safe Args * Material Design * Shimmer Recycler view * Support screen orientation changes without losing status * Unit test using JUnit, * Ui tests with Espresso and Robot pattern * Mockk * And others... <file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/utils/WebService.kt package com.angelorobson.monitorerrorapp.utils import com.squareup.moshi.Moshi import okhttp3.OkHttpClient import org.koin.core.KoinComponent import org.koin.core.get import retrofit2.Retrofit import retrofit2.converter.moshi.MoshiConverterFactory import java.util.concurrent.TimeUnit abstract class WebService<T> { companion object : KoinComponent { @Volatile private var INSTANCE: Retrofit? = null fun getInstance(): Retrofit { val baseWebService: BaseWebService = get() val okHttpClient: OkHttpClient = get() val moshi: Moshi = get() if (INSTANCE != null) { return INSTANCE as Retrofit } synchronized(this) { val retrofit: Retrofit = Retrofit.Builder() .baseUrl(baseWebService.baseUrl) .client(okHttpClient) .addConverterFactory(MoshiConverterFactory.create(moshi)) .build() INSTANCE = retrofit return INSTANCE as Retrofit } } } abstract fun api(): T } <file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/dto/OpsErrorDetailsDto.kt package com.angelorobson.monitorerrorapp.dto import com.squareup.moshi.JsonClass import java.util.Date @JsonClass(generateAdapter = true) data class OpsErrorDetailsDto( val date: Date, val name: String )<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/converters/OpsErrorDetailsConverter.kt package com.angelorobson.monitorerrorapp.converters import com.angelorobson.monitorerrorapp.dto.OpsErrorDetailsDto import com.angelorobson.monitorerrorapp.models.OpsErrorDetailsModel class OpsErrorDetailsConverter { fun convert(details: OpsErrorDetailsDto) = OpsErrorDetailsModel( name = details.name, date = details.date ) }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/ui/fragments/opserror/OpsErrorFragment.kt package com.angelorobson.monitorerrorapp.ui.fragments.opserror import android.os.Bundle import android.view.* import android.widget.Toast import androidx.core.text.HtmlCompat import androidx.fragment.app.Fragment import androidx.navigation.fragment.navArgs import androidx.recyclerview.widget.DividerItemDecoration import androidx.recyclerview.widget.LinearLayoutManager import com.angelorobson.monitorerrorapp.R import com.angelorobson.monitorerrorapp.databinding.FragmentOpsErrorBinding import com.angelorobson.monitorerrorapp.di.loadMonitorErrorModules import com.angelorobson.monitorerrorapp.models.OpsErrorModel import com.angelorobson.monitorerrorapp.ui.fragments.opserror.adapter.OpsErrorAdapter import com.angelorobson.monitorerrorapp.ui.fragments.opserror.viewmodel.OpsErrorsViewModel import com.angelorobson.monitorerrorapp.utils.NetworkResult import com.angelorobson.monitorerrorapp.utils.extensions.android.gone import com.angelorobson.monitorerrorapp.utils.extensions.android.visible import kotlinx.coroutines.ExperimentalCoroutinesApi import org.koin.androidx.viewmodel.ext.android.viewModel @ExperimentalCoroutinesApi class OpsErrorFragment : Fragment() { private val viewModel: OpsErrorsViewModel by viewModel() private lateinit var binding: FragmentOpsErrorBinding private lateinit var mLayoutManager: LinearLayoutManager private val args by navArgs<OpsErrorFragmentArgs>() private val mAdapter by lazy { OpsErrorAdapter { viewModel.navigateToOpsErrorDetails(it.source, args.hour) } } override fun onCreateView( inflater: LayoutInflater, container: ViewGroup?, savedInstanceState: Bundle? ): View { binding = FragmentOpsErrorBinding.inflate(inflater, container, false) setHasOptionsMenu(true) setupRecyclerView() initClickListener() return binding.root } override fun onCreateOptionsMenu(menu: Menu, inflater: MenuInflater) { inflater.inflate(R.menu.ops_error_menu, menu) } override fun onOptionsItemSelected(item: MenuItem): Boolean { when (item.itemId) { R.id.menu_refresh -> { getOpsErrors() } R.id.menu_filter -> { viewModel.navigateToFilterHour(args.hour) } } return super.onOptionsItemSelected(item) } private fun initClickListener() { binding.opsErrorTryAgainButton.setOnClickListener { getOpsErrors() } } private fun setupRecyclerView() { mLayoutManager = LinearLayoutManager(context) binding.opsErrorRecyclerView.apply { adapter = mAdapter layoutManager = mLayoutManager addItemDecoration( DividerItemDecoration( context, mLayoutManager.orientation ) ) } } override fun onViewCreated(view: View, savedInstanceState: Bundle?) { super.onViewCreated(view, savedInstanceState) getOpsErrors() bindViewModel() } private fun bindViewModel() { viewModel.getErrorResponse.observe(viewLifecycleOwner, { result -> when (result) { is NetworkResult.Error -> { hideGroupMainView() showButtonTryAgain() hideShimmerEffect() Toast.makeText(requireContext(), result.message.toString(), Toast.LENGTH_SHORT) .show() } is NetworkResult.Loading -> { hideButtonTryAgain() showGroupMainView() showShimmerEffect() } is NetworkResult.Success -> { showGroupMainView() hideButtonTryAgain() hideShimmerEffect() populateScreen(result.data) } } }) } private fun populateScreen(result: List<OpsErrorModel>?) { binding.opsErrorTotalTextView.text = HtmlCompat.fromHtml( getString(R.string.ops_error_info, result?.size, args.hour), HtmlCompat.FROM_HTML_MODE_LEGACY ) mAdapter.submitList(result) } private fun getOpsErrors() { viewModel.getOpsErrors(args.hour) } private fun hideButtonTryAgain() { binding.opsErrorTryAgainButton.gone() } private fun showButtonTryAgain() { binding.opsErrorTryAgainButton.visible() } private fun showGroupMainView() { binding.groupOpsErrorMainView.visible() } private fun hideGroupMainView() { binding.groupOpsErrorMainView.gone() } private fun showShimmerEffect() { binding.opsErrorRecyclerView.showShimmer() } private fun hideShimmerEffect() { binding.opsErrorRecyclerView.hideShimmer() } }<file_sep>/build.gradle // Top-level build file where you can add configuration options common to all sub-projects/modules. ext { retrofitVersion = '2.9.0' moshiVersion = '1.9.3' koinVersion = "2.0.1" coroutinesVersion = "1.3.2" navigationVersion = "2.3.4" lifecycleVersion = "2.2.0" facebookShimmerVersion = "0.5.0" shimmerRecycleviewVersion = "0.4.0" coreKtxVersion = "1.3.2" appcompatVersion = "1.2.0" materialVersion = "1.3.0" constraintlayoutVersion = "2.0.4" legacySupportV4Version = "1.0.0" jUnitVersion = "4.+" jUnitExtVersion = "1.1.2" espressoCoreVersion = "3.3.0" okhttpVersion = '3.11.0' archCoreVersion = "2.1.0" coroutinesTestVersion = "1.3.5" mockkVersion = "1.9" androidxTestVersion = "1.2.0" androidxCoreVersion = "1.0.2" buildToolsVersion = "28.0.3" androidxCoreVersion = "1.1.0-rc02" androidxCompatVersion = "1.1.0-rc01" androidxFragmentVersion = "1.1.0-rc01" coreVersion = "1.3.0-alpha03" extJUnitVersion = "1.1.2-alpha03" runnerVersion = "1.3.0-alpha03" rulesVersion = "1.3.0-alpha03" espressoVersion = "3.3.0-alpha03" robolectricVersion = "4.3.1" espressoVersion = "3.2.0" } buildscript { ext.kotlin_version = "1.4.31" repositories { google() jcenter() } dependencies { classpath "com.android.tools.build:gradle:4.1.2" classpath "org.jetbrains.kotlin:kotlin-gradle-plugin:$kotlin_version" classpath "androidx.navigation:navigation-safe-args-gradle-plugin:2.3.0" // NOTE: Do not place your application dependencies here; they belong // in the individual module build.gradle files } } allprojects { repositories { google() jcenter() } } task clean(type: Delete) { delete rootProject.buildDir }<file_sep>/app/src/androidTest/java/com/angelorobson/monitorerrorapp/ui/fragments/opserror/OpsErrorRobot.kt package com.angelorobson.monitorerrorapp.ui.fragments.opserror import androidx.test.espresso.Espresso.onView import androidx.test.espresso.matcher.ViewMatchers.* import com.angelorobson.monitorerrorapp.BaseRobot import com.angelorobson.monitorerrorapp.R import com.angelorobson.monitorerrorapp.withRecyclerView import org.hamcrest.CoreMatchers fun opsErrorRobot(func: OpsErrorRobot.() -> Unit) = OpsErrorRobot().apply(func) class OpsErrorRobot : BaseRobot() { fun visibleOpsErrorRecycler() { isVisible(R.id.ops_error_recyclerView) } fun visibleOpsErrorTotalTextView() { isVisible(R.id.ops_error_total_textView) } fun visibleCountTextView(position: Int = 0) { onView( CoreMatchers.allOf( isDescendantOfA( withRecyclerView(R.id.ops_error_recyclerView).atPositionOnView( position, R.id.ops_error_row_source_textView ) ), withId(R.id.ops_error_row_source_textView), isDisplayed() ) ) } fun visibleSourceErrorTextView(position: Int = 0) { onView( CoreMatchers.allOf( isDescendantOfA( withRecyclerView(R.id.ops_error_recyclerView).atPositionOnView( position, R.id.placeholder_ops_error_row_error_count_textView ) ), withId(R.id.placeholder_ops_error_row_error_count_textView), isDisplayed() ) ) } fun visibleArrowForwardImageView(position: Int = 0) { onView( CoreMatchers.allOf( isDescendantOfA( withRecyclerView(R.id.ops_error_recyclerView).atPositionOnView( position, R.id.ops_error_arrow_forward_image_view ) ), withId(R.id.ops_error_arrow_forward_image_view), isDisplayed() ) ) } fun notVisibleButtonTryAgain() { isNotVisible(R.id.ops_error_try_again_button) } fun visibleButtonTryAgain() { isVisible(R.id.ops_error_try_again_button) } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/ui/bindingadapters/MonitorErrorBinding.kt package com.angelorobson.monitorerrorapp.ui.bindingadapters import android.widget.TextView import androidx.core.text.HtmlCompat import androidx.databinding.BindingAdapter import com.angelorobson.monitorerrorapp.R import com.angelorobson.monitorerrorapp.utils.extensions.date.formatDateTime import java.util.* class MonitorErrorBinding { companion object { @BindingAdapter("convertIntToString") @JvmStatic fun intToText(textView: TextView, number: Int) { textView.text = number.toString() } @BindingAdapter("totalExceptions") @JvmStatic fun totalExceptions(textView: TextView, number: Int) { val text = HtmlCompat.fromHtml( textView.context.getString(R.string.total_of_exceptions, number), HtmlCompat.FROM_HTML_MODE_LEGACY ) textView.text = text } @BindingAdapter("convertToFormatDateTime") @JvmStatic fun convertToFormatDateTime(textView: TextView, date: Date?) { textView.text = date?.formatDateTime() } } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/di/ApplicationModules.kt package com.angelorobson.monitorerrorapp.di import android.text.format.DateUtils import com.angelorobson.monitorerrorapp.BuildConfig.BASE_URL_API import com.angelorobson.monitorerrorapp.BuildConfig.BUILD_TYPE import com.angelorobson.monitorerrorapp.R import com.angelorobson.monitorerrorapp.utils.ActivityService import com.angelorobson.monitorerrorapp.utils.BaseWebService import com.angelorobson.monitorerrorapp.utils.NavigationNavigator import com.angelorobson.monitorerrorapp.utils.customDateAdapter import com.squareup.moshi.Moshi import okhttp3.OkHttpClient import okhttp3.logging.HttpLoggingInterceptor import org.koin.dsl.module import java.util.concurrent.TimeUnit private const val HALF = 2 val applicationModules = module(override = true) { single { BaseWebService( baseUrl = BASE_URL_API, buildType = BUILD_TYPE, connectTimeout = DateUtils.MINUTE_IN_MILLIS / HALF, readTimeout = DateUtils.MINUTE_IN_MILLIS / HALF, writeTimeout = DateUtils.MINUTE_IN_MILLIS / HALF, ) } single { NavigationNavigator(R.id.navHostFragment, get()) } single { ActivityService() } single { val baseWebService = get<BaseWebService>() val okHttpClient = OkHttpClient.Builder() .connectTimeout(baseWebService.connectTimeout, TimeUnit.MILLISECONDS) .readTimeout(baseWebService.readTimeout, TimeUnit.MILLISECONDS) .writeTimeout(baseWebService.writeTimeout, TimeUnit.MILLISECONDS) if (baseWebService.buildType == "debug") { okHttpClient.addInterceptor(HttpLoggingInterceptor().setLevel(HttpLoggingInterceptor.Level.BODY)) } okHttpClient.build() } single { Moshi.Builder().add(customDateAdapter).build() } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/di/MonitorErrorModule.kt package com.angelorobson.monitorerrorapp.di import com.angelorobson.monitorerrorapp.converters.OpsErrorConverter import com.angelorobson.monitorerrorapp.converters.OpsErrorDetailsConverter import com.angelorobson.monitorerrorapp.repository.OpsErrorRepository import com.angelorobson.monitorerrorapp.repository.remote.OpsErrorService import com.angelorobson.monitorerrorapp.ui.fragments.opserrordetails.viewmodel.OpsErrorDetailsViewModel import com.angelorobson.monitorerrorapp.ui.fragments.opserror.viewmodel.OpsErrorsViewModel import com.angelorobson.monitorerrorapp.usecases.OpsErrorsUseCase import kotlinx.coroutines.Dispatchers import kotlinx.coroutines.ExperimentalCoroutinesApi import org.koin.androidx.viewmodel.dsl.viewModel import org.koin.dsl.module private val converterModules = module(override = true) { single { OpsErrorConverter() } single { OpsErrorDetailsConverter() } } private val repositoryModules = module(override = true) { single { OpsErrorRepository(get()) } } private val serviceModules = module(override = true) { single { OpsErrorService().api() } } @ExperimentalCoroutinesApi private val useCaseModules = module(override = true) { factory { OpsErrorsUseCase(get(), get(), get()) } } @ExperimentalCoroutinesApi private val viewModelModules = module(override = true) { viewModel { OpsErrorsViewModel(get(), get()) } viewModel { OpsErrorDetailsViewModel(get()) } } @ExperimentalCoroutinesApi internal val monitorErrorModules = serviceModules + converterModules + repositoryModules + useCaseModules + viewModelModules<file_sep>/app/src/test/java/com/angelorobson/monitorerrorapp/usecases/OpsErrorsUseCaseTest.kt package com.angelorobson.monitorerrorapp.usecases import com.angelorobson.monitorerrorapp.converters.OpsErrorConverter import com.angelorobson.monitorerrorapp.converters.OpsErrorDetailsConverter import com.angelorobson.monitorerrorapp.dto.OpsErrorDetailsDto import com.angelorobson.monitorerrorapp.dto.OpsErrorDto import com.angelorobson.monitorerrorapp.models.OpsErrorDetailsModel import com.angelorobson.monitorerrorapp.models.OpsErrorModel import com.angelorobson.monitorerrorapp.repository.OpsErrorRepository import io.mockk.MockKAnnotations import io.mockk.coEvery import io.mockk.coVerify import io.mockk.impl.annotations.RelaxedMockK import junit.framework.Assert.assertEquals import kotlinx.coroutines.ExperimentalCoroutinesApi import kotlinx.coroutines.InternalCoroutinesApi import kotlinx.coroutines.flow.catch import kotlinx.coroutines.flow.collect import kotlinx.coroutines.runBlocking import org.junit.Before import org.junit.Test import java.util.* @InternalCoroutinesApi @ExperimentalCoroutinesApi class OpsErrorsUseCaseTest { @RelaxedMockK private lateinit var repository: OpsErrorRepository private lateinit var opsErrorConverter: OpsErrorConverter private lateinit var opsErrorDetailsConverter: OpsErrorDetailsConverter private lateinit var useCase: OpsErrorsUseCase @Before fun setUp() { MockKAnnotations.init(this) opsErrorConverter = OpsErrorConverter() opsErrorDetailsConverter = OpsErrorDetailsConverter() useCase = OpsErrorsUseCase( repository, opsErrorConverter, opsErrorDetailsConverter ) } @Test fun `getOpsErrors flow emits successfully`() = runBlocking { // ARRANGE val hour = 4 val list = listOf( OpsErrorModel( errorsCount = 5, source = "source" ) ) coEvery { repository.getOpsErrors(hour) } returns listOf( OpsErrorDto( noErrors = 5, source = "source" ) ) // ACT val flow = useCase.getOpsErrors(hour) // ASSERT flow.collect { item -> assertEquals(list, item) coVerify(exactly = 1) { repository.getOpsErrors(hour) } } } @Test fun `getOpsErrorDetail flow emits successfully`() = runBlocking { // ARRANGE val source = "source" val hour = 4 val date = Date() val list = listOf( OpsErrorDetailsModel( date = date, name = "any" ) ) coEvery { repository.getOpsErrorDetail(source, hour) } returns listOf( OpsErrorDetailsDto( date = date, name = "any" ) ) // ACT val flow = useCase.getOpsErrorDetails(source, hour) // ASSERT flow.collect { item -> assertEquals(list, item) coVerify(exactly = 1) { repository.getOpsErrorDetail(source, hour) } } } @Test fun `getOpsError flow emits catch error`() = runBlocking { // ARRANGE val hour = 4 val exceptionMsg = "this is a test exception" coEvery { repository.getOpsErrors(hour) } answers { throw Exception(exceptionMsg) } // ACT val flow = useCase.getOpsErrors(hour) // ASSERT flow.catch { assertEquals(exceptionMsg, it.message) coVerify(exactly = 1) { repository.getOpsErrors(hour) } }.collect { } } @Test fun `getOpsErrorDetail flow emits catch error`() = runBlocking { // ARRANGE val source = "source" val hour = 4 val exceptionMsg = "this is a test exception" coEvery { repository.getOpsErrorDetail(source, hour) } answers { throw Exception(exceptionMsg) } // ACT val flow = useCase.getOpsErrorDetails(source, hour) // ASSERT flow.catch { assertEquals(exceptionMsg, it.message) coVerify(exactly = 1) { repository.getOpsErrorDetail(source, hour) } }.collect { } } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/ui/fragments/opserrordetails/adapter/OpsErrorDetailsAdapter.kt package com.angelorobson.monitorerrorapp.ui.fragments.opserrordetails.adapter import com.angelorobson.monitorerrorapp.R import com.angelorobson.monitorerrorapp.databinding.OpsErrorDetailsRowLayoutBinding import com.angelorobson.monitorerrorapp.models.OpsErrorDetailsModel import com.angelorobson.monitorerrorapp.utils.BindingAdapter class OpsErrorDetailsAdapter : BindingAdapter<OpsErrorDetailsModel, OpsErrorDetailsRowLayoutBinding>() { override fun getLayoutResId(): Int = R.layout.ops_error_details_row_layout override fun onBindViewHolder(binding: OpsErrorDetailsRowLayoutBinding, position: Int) { binding.run { val opsErrorDetails = getItem(position) item = opsErrorDetails executePendingBindings() } } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/converters/OpsErrorConverter.kt package com.angelorobson.monitorerrorapp.converters import com.angelorobson.monitorerrorapp.dto.OpsErrorDto import com.angelorobson.monitorerrorapp.models.OpsErrorModel class OpsErrorConverter { fun convert(opsErrorDto: OpsErrorDto) = OpsErrorModel( errorsCount = opsErrorDto.noErrors, source = opsErrorDto.source ) }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/models/OpsErrorDetail.kt package com.angelorobson.monitorerrorapp.models import java.util.Date data class OpsErrorDetailsModel( val date: Date, val name: String )<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/repository/remote/OpsErrorService.kt package com.angelorobson.monitorerrorapp.repository.remote import com.angelorobson.monitorerrorapp.utils.WebService class OpsErrorService : WebService<OpsErrorApi>() { override fun api(): OpsErrorApi = getInstance().create(OpsErrorApi::class.java) }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/ui/MainActivity.kt package com.angelorobson.monitorerrorapp.ui import android.os.Bundle import androidx.appcompat.app.AppCompatActivity import androidx.navigation.NavController import androidx.navigation.findNavController import androidx.navigation.ui.AppBarConfiguration import androidx.navigation.ui.setupActionBarWithNavController import com.angelorobson.monitorerrorapp.R import com.angelorobson.monitorerrorapp.utils.ActivityService import org.koin.android.ext.android.inject class MainActivity : AppCompatActivity() { private lateinit var navController: NavController private val activityService: ActivityService by inject() override fun onCreate(savedInstanceState: Bundle?) { super.onCreate(savedInstanceState) setContentView(R.layout.activity_main) activityService.onCreate(this) navController = findNavController(R.id.navHostFragment) val appBarConfiguration = AppBarConfiguration( setOf( R.id.opsErrorFragment, R.id.opsErrorDetailsFragment ) ) setupActionBarWithNavController(navController, appBarConfiguration) } override fun onSupportNavigateUp(): Boolean { return navController.navigateUp() || super.onSupportNavigateUp() } override fun onDestroy() { activityService.onDestroy(this) super.onDestroy() } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/repository/remote/OpsErrorApi.kt package com.angelorobson.monitorerrorapp.repository.remote import com.angelorobson.monitorerrorapp.dto.OpsErrorDetailsDto import com.angelorobson.monitorerrorapp.dto.OpsErrorDto import retrofit2.http.GET import retrofit2.http.Path import retrofit2.http.Query interface OpsErrorApi { @GET("api/OpsErrors/{hour}") suspend fun getOpsErrors(@Path("hour") hour: Int): List<OpsErrorDto> @GET("api/OpsErrors/{source}/errors") suspend fun getOpsErrorDetail( @Path("source") source: String, @Query("hours") hour: Int ): List<OpsErrorDetailsDto> }<file_sep>/app/src/androidTest/java/com/angelorobson/monitorerrorapp/ui/fragments/opserrordetails/OpsErrorDetailsRobot.kt package com.angelorobson.monitorerrorapp.ui.fragments.opserrordetails import androidx.test.espresso.Espresso.onView import androidx.test.espresso.action.ViewActions import androidx.test.espresso.matcher.ViewMatchers.* import com.angelorobson.monitorerrorapp.BaseRobot import com.angelorobson.monitorerrorapp.R import com.angelorobson.monitorerrorapp.withRecyclerView import org.hamcrest.CoreMatchers fun opsErrorDetailsRobot(func: OpsErrorDetailsRobot.() -> Unit) = OpsErrorDetailsRobot().apply(func) class OpsErrorDetailsRobot : BaseRobot() { fun visibleOpsErrorDetailsRecycler() { isVisible(R.id.ops_error_details_recyclerView) } fun visibleDateTextView(position: Int = 0) { onView( CoreMatchers.allOf( isDescendantOfA( withRecyclerView(R.id.ops_error_details_recyclerView).atPositionOnView( position, R.id.placeholder_ops_error_details_row_error_count_textView ) ), withId(R.id.placeholder_ops_error_details_row_error_count_textView), isDisplayed() ) ) } fun visibleSourceErrorTextView(position: Int = 0) { onView( CoreMatchers.allOf( isDescendantOfA( withRecyclerView(R.id.ops_error_details_recyclerView).atPositionOnView( position, R.id.placeholder_ops_error_details_row_source_textView ) ), withId(R.id.placeholder_ops_error_details_row_source_textView), isDisplayed() ) ) } fun notVisibleButtonTryAgain() { isNotVisible(R.id.ops_error_details_try_again_button) } fun visibleButtonTryAgain() { isVisible(R.id.ops_error_details_try_again_button) } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/ui/fragments/filterhour/FilterHourDialogFragment.kt package com.angelorobson.monitorerrorapp.ui.fragments.filterhour import android.os.Bundle import android.view.LayoutInflater import android.view.View import android.view.ViewGroup import android.view.WindowManager import android.widget.AdapterView import android.widget.ArrayAdapter import androidx.fragment.app.DialogFragment import androidx.navigation.fragment.navArgs import com.angelorobson.monitorerrorapp.R import com.angelorobson.monitorerrorapp.databinding.FragmentFilterHourBinding import com.angelorobson.monitorerrorapp.utils.NavigationNavigator import org.koin.android.ext.android.inject class FilterHourDialogFragment : DialogFragment(), AdapterView.OnItemClickListener { private lateinit var binding: FragmentFilterHourBinding private val navigator: NavigationNavigator by inject() private val args by navArgs<FilterHourDialogFragmentArgs>() override fun onCreateView( inflater: LayoutInflater, container: ViewGroup?, savedInstanceState: Bundle? ): View { binding = FragmentFilterHourBinding.inflate(inflater, container, false) return binding.root } override fun onViewCreated(view: View, savedInstanceState: Bundle?) { super.onViewCreated(view, savedInstanceState) setupDropDown() } private fun setupDropDown() { val stringArray = resources.getStringArray(R.array.hours_array) val adapter: ArrayAdapter<String> = ArrayAdapter<String>( requireContext(), R.layout.support_simple_spinner_dropdown_item, stringArray ) val editTextFilledExposedDropdown = binding.outlinedExposedDropdown editTextFilledExposedDropdown.setText(args.hour.toString()) editTextFilledExposedDropdown.setAdapter(adapter) editTextFilledExposedDropdown.onItemClickListener = this } override fun onStart() { super.onStart() dialog?.window?.setLayout( WindowManager.LayoutParams.MATCH_PARENT, WindowManager.LayoutParams.WRAP_CONTENT ) } override fun onItemClick(parent: AdapterView<*>?, p1: View?, position: Int, p3: Long) { val item: String = parent?.getItemAtPosition(position).toString() navigator.to( FilterHourDialogFragmentDirections.filterHourFragmentToOpsErrorFragment(item.toInt()) ) } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/ui/fragments/opserrordetails/OpsErrorDetailsFragment.kt package com.angelorobson.monitorerrorapp.ui.fragments.opserrordetails import android.os.Bundle import android.view.* import android.widget.Toast import androidx.core.text.HtmlCompat import androidx.fragment.app.Fragment import androidx.navigation.fragment.navArgs import androidx.recyclerview.widget.DividerItemDecoration import androidx.recyclerview.widget.LinearLayoutManager import com.angelorobson.monitorerrorapp.R import com.angelorobson.monitorerrorapp.databinding.FragmentOpsErrorDetailsBinding import com.angelorobson.monitorerrorapp.di.loadMonitorErrorModules import com.angelorobson.monitorerrorapp.models.OpsErrorDetailsModel import com.angelorobson.monitorerrorapp.ui.MainActivity import com.angelorobson.monitorerrorapp.ui.fragments.opserrordetails.adapter.OpsErrorDetailsAdapter import com.angelorobson.monitorerrorapp.ui.fragments.opserrordetails.viewmodel.OpsErrorDetailsViewModel import com.angelorobson.monitorerrorapp.utils.NetworkResult import com.angelorobson.monitorerrorapp.utils.extensions.android.gone import com.angelorobson.monitorerrorapp.utils.extensions.android.visible import kotlinx.coroutines.ExperimentalCoroutinesApi import org.koin.androidx.viewmodel.ext.android.viewModel @ExperimentalCoroutinesApi class OpsErrorDetailsFragment : Fragment() { private val args by navArgs<OpsErrorDetailsFragmentArgs>() private val viewModel: OpsErrorDetailsViewModel by viewModel() private lateinit var binding: FragmentOpsErrorDetailsBinding private lateinit var mLayoutManager: LinearLayoutManager private val mAdapter by lazy { OpsErrorDetailsAdapter() } override fun onCreate(savedInstanceState: Bundle?) { super.onCreate(savedInstanceState) if (activity is MainActivity) { (activity as MainActivity?)?.supportActionBar?.apply { setDisplayHomeAsUpEnabled(true) setHomeButtonEnabled(true) } } } override fun onCreateView( inflater: LayoutInflater, container: ViewGroup?, savedInstanceState: Bundle? ): View { binding = FragmentOpsErrorDetailsBinding.inflate(inflater, container, false) setHasOptionsMenu(true) initClickListener() setupRecyclerView() return binding.root } private fun initClickListener() { binding.opsErrorDetailsTryAgainButton.setOnClickListener { getErrorDetails() } } private fun setupRecyclerView() { mLayoutManager = LinearLayoutManager(context) binding.opsErrorDetailsRecyclerView.apply { adapter = mAdapter layoutManager = mLayoutManager addItemDecoration( DividerItemDecoration( context, mLayoutManager.orientation ) ) } } override fun onViewCreated(view: View, savedInstanceState: Bundle?) { super.onViewCreated(view, savedInstanceState) getErrorDetails() bindViewModel() } override fun onCreateOptionsMenu(menu: Menu, inflater: MenuInflater) { inflater.inflate(R.menu.ops_error_details_menu, menu) } override fun onOptionsItemSelected(item: MenuItem): Boolean { when (item.itemId) { R.id.menu_refresh -> { getErrorDetails() } } return super.onOptionsItemSelected(item) } private fun getErrorDetails() { viewModel.getOpsErrorDetails(source = args.source, hours = args.hours) } private fun bindViewModel() { viewModel.getErrorDetailsResponse.observe(viewLifecycleOwner, { result -> when (result) { is NetworkResult.Error -> { showButtonTryAgain() hideShimmerEffect() hideGroupMainView() Toast.makeText(requireContext(), result.message.toString(), Toast.LENGTH_SHORT) .show() } is NetworkResult.Loading -> { hideButtonTryAgain() showGroupMainView() showShimmerEffect() } is NetworkResult.Success -> { showGroupMainView() hideButtonTryAgain() hideShimmerEffect() populateScreen(result.data) } } }) } private fun populateScreen(result: List<OpsErrorDetailsModel>?) { binding.opsErrorTotalTextView.text = HtmlCompat.fromHtml( getString(R.string.ops_error_details_info, result?.size, args.hours), HtmlCompat.FROM_HTML_MODE_LEGACY ) mAdapter.submitList(result) } private fun showShimmerEffect() { binding.opsErrorDetailsRecyclerView.showShimmer() } private fun hideShimmerEffect() { binding.opsErrorDetailsRecyclerView.hideShimmer() } private fun hideButtonTryAgain() { binding.opsErrorDetailsTryAgainButton.gone() } private fun showButtonTryAgain() { binding.opsErrorDetailsTryAgainButton.visible() } private fun showGroupMainView() { binding.groupErrorsDetailMainView.visible() } private fun hideGroupMainView() { binding.groupErrorsDetailMainView.gone() } }<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/utils/BaseWebService.kt package com.angelorobson.monitorerrorapp.utils data class BaseWebService( val baseUrl: String, val buildType: String, val connectTimeout: Long, val readTimeout: Long, val writeTimeout: Long, )<file_sep>/app/src/main/java/com/angelorobson/monitorerrorapp/utils/MoshiAdapters.kt package com.angelorobson.monitorerrorapp.utils import com.squareup.moshi.FromJson import com.squareup.moshi.ToJson import java.text.DateFormat import java.text.ParseException import java.text.SimpleDateFormat import java.time.ZoneId import java.util.* var customDateAdapter: Any = object : Any() { var dateFormat: DateFormat? = null init { dateFormat = SimpleDateFormat("yyyy-MM-dd'T'HH:mm:SSS") (dateFormat as SimpleDateFormat).timeZone = TimeZone.getDefault() } @ToJson @Synchronized fun dateToJson(d: Date?): String? { return dateFormat?.format(d) } @FromJson @Synchronized @Throws(ParseException::class) fun dateToJson(s: String?): Date? { return dateFormat?.parse(s) } }
5ea8da7ea977e84cd1906d96de4ae363ef5d4412
[ "Markdown", "Kotlin", "Gradle" ]
39
Kotlin
angelorobsonmelo/ops-error
c57e4cae40800fe06c9900277deb22ef5d486119
fda35397163420dd82f27771a64a79d94aea4cbe
refs/heads/master
<file_sep>from django.db import models # Create your models here. from django.urls import reverse STATUS_CHOICE = [ ('progress', 'progress'), ('completed', 'completed'), ('pending', 'pending'), ] class Todos(models.Model): title = models.CharField(max_length=256, null=False) description = models.TextField(max_length=256) todo_date_time = models.DateTimeField() status = models.TextField(max_length=20, choices=STATUS_CHOICE) created_at = models.DateTimeField(auto_now_add=True) modified_at = models.DateTimeField(auto_now=True) is_deleted = models.BooleanField(default=False) def __str__(self): return self.title def get_absolute_url(self): return reverse("todo_list:details", kwargs={'pk': self.pk}) def get_undeleted_tasks(self): return Todos.objects.filter(is_deleted=False) def get_task(self, pk): return Todos.objects.first(pk=pk) <file_sep>from django.core import serializers # Create your views here. from django.http import HttpResponseRedirect, JsonResponse from django.urls import reverse_lazy from django.views.generic import CreateView, ListView, DetailView, UpdateView, DeleteView from django.views.generic.base import View, TemplateView from todo_list.forms import TodosForm from todo_list.models import Todos class Index(TemplateView): template_name = 'index.html' class CreateTodo(CreateView): model = Todos form_class = TodosForm template_name = 'todo_create.html' # success_url = reverse_lazy("todo_list:list") class ListTodo(ListView): model = Todos template_name = 'todo_listview.html' def get_context_data(self, **kwargs): context = super().get_context_data(**kwargs) context['tasks'] = Todos().get_undeleted_tasks() return context class DetailsTodo(DetailView): model = Todos context_object_name = 'task' template_name = 'todo_detail.html' class UpdateTodo(UpdateView): model = Todos form_class = TodosForm template_name = 'todo_create.html' class DeleteTodo(DeleteView): model = Todos template_name = 'todo_delete.html' context_object_name = 'task' success_url = reverse_lazy("todo_list:list") def delete(self, request, *args, **kwargs): """ Call the save method on the fetched object and then redirect to the success URL. """ self.object = self.get_object() success_url = self.get_success_url() self.object.is_deleted = True self.object.save() return HttpResponseRedirect(success_url) class ListAllOrOne(View): def __init__(self): super().__init__() def get(self, requets): id = requets.GET.get('id', None) queryset = Todos.objects.all() fields=('title','description', 'todo_date_time','status','created_at', 'modified_at', 'is_deleted') if id: todo_one_json = serializers.serialize("json", queryset.filter(id=id), fields=fields) return JsonResponse({"data":todo_one_json}, content_type="application/json") todo_json = serializers.serialize("json", queryset, fields=fields) return JsonResponse({"data":todo_json}, content_type="application/json") <file_sep># Generated by Django 2.2.4 on 2019-08-04 19:15 from django.db import migrations, models class Migration(migrations.Migration): initial = True dependencies = [ ] operations = [ migrations.CreateModel( name='Todos', fields=[ ('id', models.AutoField(auto_created=True, primary_key=True, serialize=False, verbose_name='ID')), ('title', models.CharField(max_length=256)), ('description', models.TextField(max_length=256)), ('todo_date_time', models.DateTimeField()), ('status', models.TextField(choices=[('progress', 'progress'), ('completed', 'completed'), ('pending', 'pending')], max_length=20)), ('created_at', models.DateTimeField(auto_now_add=True)), ('modified_at', models.DateTimeField(auto_now=True)), ('is_deleted', models.BooleanField(default=False)), ], ), ] <file_sep>import csv import datetime from django.contrib import admin # Register your models here. from django.http import HttpResponse from .models import Todos class TodoAdmin(admin.ModelAdmin): """ Modify the features for the admin interface """ fields = ['title', 'todo_date_time', 'status', 'is_deleted', 'description'] search_fields = ['title', 'status'] list_filter = ['title', 'todo_date_time', 'created_at', 'modified_at'] list_display = ['title', 'status', 'todo_date_time', 'created_at', 'modified_at', 'description', 'is_deleted'] # list_editable = ['status', 'todo_date_time', 'description'] list_editable = ['status'] list_per_page = 10 actions = ['export_to_csv'] def export_to_csv(self, request, queryset): meta = self.model._meta field_names = [field.name for field in meta.fields] response = HttpResponse(content_type='text/csv') response['Content-Disposition'] = 'attachment; filename={}.csv'.format(meta) writer = csv.writer(response) writer.writerow(field_names) for obj in queryset: writer.writerow([getattr(obj, field) for field in field_names]) return response export_to_csv.short_description = "Export Selected to CSV" admin.site.register(Todos, TodoAdmin) <file_sep>from django.urls import path, include from todo_list import views app_name = 'todo_list' urlpatterns = [ path('', views.ListTodo.as_view(), name='list'), path('<int:pk>', views.DetailsTodo.as_view(), name='details'), path('create/', views.CreateTodo.as_view(), name='createtodo'), path('update/<int:pk>', views.UpdateTodo.as_view(), name='updatetodo'), path('delete/<int:pk>', views.DeleteTodo.as_view(), name='deletetodo'), path('listallorone/', views.ListAllOrOne.as_view(), name="lsitallorone") ]<file_sep># Setup Env 1. Upgrade pip ```bash python -m pip install --upgrade pip ``` 2. Install python3 latest version | stable ``` Reference for step by step installation https://vitux.com/install-python3-on-ubuntu-and-set- up-a-virtual-programming-environment/ ``` 3. Setup virtualenv ```bash pip install virtualenv virtualenvwrapper source virtualenvwrapper.sh mkvirtualenv <env_name> --python=<python path> ``` 4. Download golden-eye repository ```bash cd $HOME <EMAIL>:snalla-axis/StayAbode.git ``` 5. Install project dependencies ```bash cd $HOME/StayAbode/ pip install -r requirements.txt ``` 6. Start server ``` bash cd $HOME/StayAbode/todoapp python manage.py makemigrations python manage.py migrate python manage.py runserver ``` 6. Create super user can use admin ui ``` bash cd $HOME/StayAbode/todoapp python manage.py createsuperuser ``` # Features 1. Sample model given 2. CRUD operations 3. Admin Interface and action to download to csv 4. API's for All records or one record ``` bash single record: http://localhost:8000/todolist/listallorone/?id=10 records: http://localhost:8000/todolist/listallorone ```<file_sep>from django import forms from todo_list.models import Todos from todoapp import settings class TodosForm(forms.ModelForm): todo_date_time = forms.DateTimeField( input_formats=['%Y-%m-%dT%H:%M'], widget=forms.DateTimeInput( attrs={ 'type': 'datetime-local', 'class': 'form-control'}, format='%Y-%m-%dT%H:%M') ) class Meta: model = Todos fields = ['title', 'description', 'status', 'todo_date_time']
305e0b2b5302ecb50cf183deaaa96c7ed38739da
[ "Markdown", "Python" ]
7
Python
snalla-axis/StayAbode
4e1e40e0e06535b9c345177200e8b075e838c9ab
993f063c5b03d07c1f6fff35d136764693d0e779
refs/heads/master
<repo_name>chewett/ArduinoBot<file_sep>/read_arduino_json.py import serial import socket import json import time arduino = serial.Serial('COM4', 115200, timeout=None) sock = socket.socket(socket.AF_INET, socket.SOCK_STREAM) server_address = ('localhost', 31415) sock.connect(server_address) sock.sendall('{"mode": "sender"}\n') print "starting" while True: data = arduino.readline() if data: json_data = json.loads(data) print json_data sock.sendall(data) <file_sep>/servo_set.py import serial, time arduino = serial.Serial('COM5', 9600, timeout=None) print "start" time.sleep(1) print "start" while True: time.sleep(1) print "start1" arduino.write("60") data = arduino.readline() if data: print data time.sleep(1) print "start2" arduino.write("120") data = arduino.readline() if data: print data <file_sep>/ArduinoBot.ino #define DHT_ENABLED 1 #define GAS_ENABLED 1 #define SERVO_ENABLED 0 #define PING_ENABLED 1 #define LED_MATRIX_ENABLED 1 #define MOTION_SENSOR 1 #define SOUND_SENSOR_ARRAY 1 #if SERVO_ENABLED #include <Servo.h> Servo servo1; int redPin = 4; int bluePin = 7; int greenPin = 8; #endif #if PING_ENABLED #include <NewPing.h> #define TRIGGER_PIN 8 // Arduino pin tied to trigger pin on the ultrasonic sensor. #define ECHO_PIN 9 // Arduino pin tied to echo pin on the ultrasonic sensor. #define MAX_DISTANCE 200 // Maximum distance we want to ping for (in centimeters). Maximum sensor distance is rated at 400-500cm. NewPing sonar(TRIGGER_PIN, ECHO_PIN, MAX_DISTANCE); // NewPing setup of pins and maximum distance. int pingPower = 10; int getPingCm() { delay(200); int distance = 0; unsigned int uS = sonar.ping(); //uS = sonar.ping(); //Do ping twice as the first time after powering off/on is sometimes 0 distance = uS / US_ROUNDTRIP_CM; if(false && distance == 0) { digitalWrite(pingPower, LOW); delay(2000); digitalWrite(pingPower, HIGH); } return distance; } int getPingCmBasic() { int distance = 0; unsigned int uS = sonar.ping(); distance = uS / US_ROUNDTRIP_CM; return distance; } #endif #if DHT_ENABLED #include "DHT.h" #define DHTPIN 7 // what digital pin we're connected to #define DHTTYPE DHT11 // DHT 11 DHT dht(DHTPIN, DHTTYPE); #endif #if LED_MATRIX_ENABLED #include "LedControl.h" LedControl lc=LedControl(12,11,10,2); #endif #if MOTION_SENSOR #define MOTION_SENSOR_PIN 1 #endif #if SOUND_SENSOR_ARRAY #define SOUND_SENSOR_PIN1 13 #define SOUND_SENSOR_PIN2 14 #define SOUND_SENSOR_PIN3 15 #endif int sensorValue; void setup() { randomSeed(analogRead(0)); Serial.begin(115200); #if DHT_ENABLED dht.begin(); #endif #if PING_ENABLED pinMode(pingPower, OUTPUT); digitalWrite(pingPower, HIGH); #endif #if LED_MATRIX_ENABLED lc.shutdown(0,false); lc.setIntensity(0,1); lc.clearDisplay(0); lc.shutdown(1,false); lc.setIntensity(1,1); lc.clearDisplay(1); #endif /* * pinMode(redPin, OUTPUT); pinMode(bluePin, OUTPUT); pinMode(greenPin, OUTPUT); servo1.attach(5); Serial.begin(115200);*/ } /* void setColor(int pin) { digitalWrite(redPin, LOW); digitalWrite(bluePin, LOW); digitalWrite(greenPin, LOW); if(pin == redPin || pin == bluePin || pin == greenPin) { digitalWrite(pin, HIGH); }else{ delay(100); } }*/ void loop() { #if LED_MATRIX_ENABLED long randNumber; for(int set = 0; set < 2; set++) { for(int i = 0; i < 8; i++) { randNumber = random(0, 255); lc.setRow(set,i, (byte)randNumber); } } delay(1000); #endif Serial.print("{"); #if DHT_ENABLED float h = dht.readHumidity(); // Read temperature as Celsius (the default) float t = dht.readTemperature(); // Check if any reads failed and exit early (to try again). if (isnan(h) || isnan(t)) { Serial.println("Failed to read from DHT sensor!"); return; } sensorValue = analogRead(0); // read analog input pin 0 Serial.print("\"humidity\": \""); Serial.print(h); Serial.print("\", \"temp\": \""); Serial.print(t); Serial.print("\", \"toxicity\": \""); Serial.print(sensorValue); Serial.print("\","); #endif #if MOTION_SENSOR sensorValue = analogRead(MOTION_SENSOR_PIN); Serial.print("\"motion\": \""); Serial.print(sensorValue); Serial.print("\","); #endif #if SOUND_SENSOR_ARRAY sensorValue = analogRead(SOUND_SENSOR_PIN1); Serial.print("\"sound1\": \""); Serial.print(sensorValue); Serial.print("\","); sensorValue = analogRead(SOUND_SENSOR_PIN2); Serial.print("\"sound2\": \""); Serial.print(sensorValue); Serial.print("\","); sensorValue = analogRead(SOUND_SENSOR_PIN3); Serial.print("\"sound3\": \""); Serial.print(sensorValue); Serial.print("\","); #endif #if PING_ENABLED Serial.print("\"distance\": \""); Serial.print(getPingCmBasic()); Serial.print("\","); #endif Serial.println("\"sending\":\"true\"}"); /* while (Serial.available() == 0); int val = Serial.parseInt(); setColor(val); /* Serial.println(val); servo1.write(val); delay(500); */ } <file_sep>/README.md ArduninoBot =========== A libary containing the .ino file which holds my arduino code to control and manage a variety of sensors and other items on an arduino. In addition there are some python files to control the Arduino and recieve data sent from it.
1f8cfee84d5de382e8574f8069dd3708816ea0ee
[ "Markdown", "Python", "C++" ]
4
Python
chewett/ArduinoBot
4e5f0fdbbbc017210cf924117e32434db62cec83
00f6c19dfc6ef7e970bed90860fdc15abd30459a
refs/heads/main
<repo_name>asort1976/ping-pong<file_sep>/pong.py import pygame pygame.init() WW =700 WH = 500 sc = pygame.display.set_mode((WW, WH)) clock = pygame.time.Clock() back = pygame.transform.scale(pygame.image.load('fon.png'), (700, 500)) class GameSprite(pygame.sprite.Sprite): def __init__(self, player_image, player_x, player_y): super().__init__() self.image = pygame.transform.scale(pygame.image.load(player_image), (15, 70)) self.rect = self.image.get_rect() self.rect.x = player_x self.rect.y = player_y def reset(self): sc.blit(self.image, (self.rect.x, self.rect.y)) class Player(GameSprite): def update(self): keyp = pygame.key.get_pressed() if keyp[pygame.K_DOWN] and self.rect.y <427: self.rect.y += 5 if keyp[pygame.K_UP] and self.rect.y >0: self.rect.y -= 5 n2 = Player('shtuka.png',5,5) n3 = Player('shtuka.png',495,5) run2= True run = True while run: if run2: sc.blit(back,(0,0)) n2.update() n2.reset() n3.update() n3.reset() for i in pygame.event.get(): if i.type == pygame.QUIT: run = False pygame.display.update()<file_sep>/README.md пинг понг просто пинг понг
76051d661f362fafb4d505cb40bbdd808f936cd6
[ "Markdown", "Python" ]
2
Python
asort1976/ping-pong
913254ac85f08f7fcbd993ba3b8ca7f5fb42eaf3
bdec16e64d06341ee9b1c0f9bd53d35492305f54
refs/heads/master
<repo_name>arronMing/studyLearning<file_sep>/fun/src/main/java/concurrent/CountDownLatch.java package concurrent; public class CountDownLatch { static class Runner1 implements Runnable{ private java.util.concurrent.CountDownLatch countDownLatch; public Runner1(java.util.concurrent.CountDownLatch countDownLatch) { this.countDownLatch = countDownLatch; } @Override public void run() { try { System.out.println("线程一进入"); countDownLatch.await(); System.out.println("线程一继续执行"); } catch (InterruptedException e) { e.printStackTrace(); } } } static class Runner2 implements Runnable{ private java.util.concurrent.CountDownLatch countDownLatch; public Runner2 (java.util.concurrent.CountDownLatch countDownLatch) { this.countDownLatch = countDownLatch; } @Override public void run() { System.out.println("线程二进入"); countDownLatch.countDown(); System.out.println("线程二继续执行"); } } static class Runner3 implements Runnable{ private java.util.concurrent.CountDownLatch countDownLatch; public Runner3 (java.util.concurrent.CountDownLatch countDownLatch) { this.countDownLatch = countDownLatch; } @Override public void run() { System.out.println("线程3进入"); countDownLatch.countDown(); System.out.println("线程3继续执行"); } } public static void main(String args []){ java.util.concurrent.CountDownLatch countDownLatch = new java.util.concurrent.CountDownLatch(2); Thread thread1 = new Thread(new Runner1(countDownLatch)); Thread thread2 = new Thread(new Runner2(countDownLatch)); Thread thread3 = new Thread(new Runner3(countDownLatch)); thread1.start(); thread2.start(); thread3.start(); } } <file_sep>/fun/src/main/java/designModel/iteratorModel/main.java package designModel.iteratorModel; public class main { public static void main(String args[]) { BookShelf bookShelf = new BookShelf(4); bookShelf.appendBook(new Book("1111111")); bookShelf.appendBook(new Book("2222222")); bookShelf.appendBook(new Book("3333333")); bookShelf.appendBook(new Book("4444444")); Iterator iterator = bookShelf.iterator(); while (iterator.hasNext()) { Book book = (Book) iterator.next(); System.out.println(book.getName()); } } } <file_sep>/fun/src/main/java/queue/Task.java package queue; public class Task implements Comparable { private String name; private int id; public Task(String name, int id) { this.name = name; this.id = id; } public String getName() { return name; } public void setName(String name) { this.name = name; } public int getId() { return id; } public void setId(int id) { this.id = id; } public int compareTo(Object o) { Task task = (Task) o; return this.id > task.getId() ? 1 : (this.id < task.getId() ? -1 : 0); } } <file_sep>/fun/src/main/java/io/TestIoBuffer.java package io; import java.nio.IntBuffer; public class TestIoBuffer { public static void main(String args[]) { IntBuffer intBuffer = IntBuffer.allocate(10); intBuffer.put(13); intBuffer.put(14); intBuffer.put(15); intBuffer.flip(); System.out.println("使用flip复位:" + intBuffer); System.out.println("容量为: " + intBuffer.capacity()); //容量一旦初始化后不允许改变(warp方法包裹数组除外) System.out.println("限制为: " + intBuffer.limit()); //由于只装载了三个元素,所以可读取或者操作的元素为3 则limit=3 System.out.println("获取下标为1的元素:" + intBuffer.get(1)); System.out.println("get(index)方法,position位置不改变:" + intBuffer); for (int i = 0; i < intBuffer.limit(); i++) { System.out.println(intBuffer.get()); } System.out.println("buf对象遍历之后为: " + intBuffer); } } <file_sep>/fun/src/main/java/io/mina/MinaServer.java package io.mina; import org.apache.mina.core.service.IoAcceptor; import org.apache.mina.core.session.IdleStatus; import org.apache.mina.filter.codec.ProtocolCodecFilter; import org.apache.mina.filter.codec.textline.LineDelimiter; import org.apache.mina.filter.codec.textline.TextLineCodecFactory; import org.apache.mina.transport.socket.nio.NioSocketAcceptor; import java.io.IOException; import java.net.InetSocketAddress; import java.nio.charset.Charset; public class MinaServer { static int port = 8082; static IoAcceptor acceptor = null; public static void main(String args[]) throws IOException { acceptor = new NioSocketAcceptor(); acceptor.getFilterChain().addLast("codec", new ProtocolCodecFilter( new TextLineCodecFactory(Charset.forName("UTF-8"), LineDelimiter.WINDOWS.getValue(), LineDelimiter.WINDOWS.getValue()) )); acceptor.getSessionConfig().setReadBufferSize(1024); acceptor.getSessionConfig().setIdleTime(IdleStatus.BOTH_IDLE,10); acceptor.setHandler(new MyHandle()); System.out.println("1111"); System.out.println("1111"); acceptor.bind(new InetSocketAddress(port)); } } <file_sep>/fun/src/main/java/designModel/buildModel/TextBuilder.java package designModel.buildModel; public class TextBuilder implements Builder { private StringBuffer sb = new StringBuffer(); public void makeTitle(String title) { sb.append("=============\n"); sb.append("["+title+"]\n"); sb.append("\n"); } public void makeString(String data) { sb.append("#"+data+"\n"); sb.append("\n"); } public void makeItems(String[] items) { for(String item:items){ sb.append(" '"+item+"\n"); } sb.append("\n"); } public void cloes() { sb.append("=============\n"); } public String getResult(){ return sb.toString(); } } <file_sep>/fun/src/main/java/designModel/bridgeModel/CountDisplay.java package designModel.bridgeModel; public class CountDisplay extends Display { public CountDisplay(DisplayImpl display){ super(display); } public void multipleDisplay(int times){ open(); for(int i=0;i<times;i++){ pring(); } cloes(); } } <file_sep>/fun/src/main/java/designModel/FactoryModel/IdcardFactory.java package designModel.FactoryModel; import java.util.ArrayList; import java.util.List; public class IdcardFactory extends Factory { private List<String> list = new ArrayList<String>(); Product createProduct(String name) { return new IdCard(name); } void registerProduct(Product product) { list.add(((IdCard) product).getName()); } } <file_sep>/fun/src/main/java/designModel/prototype/main.java package designModel.prototype; public class main { public static void main(String args[]) { Manager manager = new Manager(); MessageBox box1 = new MessageBox("*"); MessageBox box2 = new MessageBox("#"); UnderlinePen underlinePen = new UnderlinePen("_"); manager.register("box1", box1); manager.register("box2", box2); manager.register("under", underlinePen); manager.create("box1").use("hello world"); manager.create("box2").use("hello world"); manager.create("under").use("hello world"); } } <file_sep>/fun/src/main/java/io/netty/serail/Resp.java package io.netty.serail; import java.io.Serializable; public class Resp implements Serializable { private static final long serialVersionUID = 1L; private String id; private String name; private String responseMessege; public String getId() { return id; } public void setId(String id) { this.id = id; } public String getName() { return name; } public void setName(String name) { this.name = name; } public String getResponseMessege() { return responseMessege; } public void setResponseMessege(String responseMessege) { this.responseMessege = responseMessege; } } <file_sep>/fun/src/main/java/designModel/singleton/Singleton.java package designModel.singleton; public class Singleton { private static Singleton instance = null; private Singleton() { System.out.println("初始化"); } public static Singleton getInstance(){ if (null == instance) { instance = new Singleton(); } return instance; } public static void main(String args []){ Singleton singleton1 = Singleton.getInstance(); Singleton singleton2 = Singleton.getInstance(); if(singleton1 == singleton2){ System.out.println("equal"); } } } <file_sep>/fun/src/main/java/designModel/buildModel/Durector.java package designModel.buildModel; public class Durector { private Builder builder; public Durector(Builder builder) { this.builder = builder; } public void construct() { builder.makeTitle("Greeting"); builder.makeString("从早上至下午"); builder.makeItems(new String[]{"早上好", "下午好"}); builder.makeString(" 晚睡"); builder.makeItems(new String[]{"晚上好", "晚安", "再见"}); } } <file_sep>/fun/src/main/java/io/netty/分隔符/Client.java package io.netty.分隔符; import io.netty.bootstrap.Bootstrap; import io.netty.buffer.ByteBuf; import io.netty.buffer.Unpooled; import io.netty.channel.ChannelFuture; import io.netty.channel.ChannelInitializer; import io.netty.channel.EventLoopGroup; import io.netty.channel.nio.NioEventLoopGroup; import io.netty.channel.socket.SocketChannel; import io.netty.channel.socket.nio.NioSocketChannel; import io.netty.handler.codec.DelimiterBasedFrameDecoder; import io.netty.handler.codec.string.StringDecoder; public class Client { public static void main(String args[]) throws InterruptedException { EventLoopGroup loopGroup = new NioEventLoopGroup(); Bootstrap b = new Bootstrap(); b.group(loopGroup).channel(NioSocketChannel.class) .handler(new ChannelInitializer<SocketChannel>() { @Override protected void initChannel(SocketChannel socketChannel) throws Exception { ByteBuf byteBuf = Unpooled.copiedBuffer("$_".getBytes()); socketChannel.pipeline().addLast(new DelimiterBasedFrameDecoder(1024, byteBuf)); socketChannel.pipeline().addLast(new StringDecoder()); socketChannel.pipeline().addLast(new ClientHandler()); } }); ChannelFuture future = b.connect("127.0.0.1", 8765).sync(); future.channel().writeAndFlush(Unpooled.wrappedBuffer("777$_".getBytes())); future.channel().writeAndFlush(Unpooled.wrappedBuffer("888$_".getBytes())); future.channel().closeFuture().sync(); loopGroup.shutdownGracefully(); } } <file_sep>/fun/src/main/java/io/netty/serail/ServerHandler.java package io.netty.serail; import io.netty.channel.ChannelHandlerAdapter; import io.netty.channel.ChannelHandlerContext; public class ServerHandler extends ChannelHandlerAdapter { @Override public void channelActive(ChannelHandlerContext ctx) throws Exception { super.channelActive(ctx); } @Override public void channelRead(ChannelHandlerContext ctx, Object msg) throws Exception { Req request = (Req) msg; System.out.println("Server : " + request.getId() + ", " + request.getName() + ", " + request.getRequestMessage()); Resp resp = new Resp(); resp.setId(request.getId()); resp.setName("resp" + request.getId()); ctx.writeAndFlush(resp); } } <file_sep>/fun/src/main/java/concurrent/threadpoolconn1/usethreadpool.java package concurrent.threadpoolconn1; import java.util.concurrent.ArrayBlockingQueue; import java.util.concurrent.ThreadPoolExecutor; import java.util.concurrent.TimeUnit; public class usethreadpool { public static void main(String args[]) { ThreadPoolExecutor threadPoolExecutor = new ThreadPoolExecutor(1, 2, 60, TimeUnit.SECONDS, new ArrayBlockingQueue<Runnable>(3), //new ThreadPoolExecutor.DiscardPolicy() new Mypolice()); myTask myTask1 = new myTask(1, "task1"); myTask myTask2 = new myTask(2, "task2"); myTask myTask3 = new myTask(3, "task3"); myTask myTask4 = new myTask(4, "task4"); myTask myTask5 = new myTask(5, "task5"); myTask myTask6 = new myTask(6, "task6"); myTask myTask7 = new myTask(7, "task7"); threadPoolExecutor.execute(myTask1); threadPoolExecutor.execute(myTask2); threadPoolExecutor.execute(myTask3); threadPoolExecutor.execute(myTask4); threadPoolExecutor.execute(myTask5); threadPoolExecutor.execute(myTask6); threadPoolExecutor.execute(myTask7); threadPoolExecutor.shutdown(); } } <file_sep>/fun/src/main/java/designModel/template/main.java package designModel.template; public class main { public static void main(String args[]) { AbstractDisplay charDispaly = new CharDisplay('H'); AbstractDisplay StringDisplay = new StringDisplay("Hello,world"); charDispaly.display(); StringDisplay.display(); } } <file_sep>/fun/src/main/java/io/nio/Client.java package io.nio; import java.io.IOException; import java.net.InetSocketAddress; import java.nio.ByteBuffer; import java.nio.channels.SocketChannel; public class Client { public static void main(String args []){ InetSocketAddress address = new InetSocketAddress("127.0.0.1",8765); SocketChannel sc = null; ByteBuffer byteBuffer = ByteBuffer.allocate(1024); try { sc =SocketChannel.open(); sc.connect(address); while (true){ byteBuffer.put("aaaa".getBytes()); byteBuffer.flip(); sc.write(byteBuffer); byteBuffer.clear(); } } catch (IOException e) { e.printStackTrace(); }finally { if(sc != null){ try { sc.close(); } catch (IOException e) { e.printStackTrace(); } } } } } <file_sep>/fun/src/main/java/designModel/AbstractFactory/implement/ListFactory.java package designModel.AbstractFactory.implement; import designModel.AbstractFactory.factory.Factory; import designModel.AbstractFactory.factory.Link; import designModel.AbstractFactory.factory.Page; import designModel.AbstractFactory.factory.Tray; public class ListFactory extends Factory { public Link createLink(String caption, String url) { return new ListLink(url, caption); } public Tray createTray(String caption) { return new ListTray(caption); } public Page createPage(String title, String author) { return new ListPage(title, author); } } <file_sep>/fun/src/main/java/threadLocal/MyThreadLocal.java package threadLocal; public class MyThreadLocal { private ThreadLocal<String> local = new ThreadLocal<String>(); public void setLocal(String data) { local.set(data); } public String getLocal() { return local.get(); } public static void main(String args[]) { final MyThreadLocal local1 = new MyThreadLocal(); Thread thread = new Thread(new Runnable() { public void run() { local1.setLocal("name"); System.out.println(local1.getLocal()); } }); Thread thread1 = new Thread(new Runnable() { public void run() { try { Thread.sleep(2000); } catch (InterruptedException e) { e.printStackTrace(); } System.out.println(local1.getLocal()); } }); thread.start(); thread1.start(); } } <file_sep>/fun/src/main/java/io/netty/httpserver/Server.java package io.netty.httpserver; import io.netty.bootstrap.ServerBootstrap; import io.netty.channel.Channel; import io.netty.channel.ChannelOption; import io.netty.channel.EventLoopGroup; import io.netty.channel.nio.NioEventLoopGroup; import io.netty.channel.socket.nio.NioServerSocketChannel; import io.netty.handler.logging.LogLevel; import io.netty.handler.logging.LoggingHandler; public class Server { public static void main(String args []) throws InterruptedException { EventLoopGroup bossGroup = new NioEventLoopGroup(); EventLoopGroup workGroup = new NioEventLoopGroup(); ServerBootstrap b = new ServerBootstrap(); b.group(bossGroup,workGroup).option(ChannelOption.SO_BACKLOG,1024) .channel(NioServerSocketChannel.class) .handler(new LoggingHandler(LogLevel.INFO)) .childHandler(new HttpHelloWorldServerInitializer()); Channel channel = b.bind(8080).sync().channel(); channel.closeFuture().sync(); bossGroup.shutdownGracefully(); workGroup.shutdownGracefully(); } } <file_sep>/fun/src/main/java/io/netty/udp/ServerHandler.java package io.netty.udp; import io.netty.buffer.Unpooled; import io.netty.channel.ChannelHandlerContext; import io.netty.channel.SimpleChannelInboundHandler; import io.netty.channel.socket.DatagramPacket; import io.netty.util.CharsetUtil; public class ServerHandler extends SimpleChannelInboundHandler<DatagramPacket> { @Override protected void messageReceived(ChannelHandlerContext channelHandlerContext, DatagramPacket datagramPacket) throws Exception { String req = datagramPacket.content().toString(CharsetUtil.UTF_8); System.out.println(req); channelHandlerContext.writeAndFlush(new DatagramPacket( Unpooled.copiedBuffer("谚语查询结果", CharsetUtil.UTF_8), datagramPacket.sender())); } } <file_sep>/fun/src/main/java/io/netty/分隔符/ServerHandler.java package io.netty.分隔符; import io.netty.buffer.Unpooled; import io.netty.channel.ChannelHandler; import io.netty.channel.ChannelHandlerAdapter; import io.netty.channel.ChannelHandlerContext; import io.netty.channel.ChannelHandlerInvoker; import io.netty.util.concurrent.EventExecutorGroup; public class ServerHandler extends ChannelHandlerAdapter { @Override public void channelRead(ChannelHandlerContext ctx, Object msg) throws Exception { String data = (String) msg; System.out.println("server revive :" + data); String response = "服务器响应:" + msg + "$_"; ctx.writeAndFlush(Unpooled.copiedBuffer(response.getBytes())); } } <file_sep>/fun/src/main/java/future/RealData.java package future; public class RealData implements Data { private String result; public RealData(String data) { System.out.println("根据" + data + "进行查询,这是一个很耗时的按操作"); try { Thread.sleep(5000); } catch (InterruptedException e) { e.printStackTrace(); } System.out.println("查询结束"); result = "我是返回结果"; } public String getRequest() { return result; } } <file_sep>/fun/src/main/java/io/netty/udp/Client.java package io.netty.udp; import io.netty.bootstrap.Bootstrap; import io.netty.buffer.Unpooled; import io.netty.channel.Channel; import io.netty.channel.ChannelOption; import io.netty.channel.EventLoopGroup; import io.netty.channel.nio.NioEventLoopGroup; import io.netty.channel.socket.DatagramChannel; import io.netty.channel.socket.DatagramPacket; import io.netty.channel.socket.nio.NioDatagramChannel; import io.netty.util.CharsetUtil; import java.net.InetSocketAddress; public class Client { public void run(int port) { EventLoopGroup eventLoopGroup = new NioEventLoopGroup(); Bootstrap b = new Bootstrap(); b.group(eventLoopGroup).channel(NioDatagramChannel.class) .option(ChannelOption.SO_BROADCAST, Boolean.TRUE) .handler(new ClientHandler()); try { Channel channel = b.bind(0).sync().channel(); channel.writeAndFlush(new DatagramPacket(Unpooled.copiedBuffer("谚语字典查询?", CharsetUtil.UTF_8), new InetSocketAddress("255.255.255.255", port))).sync(); if (!channel.closeFuture().await(15000)) { System.out.println("查询超时!"); } } catch (InterruptedException e) { e.printStackTrace(); } finally { eventLoopGroup.shutdownGracefully(); } } public static void main(String args[]) { new Client().run(8765); } } <file_sep>/fun/src/main/java/concurrent/UseSemphore.java package concurrent; import java.util.Random; import java.util.concurrent.ExecutorService; import java.util.concurrent.Executors; import java.util.concurrent.Semaphore; public class UseSemphore { public static void main(String args []){ final Semaphore semaphore = new Semaphore(5); ExecutorService service = Executors.newCachedThreadPool(); for(int i=0;i<20;i++){ final int no = i; Runnable run = new Runnable() { @Override public void run() { try { semaphore.acquire(); System.out.println("线程"+no); Thread.sleep(5000); semaphore.release(); } catch (InterruptedException e) { e.printStackTrace(); } } }; service.execute(run); } service.shutdown(); } } <file_sep>/fun/src/main/java/io/netty/udp/ClientHandler.java package io.netty.udp; import io.netty.channel.ChannelHandlerContext; import io.netty.channel.SimpleChannelInboundHandler; import io.netty.channel.socket.DatagramPacket; import io.netty.util.CharsetUtil; import java.nio.channels.DatagramChannel; public class ClientHandler extends SimpleChannelInboundHandler<DatagramPacket> { @Override protected void messageReceived(ChannelHandlerContext channelHandlerContext, DatagramPacket datagramChannel) throws Exception { String response = datagramChannel.content().toString(CharsetUtil.UTF_8); System.out.println(response); channelHandlerContext.close(); } } <file_sep>/fun/src/main/java/io/nio/Server.java package io.nio; import java.io.IOException; import java.net.InetSocketAddress; import java.nio.ByteBuffer; import java.nio.channels.SelectionKey; import java.nio.channels.Selector; import java.nio.channels.ServerSocketChannel; import java.nio.channels.SocketChannel; import java.util.Iterator; public class Server implements Runnable { private Selector selector; private ByteBuffer readByte = ByteBuffer.allocate(1024); private ByteBuffer writeByte = ByteBuffer.allocate(1024); public Server(int port) { try { this.selector = Selector.open(); ServerSocketChannel channel = ServerSocketChannel.open(); channel.configureBlocking(false); channel.bind(new InetSocketAddress(port)); channel.register(selector, SelectionKey.OP_ACCEPT); System.out.println("Server start, port :" + port); } catch (IOException e) { e.printStackTrace(); } } @Override public void run() { while (true) { try { selector.select(); Iterator<SelectionKey> iterator = selector.selectedKeys().iterator(); while (iterator.hasNext()) { SelectionKey key = iterator.next(); iterator.remove(); ; if (key.isValid()) { if (key.isAcceptable()) { this.accept(key); } if (key.isReadable()) { this.read(key); } } } } catch (IOException e) { e.printStackTrace(); } } } private void read(SelectionKey key) { this.readByte.clear(); SocketChannel channel = (SocketChannel) key.channel(); try { int count = channel.read(readByte); if (count == -1) { key.channel().close(); key.cancel(); return; } readByte.flip(); byte[] bytes = new byte[readByte.remaining()]; readByte.get(bytes); String data = new String(bytes); System.out.println("Server : " + data); } catch (IOException e) { e.printStackTrace(); } } private void accept(SelectionKey key) { ServerSocketChannel channel = (ServerSocketChannel) key.channel(); try { SocketChannel sc = channel.accept(); sc.configureBlocking(false); sc.register(selector, SelectionKey.OP_ACCEPT); } catch (IOException e) { e.printStackTrace(); } } public static void main(String args[]) { new Thread(new Server(8765)).start(); } } <file_sep>/fun/src/main/java/io/netty/helloworld/Server.java package io.netty.helloworld; import io.netty.bootstrap.ServerBootstrap; import io.netty.channel.ChannelFuture; import io.netty.channel.ChannelInitializer; import io.netty.channel.EventLoopGroup; import io.netty.channel.nio.NioEventLoopGroup; import io.netty.channel.socket.SocketChannel; import io.netty.channel.socket.nio.NioServerSocketChannel; public class Server { public static void main(String args[]) throws InterruptedException { EventLoopGroup eventLoopGroup1 = new NioEventLoopGroup(); EventLoopGroup eventLoopGroup2 = new NioEventLoopGroup(); ServerBootstrap b = new ServerBootstrap(); b.group(eventLoopGroup1, eventLoopGroup2); b.channel(NioServerSocketChannel.class).childHandler(new ChannelInitializer<SocketChannel>() { @Override protected void initChannel(SocketChannel socketChannel) throws Exception { socketChannel.pipeline().addLast(new ServerHandler()); } }); ChannelFuture sync = b.bind(8765).sync(); sync.channel().closeFuture().sync(); eventLoopGroup1.shutdownGracefully(); eventLoopGroup2.shutdownGracefully(); } } <file_sep>/fun/src/main/java/io/netty/serail/Client.java package io.netty.serail; import io.netty.bootstrap.Bootstrap; import io.netty.channel.ChannelFuture; import io.netty.channel.ChannelInitializer; import io.netty.channel.EventLoopGroup; import io.netty.channel.nio.NioEventLoopGroup; import io.netty.channel.socket.SocketChannel; import io.netty.channel.socket.nio.NioSocketChannel; import java.io.File; import java.io.FileInputStream; public class Client { public static void main(String args[]) throws InterruptedException { EventLoopGroup eventLoopGroup = new NioEventLoopGroup(); Bootstrap bootstrap = new Bootstrap(); bootstrap.group(eventLoopGroup).channel(NioSocketChannel.class) .handler(new ChannelInitializer<SocketChannel>() { @Override protected void initChannel(SocketChannel socketChannel) throws Exception { socketChannel.pipeline().addLast(MarshallingCodeCFactory.buildMarshallingDecoder()); socketChannel.pipeline().addLast(MarshallingCodeCFactory.buildMarshallingEncoder()); socketChannel.pipeline().addLast(new ClientHandler()); } }); ChannelFuture sync = bootstrap.connect("127.0.0.1", 8765).sync(); for (int i = 0; i < 5; i++) { Req req = new Req(); req.setId("" + i); req.setName("pro" + i); req.setRequestMessage("数据信息" + i); sync.channel().writeAndFlush(req); } sync.channel().closeFuture().sync(); eventLoopGroup.shutdownGracefully(); } } <file_sep>/fun/src/main/java/designModel/bridgeModel/StringDisplayImpl.java package designModel.bridgeModel; public class StringDisplayImpl extends DisplayImpl { private String data; private int width; public StringDisplayImpl(String data ){ this.data =data; width = data.length(); } @Override public void rawOpen() { printLine(); } @Override public void rawClose() { printLine(); } @Override public void rawPrint() { System.out.println("|"+data+"|"); } private void printLine(){ System.out.print("+"); for(int i=0;i<width;i++){ System.out.print("-"); } System.out.println("+"); } } <file_sep>/fun/src/main/java/designModel/bridgeModel/Display.java package designModel.bridgeModel; public class Display { public Display(DisplayImpl imp){ this.imp = imp; } private DisplayImpl imp; public void open(){ imp.rawOpen(); } public void cloes(){ imp.rawClose(); } public void pring(){ imp.rawPrint(); } public void display(){ open(); pring(); cloes(); } } <file_sep>/fun/src/main/java/designModel/bridgeModel/test.java package designModel.bridgeModel; public class test { public static void main(String args []){ DisplayImpl display = new StringDisplayImpl("aimingkun"); Display d = new Display(display); d.display(); Display dd = new CountDisplay(display ); CountDisplay countDisplay = new CountDisplay(display); countDisplay.multipleDisplay(5); } } <file_sep>/fun/src/main/java/queue/PriorityBlockingQueue.java package queue; public class PriorityBlockingQueue { public static void main(String args []){ java.util.concurrent.PriorityBlockingQueue<Task> queue = new java.util.concurrent.PriorityBlockingQueue<Task>(); queue.add(new Task("xiaoming1",3)); queue.add(new Task("xiaoming2",4)); queue.add(new Task("xiaoming3",1)); System.out.println("容器:" + queue); try { System.out.println(queue.take().getId()); } catch (InterruptedException e) { } System.out.println("容器:" + queue); } }
a3975527cc6b38ee70246be13ea03d3fa70f696a
[ "Java" ]
33
Java
arronMing/studyLearning
75a167481b94942430c2fcf80b43aab07dcd8051
4930619567b37cc3da365a962110ed956d772f2f
refs/heads/master
<file_sep>package com.main.eureka_server; public class Trace { public void methodStart() { StackTraceElement thisMethodStack = (new Exception()).getStackTrace()[2]; System.out.println("[" + thisMethodStack.toString() + "]-----MethodStart"); } public void methodEnd() { StackTraceElement thisMethodStack = (new Exception()).getStackTrace()[2]; System.out.println("[" + thisMethodStack.toString() + "]-----MethodEnd"); } public void trace(String string) { StackTraceElement thisMethodStack = (new Exception()).getStackTrace()[2]; System.out.println("[" + thisMethodStack.toString() + "]" + string); } } <file_sep>FROM hub.c.163.com/public/jdk:1.7.0_03 VOLUME /tmp ADD eureka-server-0.0.1-SNAPSHOT.jar app.jar ENTRYPOINT ["java","-Djava.security.egd=file:/dev/./urandom","-jar","/app.jar"] <file_sep>package com.main.eureka_server; public class TraceTest { Trace trace = new Trace(); public static void main(String[] args) { new TraceTest().test(); } private void test() { trace.methodStart(); System.out.println("111\ndddd\n"); trace.trace("this the trace"); trace.methodEnd(); } }
c6f62f55929a90e27a9839b0c98f6bf39e105e94
[ "Java", "Dockerfile" ]
3
Java
pwenxin/eureka-server
df5704b1b78d6dde3a0395bb93a2d25887335783
f100184d895f30b5e37d68840dd5357d9891ac67
refs/heads/master
<repo_name>Rammoja/Animal-Shelter<file_sep>/controllers/breed_controller.rb require( 'sinatra' ) require( 'sinatra/contrib/all' ) require( 'pry-byebug' ) require_relative( '../models/animal.rb' ) require_relative( '../models/owner.rb' ) require_relative( '../models/breed.rb' ) require_relative( '../models/adoption.rb' ) get '/breeds' do @breeds = breed.all() erb(:"animal/index") end <file_sep>/models/breed.rb require_relative( '../db/sql_runner' ) class Breed attr_reader( :breed, :id ) def initialize( options ) @id = options['id'].to_i if options['id'] @breed = options['breed'] end def save() sql = "INSERT INTO breeds (breed) VALUES ($1) RETURNING id" values = [@breed] results = SqlRunner.run(sql, values) @id = results.first()['id'].to_i end def self.all() sql = "SELECT * FROM breeds" results = SqlRunner.run( sql ) return results.map { |breed| Breed.new( breed ) } end def self.delete_all() sql = "DELETE FROM breeds" SqlRunner.run( sql ) end end <file_sep>/models/adoption.rb require_relative( '../db/sql_runner' ) class Adoption attr_reader( :owner_id, :animal_id, :adoption_date, :id ) def initialize( options ) @id = options['id'].to_i if options['id'] @owner_id = options['owner_id'] @animal_id = options['animal_id'].to_i @adoption_date = options['adoption_date'] end def save() sql = "INSERT INTO adoptions ( owner_id, animal_id, adoption_date ) VALUES ( $1, $2, $3 ) RETURNING id" values = [@owner_id, @animal_id, @adoption_date] results = SqlRunner.run(sql, values) @id = results.first()['id'].to_i end def owner() sql = "SELECT name FROM owners WHERE id = $1" values = [@owner_id] results = SqlRunner.run( sql, values ) result = Owner.new( results.first ) return result.name end def animal() sql = "SELECT name FROM animals WHERE id = $1" values = [@animal_id] results = SqlRunner.run( sql, values ) result = Animal.new( results.first ) return result.name end def self.find( id ) sql = "SELECT * FROM adoptions WHERE id = $1" values = [id] adoption = SqlRunner.run( sql, values ) result = Adoption.new( adoption.first ) return result end def self.all() sql = "SELECT * FROM adoptions" results = SqlRunner.run( sql ) return results.map { |adoption| Adoption.new( adoption ) } end def self.delete_all() sql = "DELETE FROM adoptions" SqlRunner.run( sql ) end def self.delete(id) sql = "DELETE FROM adoptions WHERE id = $1" values = [id] SqlRunner.run( sql, values ) end end <file_sep>/controllers/owner_controller.rb require( 'sinatra' ) require( 'sinatra/contrib/all' ) require( 'pry-byebug' ) require_relative( '../models/owner.rb' ) require_relative( '../models/animal.rb' ) require_relative( '../models/breed.rb' ) require_relative( '../models/adoption.rb' ) get '/owners' do @owners = Owner.all() erb(:"owner/index") end #NEW get '/owners/new' do erb :"owner/new" end #SHOW get '/owners/:id' do @owner = Owner.find(params[:id]) erb(:"owner/show") end #CREATE post '/owners' do Owner.new(params).save redirect to '/owners' end #EDIT get "/owners/:id/edit" do @owner = Owner.find(params[:id]) erb(:"owner/edit") end #UPDATE post "/Owners/:id" do @owner = Owner.new(params) @owner.update redirect to '/owners' end #DELETE post "/owners/:id/delete" do end <file_sep>/controllers/animal_controller.rb require( 'sinatra' ) require( 'sinatra/contrib/all' ) require( 'pry-byebug' ) require_relative( '../models/animal.rb' ) require_relative( '../models/owner.rb' ) require_relative( '../models/breed.rb' ) require_relative( '../models/adoption.rb' ) #INDEX get '/animals' do @animals = Animal.all() erb(:"animal/index") end #NEW get '/animals/new' do @breeds = Breed.all() erb :"animal/new" end #SHOW get '/animals/:id' do @animal = Animal.find(params[:id]) erb(:"animal/show") end #CREATE post '/animals' do Animal.new(params).save redirect to '/animals' end #EDIT get "/animals/:id/edit" do @animal = Animal.find(params[:id]) erb(:"animal/edit") end #UPDATE post "/animals/:id" do @animal = Animal.new(params) @animal.update redirect to '/animals' end #DELETE post "/animals/:id/delete" do end <file_sep>/db/seeds.rb require_relative( "../models/owner.rb" ) require_relative( "../models/animal.rb" ) require_relative( "../models/breed.rb" ) require_relative( "../models/adoption.rb" ) require("pry-byebug") Adoption.delete_all() Owner.delete_all() Animal.delete_all() Breed.delete_all() breed1 = Breed.new({ "breed" => "Beagle" }) breed1.save() breed2 = Breed.new({ "breed" => "Golden Retriever" }) breed2.save() breed3 = Breed.new({ "breed" => "Bulldog" }) breed3.save() animal1 = Animal.new({ "name" => "Bella", "age" => 3, "breed_id" => breed1.id, "admission_date" => "3/5/2017", "status" => "adoptable" }) animal1.save() animal2 = Animal.new({ "name" => "Riley", "age" => 1, "breed_id" => breed2.id, "admission_date" => "12/2/2017", "status" => "not adoptable" }) animal2.save() animal3 = Animal.new({ "name" => "Oli", "age" => 4, "breed_id" => breed3.id, "admission_date" => "3/5/2018", "status" => "adoptable" }) animal3.save() owner1 = Owner.new({ "name" => "David", "contact_details" => " 07951234567 " }) owner1.save() owner2 = Owner.new({ "name" => "Susan", "contact_details" => " 07998765432 " }) owner2.save() owner3 = Owner.new({ "name" => "Sarah", "contact_details" => " 07919283746 " }) owner3.save() adoption1 = Adoption.new({ "owner_id" => owner1.id, "animal_id" => animal1.id, "adoption_date" => "3/3/2018" }) adoption1.save() adoption2 = Adoption.new({ "owner_id" => owner2.id, "animal_id" => animal3.id, "adoption_date" => "2/6/2018" }) adoption2.save() binding.pry nil <file_sep>/db/animal_shelter.sql DROP TABLE adoptions; DROP TABLE animals; DROP TABLE breeds; DROP TABLE owners; CREATE TABLE breeds ( id SERIAL4 primary key, breed VARCHAR(255) ); CREATE TABLE animals ( id SERIAL4 primary key, name VARCHAR(255) not null, breed_id INT4 references breeds(id), age INT4, admission_date VARCHAR(255)not null, status VARCHAR(255)not null ); CREATE TABLE owners ( id SERIAL4 primary key, name VARCHAR(255) not null, contact_details VARCHAR(255) not null ); CREATE TABLE adoptions ( id SERIAL4 primary key, owner_id INT4 references owners(id), animal_id INT4 references animals(id), adoption_date DATE ); <file_sep>/models/animal.rb require_relative( '../db/sql_runner' ) class Animal attr_reader( :name, :breed_id, :age, :admission_date, :status, :id ) def initialize( options ) @id = options['id'].to_i if options['id'] @name = options['name'] @breed_id = options['breed_id'].to_i @age = options['age'].to_i @admission_date = options['admission_date'] @status = options['status'] end def save() sql = "INSERT INTO animals ( name, breed_id, age, admission_date, status ) VALUES ( $1, $2, $3, $4, $5 ) RETURNING id" values = [@name, @breed_id, @age, @admission_date, @status] results = SqlRunner.run(sql, values) @id = results.first()['id'].to_i end def self.find( id ) sql = "SELECT * FROM animals WHERE id = $1" values = [id] animal = SqlRunner.run( sql, values ) result = Animal.new( animal.first ) return result end def self.all() sql = "SELECT * FROM animals" results = SqlRunner.run( sql ) return results.map { |animal| Animal.new( animal ) } end def self.delete_all() sql = "DELETE FROM animals" SqlRunner.run( sql ) end def get_breed sql = "SELECT breed FROM breeds WHERE id = $1" values = [@breed_id] result = SqlRunner.run(sql, values).first return Breed.new(result) end end
03927cb83a822aca916224b2f43d09cf16703ec2
[ "SQL", "Ruby" ]
8
Ruby
Rammoja/Animal-Shelter
852fccbaeb5e9e26ffc5069cf7645e99c72a42c6
ec8674f9c4e75036ef498df9f5ef57d85e293298
refs/heads/master
<file_sep>Calculator ========== My Calculator <file_sep>#calculator app puts "what's the 1st number?" num1 = gets.chomp puts "what's the 2nd number?" num2 = gets.chomp puts "=> The second number was #{num2}, and the class is #{num2.class}" puts "=>Which operation would you like to perform? 1) + 2) - 3)* 4) / ?" operation = gets.chomp def operation operation = ["1", "2", "3", "4"] end if operation == "1" result = num1.to_i + num2.to_i elsif operation == "2" result = num1.to_i - num2.to_i elsif operation == "3" result = num1.to_i * num2.to_i else operation == "4" result = num1.to_f / num2.to_f end puts "=> #{result}"
cb74b57082ef3792ade7dcbdb5ffafdfdc5a0143
[ "Markdown", "Ruby" ]
2
Markdown
YuchuanWeng/Calculator
db548878ce650b602a995baba3f7bea97bc4779d
63227bfc7d34ffeb6611d92ebce075d36400192e
refs/heads/main
<repo_name>FrancescaPontin/CDRC_Python_day_2<file_sep>/Example_CDRC_Data/Access_to_Healthy_Assets_and_Hazards_AHAH/Combined_Authorities/E47000003/readme.txt Access to Healthy Assets & Hazards index (AHAH) - 2019 - Combined Authorities Geodata Pack: West Yorkshire (E47000003) + Abstract This geodata pack provides the CDRC AHAH index for the year 2019 covering the Combined Authorities: West Yorkshire (E47000003) + Contents - readme.txt: Information about the CDRC Geodata pack - metadata.xml: Metadata - tables: Folder containing the csv files - shapefiles: Folder containing the shapefiles + Citation and Copyright The following attribution statements must be used to acknowledge copyright and source in use of these datasets: Data provided by the ESRC Consumer Data Research Centre Contains LDC data 2016; Contains Office for National Statistics boundaries; Contains CDRC data + Funding Funded by: Economic and Social Research Council ES/L011840/1 + Other Information Areas that contained no information in the original dataset, are marked with NA in the csv files and NULL in the shapefiles. <file_sep>/setup.py from setuptools import setup setup( name='geoplot', packages=['geoplot'], install_requires=[ 'matplotlib', 'seaborn', 'pandas', 'geopandas', 'cartopy', 'descartes', 'mapclassify>=2.1', 'contextily>=1.0.0' ], extras_require={'develop': [ 'pytest', 'pytest-mpl', 'scipy', 'pylint', 'jupyter', 'sphinx', 'sphinx-gallery', 'sphinx_rtd_theme', 'mplleaflet' ]}, py_modules=['geoplot', 'crs', 'utils', 'ops'], version='0.4.1', python_requires='>=3.6.0', description='High-level geospatial plotting for Python.', author='<NAME>', author_email='<EMAIL>', url='https://github.com/ResidentMario/geoplot', download_url='https://github.com/ResidentMario/geoplot/tarball/0.4.1', keywords=[ 'data', 'data visualization', 'data analysis', 'data science', 'pandas', 'geospatial data', 'geospatial analytics' ], classifiers=['Framework :: Matplotlib'], )
6534547f7fc1bd7eeffeaf79702da9ce2f23e55a
[ "Python", "Text" ]
2
Text
FrancescaPontin/CDRC_Python_day_2
4174c991ae14027c1bcb00dc95b12fc7568dd74d
3a743e7a43ce1feffdb129d5bdedbf5a06f3cd7f
refs/heads/master
<repo_name>thisoldbear/vanilla-parcel-starter<file_sep>/README.md # vanilla-parcel-starter A basic [Parcel](https://parceljs.org/) starter. 💻📦🚀 ## Install ``` npm install ``` ## Dev To run in development mode: ``` npm run start ``` ## Build To run in production mode: ``` npm run start ``` ## Docs Checkout the [Parcel docs](https://parceljs.org/getting_started.html). <file_sep>/src/index.js import "./styles.scss"; console.log('Vanilla Parcel Starter');
fb3974a5641ca672e3967515579c10c8f1a8d251
[ "Markdown", "JavaScript" ]
2
Markdown
thisoldbear/vanilla-parcel-starter
b972448a3cb3834b5f2a527eb480302afebe0c2b
f54742a526e83473d6c0b0eaafda38af594bc6ff
refs/heads/master
<file_sep>import axios from 'axios' export const checkVerified = (address: string) => { return axios({ url: 'https://arweave.net/graphql', method: 'post', data: { variables: { address: address, authNodes: ["s-hGrOFm1YysWGC3wXkNaFVpyrjdinVpRKiVnhbo2so"], }, query: ` query transactions($authNodes: [String!], $address: String!) { transactions( owners: $authNodes tags: [ { name: "App-Name", values: ["ArVerifyDev"] } { name: "Type", values: ["Verification"] } { name: "Address", values: [$address] } ] ) { edges { node { id tags { name value } } } } } ` } }).then((result) => { let edges = result.data.data.transactions.edges return edges.length > 0 }) } // function verify(){ // $(".address").each(async function (i) { // let addressElement = $(this) // try { // let isVerified = await checkVerified(addressElement.text().trim()) // if (isVerified) { // addressElement.append("&check;"); // } // } catch (e) { // } // }) // } <file_sep>export declare function checkVerified(address: string): Promise<boolean>;
8ff9518d419fb4ff1021a80ae085c92e837f1954
[ "TypeScript" ]
2
TypeScript
mcmonkeys1/arverify-js
5e730a7c76db42fbbdc989f2b1949e52d8971ed2
bf91c5f62858e14d9507b05ef8ce54d19e03d9cb
refs/heads/master
<repo_name>hidetoshi1230/chat-space<file_sep>/README.md # VERSION * Ruby version ruby 2.3.1p112 (2016-04-26 revision 54768) [x86_64-linux] * Rails version Rails 5.0.6 # DATABASE ## messagesテーブル |Column|Type|Options| |------|----|-------| |body|text|| |image|string|| |user|references|null: false, foreign_key: true| |group|references|null: false, foreign_key: true| |------|timestamps|null: false| ### Association - belongs_to :group - belongs_to :user ## usersテーブル |Column|Type|Options| |------|----|-------| |name|string|null: false, unique: true| |------|timestamps|null: false| ### Association - has_many :groups, through: :group_users - has_many :group_users - has_many :messages ## groupsテーブル |Column|Type|Options| |------|----|-------| |group_name|string|null: false| |------|timestamps|null: false| ### Association - has_many :users, through: :group_users - has_many :group_users - has_many :messages ## group_usersテーブル |Column|Type|Options| |------|----|-------| |user|references|null: false, foreign_key: true| |group|references|null: false, foreign_key: true| |------|timestamps|null: false| ### Association - belongs_to :group - belongs_to :user <file_sep>/app/views/messages/create.json.jbuilder json.name @message.user.name json.date @message.created_at.strftime("%Y-%m-%d %H:%M:%S") json.image @message.image json.body @message.body json.id @message.id <file_sep>/app/views/messages/index.json.jbuilder json.array! @new_messages do |message| json.name message.user.name json.date message.created_at.strftime("%Y-%m-%d %H:%M:%S") json.body message.body json.image message.image json.id message.id end <file_sep>/app/models/group.rb class Group < ApplicationRecord has_many :group_users has_many :users, through: :group_users has_many :messages validates :group_name, uniqueness: true, presence: true end
aad36a7ba943c49f172229abfc661b019acf6ee4
[ "Markdown", "Ruby" ]
4
Markdown
hidetoshi1230/chat-space
3bce7a2dc44ec6e3d5ebabeb4c9ca2fe3b3dd512
b641536642870868862e93328ba8f024d4facac2
refs/heads/master
<repo_name>stephaney92/slot-machine-game<file_sep>/app/src/main/java/com/example/slot_machine/rules_Activity.java package com.example.slot_machine; import android.content.Intent; import android.os.Bundle; import androidx.appcompat.app.AppCompatActivity; public class rules_Activity extends AppCompatActivity { protected void onCreate(Bundle savedInstanceState) { super.onCreate(savedInstanceState); //connects this class to the layout view setContentView(R.layout.rules); //the main page grabs this i and sends it to open Intent i = new Intent(); } }
9fd6b37abb155ee4e111ccc6c1cace7eff6e93d6
[ "Java" ]
1
Java
stephaney92/slot-machine-game
afc24db794494bfaaf237796d9f9f3a687dd04c2
a1ede29974f95c0dc66ef6d9a22dd6d49b4d0517
refs/heads/master
<repo_name>siddhantrawat/SpringProject1<file_sep>/src/main/resources/application.properties spring.jpa.hibernate.ddl-auto=update spring.datasource.url=jdbc:mysql://${MYSQL_HOST:localhost}:3306/Sid spring.datasource.username=root spring.datasource.password=<PASSWORD> <file_sep>/src/main/java/com/siddhant/project1/Service/CarsService.java package com.siddhant.project1.Service; import com.siddhant.project1.Enitity.Cars; import com.siddhant.project1.Repository.CarsRepository; import org.springframework.beans.factory.annotation.Autowired; import org.springframework.dao.EmptyResultDataAccessException; import org.springframework.stereotype.Service; import java.util.ArrayList; import java.util.List; import java.util.NoSuchElementException; @Service public class CarsService { @Autowired private CarsRepository carsRepository; public List<Cars> getAll() { List<Cars> cars = new ArrayList<>(); carsRepository.findAll().forEach(cars::add); return cars; } public void addCar(Cars car) { carsRepository.save(car); } public void updateCar(Cars car, int id) { Cars prev = carsRepository.findById(id).get(); if(prev==null) return; prev.setCar_make(car.getCar_make()); prev.setCar_model(car.getCar_model()); prev.setCar_type(car.getCar_type()); prev.setColor(car.getColor()); prev.setYear(car.getYear()); carsRepository.save(prev); } public void deleteCar(int id) { try { carsRepository.deleteById(id); } catch (NoSuchElementException e) { return; } catch(EmptyResultDataAccessException e) { return; } } public Cars getCar(String make, String type) { try { List<Cars> cars = new ArrayList<>(); carsRepository.findAll().forEach(c -> { if (c.getCar_make().contains(make)) cars.add(c); }); return cars.stream().filter(c -> c.getCar_type().equals(type)).findFirst().get(); } catch (NoSuchElementException e) { return null; } } }
8f5bcaf2697806f89811e5865d4083231e43b2e6
[ "Java", "INI" ]
2
INI
siddhantrawat/SpringProject1
6437e82bb6dbaeb16523c8f72dfc0da82770b69d
92f51c632db95ca124d5d4579108a45746586efc
refs/heads/master
<repo_name>hoebbelsB/meteor-grapher-stub<file_sep>/server/main.js import { Meteor } from 'meteor/meteor'; import '../imports/api/invoice'; import {invoiceCollection, invoiceLineItemCollection} from "../imports/api/invoice"; Meteor.startup(() => { invoiceCollection.remove({}); invoiceLineItemCollection.remove({}); const invoiceId = invoiceCollection.insert({ name: 'Test invoice 1', grosssum: 20000 }); for (let i = 1; i < 21; i++) { invoiceLineItemCollection.insert({ invoiceId: invoiceId, name: 'lineItem ' + i, grosspriceTotal: 200, number: i, _deleted: false }); } }); invoiceLineItemCollection.before.find((userId, selector, options, cursor) => { selector['_deleted'] = {$eq : false }; });<file_sep>/imports/api/invoice.js import { Mongo } from 'meteor/mongo'; import { Meteor } from 'meteor/meteor'; export const invoiceCollection = new Mongo.Collection('invoice', {idGeneration: 'STRING'}); export const invoiceLineItemCollection = new Mongo.Collection('invoice_line_item', {idGeneration: 'STRING'}); export const fileCollection = new Mongo.Collection('file', {idGeneration: 'STRING'}); export const invoiceElementCollection = new Mongo.Collection('invoice_element', {idGeneration: 'STRING'}); export const invoiceTemplateCollection = new Mongo.Collection('invoice_template', {idGeneration: 'STRING'}); export const customerCollection = new Mongo.Collection('customer', {idGeneration: 'STRING'}); customerCollection.addReducers({ fullBillingAdr: { body: { billingAdrStreet: 1, billingAdrCity: 1, billingAdrState: 1, billingAdrZip: 1, billingAdrCountry: 1 }, reduce(customer) { let addressString = !!customer.billingAdrStreet ? customer.billingAdrStreet : ''; addressString += !!customer.billingAdrZip ? ' ' + customer.billingAdrZip : ''; addressString += !!customer.billingAdrCity ? ' ' + customer.billingAdrCity : ''; addressString += !!customer.billingAdrState ? ' ' + customer.billingAdrState : ''; addressString += !!customer.billingAdrCountry ? ' ' + customer.billingAdrCountry : ''; return addressString; } }, fullName: { body: { name: 1, name2: 1, }, reduce(customer) { return !!customer.name2 ? customer.name + ' - ' + customer.name2 : customer.name; } } }); invoiceCollection.addLinks({ customer: { type: 'one', collection: customerCollection, field: 'customerId', denormalize: { field: 'customerCache', body: { name: 1, name2: 1 } } }, template: { type: 'one', collection: invoiceTemplateCollection, field: 'templateId' }, invoiceElements: { collection: invoiceElementCollection, inversedBy: 'invoice' }, invoiceLineItems: { collection: invoiceLineItemCollection, inversedBy: 'invoice' } }); invoiceCollection.addReducers({ margins: { body: { marginLeft: 1, marginRight: 1, marginTop: 1, marginBottom: 1 }, reduce(invoice) { return { left: invoice.marginLeft ? invoice.marginLeft : 0, right: invoice.marginRight ? invoice.marginRight : 0, top: invoice.marginTop ? invoice.marginTop : 0, bottom: invoice.marginBottom ? invoice.marginBottom : 0 } } }, }); invoiceLineItemCollection.addLinks({ invoice: { type: 'one', collection: invoiceCollection, field: 'invoiceId' } }); invoiceElementCollection.addLinks({ invoice: { type: 'one', collection: invoiceCollection, field: 'invoiceId' }, template: { type: 'one', collection: invoiceCollection, field: 'templateId' }, file: { type: 'one', collection: fileCollection, field: 'fileId' } }); Meteor.methods({ 'invoice.deleteLineItem'(_id) { const lineItem = invoiceLineItemCollection.findOne({_id: _id[0]}); if (!lineItem) { throw new Meteor.Error(404, 'Could not find lineItem with id ' + _id[0] + '!'); } const invoice = invoiceCollection.findOne({_id: lineItem.invoiceId}); if (!invoice) { throw new Meteor.Error(404, 'Could not find invoice with id ' + lineItem.invoiceId + '!'); } const invoiceUpdateResult = invoiceCollection.update( {_id: lineItem.invoiceId}, { $set: { 'grosssum': invoice.grosssum - lineItem.grosspriceTotal } } ); if (invoiceUpdateResult !== 1) { throw new Meteor.Error(500, 'Could not update invoice sum!'); } let invoiceLineItemUpdate = 0; invoiceLineItemUpdate = invoiceLineItemCollection.update( {_id: _id[0]}, {$set: {_deleted: true}} ); if (invoiceLineItemUpdate === 1) { invoiceLineItemCollection.update( { invoiceId: lineItem.invoiceId, number: {$gt: lineItem.number} }, {$inc: {number: -1}}, {multi: true} ); } else { throw new Meteor.Error(500, 'Could not remove invoice lineitem!'); } return invoiceLineItemUpdate; } }); if (Meteor.isServer) { invoiceCollection.expose({ firewall(filters, options, userId) {} }); invoiceLineItemCollection.expose({ firewall(filters, options, userId) {} }); }
e4ad8be8b860daa73bf02d71eee0b49b9647fac6
[ "JavaScript" ]
2
JavaScript
hoebbelsB/meteor-grapher-stub
99e23f8b7495dcb1d21c6fbd5521978094b3335b
8f0862e5f3a7493be54affd8a47d7dd5fa89955f
refs/heads/master
<file_sep>#!/bin/bash ############################################################ #region removeStuff systemctl stop tested.socket systemctl stop tested.service rm /run/tested.sk #endregion ############################################################ #region copyStuff cp tested.service /etc/systemd/system/ cp tested.socket /etc/systemd/system/ cp nginx-config /etc/nginx/servers/tested #endregion ############################################################ #region reloadAndRestart systemctl daemon-reload systemctl start tested.socket nginx -s reload #endregion
95401683fd67e570dcb807ff4993a7d28488696d
[ "Shell" ]
1
Shell
JhonnyJason/abi-cache-service
5b6efb3c7938eb177418d2d7bfaedfa43b132b67
b1b95921c6abff3f447c9e1091f712782fec9ec9
refs/heads/master
<repo_name>GuiDoSignal/saks<file_sep>/performance/oracle_application_server/parseActiveSessionsFromCsv.sh #!/bin/bash ################ Not configurable section if [[ $# -ne 2 ]] then echo "`date +'%d/%b/%Y %H:%M:%S'` [Error] Wrong numbers of parameters $#" echo "Usage: `basename $0` <gziped_csv_file> <instancePID>" exit 1 fi ####################### Sessions zcat "$1" | \ grep "$2" | \ grep -e "oc4j_context;sessionActivation.active" > $2_sessions.csv <file_sep>/performance/websphere_application_server/wasmonitor_pos6-1.py ''' Created on Dec 11, 2009 @author: <NAME> @e-mail: <EMAIL> @author: <NAME> @e-mail: <EMAIL> @version 2.5 ''' #------------------------------------------------------------------------- # Este programa deve se utilizado para coletar metricas do websphere 6.1 # wasmonitor.py - Jython implementation #------------------------------------------------------------------------- import sys import os import re from time import sleep from java.util import Date from java.text import SimpleDateFormat from java.lang import String from java.util.regex import * from java.lang import * from com.ibm.websphere.pmi.stat import *; #------- Global variables ------ DAY_FORMAT = SimpleDateFormat('yyyy-MM-dd') #Ex: 2010-03-07 HOUR_FORMAT = SimpleDateFormat('HH:mm:ss') #Ex: 23:00:00 # Metodo que coleta as metricas do websphere apartir dos parametros def wasMonitor(serverName, cellName, nodeName, module): #global AdminConfig global AdminControl # Informacoes de perfil try: perfName = AdminControl.completeObjectName ('process='+serverName+',node='+nodeName+',type=Perf,*') perfOName = AdminControl.makeObjectName (perfName) # "Altera o level de coleta do PMI para BASIC #configParams = ['basic'] #configSigs = ['java.lang.String'] #AdminControl.invoke_jmx (perfOName, 'setStatisticSet', configParams, configSigs) except Error, e: processLogErrors(ERROR_FILE, "Erro ao criar o objeto AdminControl: verifique se o PMI está ativado!") processLogErrors(ERROR_FILE, e) #info server srvInfo = AdminControl.completeObjectName ("type=Server,name="+serverName+",cell="+cellName+",node="+nodeName+",*") try: params = [AdminControl.makeObjectName(srvInfo), java.lang.Boolean ('true')] sigs = ['javax.management.ObjectName','java.lang.Boolean'] statObj = AdminControl.invoke_jmx (perfOName, 'getStatsObject', params, sigs) statsArrayParser(serverName, cellName, nodeName, statObj, module, "true") except Error,e: processLogErrors(ERROR_FILE, "Erro ao obter objetos do WebSphere para obtencao das coletas de metricas") # Metodo que tem por objetivo realizar o parse das informacoes retornadas pelo Websphere # Diferente do metodo genericModuleParser, este metodo recebe um array como parametro def statsArrayParser(serverName, cellName, nodeName, statObj, module, checkModuleName): writeStatistcs(serverName, cellName, nodeName, statObj, module) subStats = statObj.getSubStats() if(len(subStats) > 0): if(checkModuleName == "true"): for ss in subStats: if(ss.getName() == module): statsArrayParser(serverName, cellName, nodeName, ss, module, "false") elif(checkModuleName == "false"): for ss in subStats: statsArrayParser(serverName, cellName, nodeName, ss, module, "false") #http://publib.boulder.ibm.com/infocenter/dmndhelp/v6rxmx/index.jsp?topic=/com.ibm.wsps.602.javadoc.doc/doc/com/ibm/websphere/pmi/stat/WSStatistic.html def writeStatistcs(serverName, cellName, nodeName, statObj, module): statistics = statObj.getStatistics() if(len(statistics) > 0 ): for st in statistics: output = {"Server": serverName, "Cell": cellName, "Node": nodeName} output["StatObj"] = statObj.getName() output["StatisticName"] = st.getName() output["StartTime"] = str(st.getStartTime()) output["LastSampleTime"] = str(st.getLastSampleTime()) if(isinstance(st, WSAverageStatistic)): output["Count"] = str(st.getCount()) output["Max"] = str(st.getMax()) output["Mean"] = str(st.getMean()) output["Min"] = str(st.getMin()) output["SumOfSquares"] = str(st.getSumOfSquares()) output["Total"] = str(st.getTotal()) if(isinstance(st, WSTimeStatistic)): output["MinTime"] = str(st.getMinTime()) output["MaxTime"] = str(st.getMaxTime()) output["TotalTime"] = str(st.getTotalTime()) elif(isinstance(st, WSBoundaryStatistic)): output["LowerBoundary"] = str(st.getLowerBound()) output["UpperBoundary"] = str(st.getUpperBound()) if(isinstance(st, WSBoundedRangeStatistic)): output["Current"] = str(st.getCurrent()) output["HighWaterMark"] = str(st.getHighWaterMark()) output["Integral"] = str(st.getIntegral()) output["LowWaterMark"] = str(st.getLowWaterMark()) output["Mean"] = str(st.getMean()) elif(isinstance(st, WSRangeStatistic)): output["Current"] = str(st.getCurrent()) output["HighWaterMark"] = str(st.getHighWaterMark()) output["Integral"] = str(st.getIntegral()) output["LowWaterMark"] = str(st.getLowWaterMark()) output["Mean"] = str(st.getMean()) # Not sure if this is needed if(isinstance(st, WSBoundedRangeStatistic)): output["LowerBoundary"] = str(st.getLowerBound()) output["UpperBoundary"] = str(st.getUpperBound()) elif(isinstance(st, WSCountStatistic)): output["Count"] = str(st.getCount()) elif(isinstance(st, WSDoubleStatistic)): output["Double"] = str(statObj.getDouble()) else: processLogErrors(ERROR_FILE, "Error processing statObject " + output["StatObj"] + " for " + output["StatObj"] + " statistic.") processLogErrors(ERROR_FILE, "Unknown statistic type: " + type(st)) #Contatena hora de processamento now = Date() output["Date"] = DAY_FORMAT.format(now) output["Hour"] = HOUR_FORMAT.format(now) fullFileName = os.path.join(OUTPUT_PATH, output["Date"] + "_" + module + "_" + output["StatisticName"] + "_metricLog.csv") writeDictionaryToFile(output, fullFileName) def writeDictionaryToFile(dict, filez): try: # If the file exists, we do not need to write the header if (os.path.isfile(filez)): # Abre o arquivo em modo append outfile = open(filez, 'a') outfile.write("\"" + "\";\"".join(dict.values()) + "\"\n") else: # Abre o arquivo em modo write outfile = open(filez, 'w') outfile.write("\"" + "\";\"".join(dict.keys()) + "\"\n") outfile.write("\"" + "\";\"".join(dict.values()) + "\"\n") outfile.close() except Error,e: processLogErrors(ERROR_FILE, e) outfile.close() pass # Recebe path de arquivo de log para registrar falhas nas coletas e eventuais excecoes def processLogErrors(fullFileName, log): try: if (os.path.isfile(fullFileName)): # Abre o arquivo em modo append outLogFile = open(fullFileName, 'a') outLogFile.write(log) else: # Abre o arquivo em modo write outLogFile = open(fullFileName, 'w') outLogFile.write(log) outLogFile.close() # fecha o arquivo except Error,e: print e outLogFile.close() # fecha o arquivo pass # Metodo para obtencao da lista de servidores e nodes e para o processamento das metricas para cada servidor def processServerMetrics(module): global AdminConfig #global AdminControl #Obtem lista de servires do websphere serverNames = AdminConfig.list("Server") #vetor com fully qualified name do server serversLines = serverNames.split('\n') # itera sobre a linha de cada servidor for el in serversLines: # Pattern para obter servers, cells, nodes pSeverName = Pattern.compile("(^([1-zA-Z_0-9]+)\\(cells/([1-zA-Z_0-9]+.?[1-zA-Z_0-9]+)/nodes/([1-zA-Z_0-9]+.?[1-zA-Z_0-9]+)/servers/([1-zA-Z_0-9]+.?[1-zA-Z_0-9]+))") # Matcher que obtem o nome de cada servidor, call e node matcherServerInfor = pSeverName.matcher(String(el)) #verifica se as informacoes foram encontradas pelo regex if(matcherServerInfor.find()): serverName = matcherServerInfor.group(2) # Server Name cellName = matcherServerInfor.group(3) # Cell Name nodeName = matcherServerInfor.group(4) # Node Name # Para nao coletar metricas do httpServer #if(not String(serverName).contains(String("webserver")) and not String(serverName).contains(String("http")) and not String(serverName).contains(String("dmgr"))): if(serverName.find("webserver") == -1 and serverName.find("http") == -1 and serverName.find("dmgr") == -1): try: wasMonitor(serverName, cellName, nodeName, module) except Error, e: processLogErrors(ERROR_FILE, "Erro no processamento de metricas do servidor: "+serverName) processLogErrors(ERROR_FILE, e) pass #----------------------------------------------------------------------------------------------------------- # Main # Obtem lista de tipos de metricas ex: connectionPoolModule, hamanagerModule, objectPoolModule, servletSessionsModule, threadPoolModule # srvInfo = AdminControl.completeObjectName ("type=Server,name=server1,node=win-websphereNode01,*") # perfName = AdminControl.completeObjectName ('process=server1,node=win-websphereNode01,type=Perf,*') # perfOName = AdminControl.makeObjectName (perfName) # params = [AdminControl.makeObjectName (srvInfo)] # sigs = ['javax.management.ObjectName'] # AdminControl.invoke_jmx (perfOName, 'listStatMemberNames', params, sigs) #------------------------------------------------------------------------------------------------------------ if (len(sys.argv) == 2): # Diretorio para escrita das metricas coletadas global OUTPUT_PATH global ERROR_FILE splitModules = sys.argv[0].split(',') OUTPUT_PATH = sys.argv[1] ERROR_FILE = os.path.join(OUTPUT_PATH, DAY_FORMAT.format(Date()) + "_errorLog.log") for aModule in splitModules: # Remove eventuais espacos em branco existentes aModule = aModule.lstrip().rstrip() processServerMetrics(aModule) else: print "Este script requer dois parametros para sua execucao:" print "1 - Lista de modulos para os quais serao extraidas as metricas." print "Segue a lista de alguns possiveis modules disponiveis:" print " - beanModule,connectionPoolModule,hamanagerModule,objectPoolModule,servletSessionsModule,threadPoolModule,jvmRuntimeModule" print " - transactionModule,webAppModule,cacheModule,orbPerfModule,SipContainerModule,systemModule" print "Caso dois ou mais modulos precisem ser consultados, os seus nomes devem ser fornecidos separados por virgula" print print "2 - Diretorio (sem \\ ou / no final) para gravacao dos arquivos de saida" print "Exemplo: \"beanModule,servletSessionsModule\" \"C:\Windows\Temp\""<file_sep>/performance/linux/sarToTextByDate.sh #!/bin/bash ################ Not configurable section ################### # The prefix name for the output files' names. Usually, this is the host name. PREFIX=`hostname` if [[ $# -ne 3 ]] then echo "`date +'%d/%b/%Y %H:%M:%S'` [Error] Wrong numbers of parameters $#" echo "Usage: `basename $0` sarDir sarFilesPattern outputDir" exit 1 fi IN_DIR=$1 PATTERN=$2 OUT_DIR=$3 FILES=`ls ${IN_DIR}/${PATTERN}` export LC_ALL=C echo "Gerando saidas do sar em texto..." for aFile in $FILES; do echo -n "Processing ${aFile}..." #### All metrics sar -A -f ${aFile} >> ${OUT_DIR}/${PREFIX}_`basename ${aFile}`_allMetrics.txt echo "done!" done;<file_sep>/analysis/ibm/jvm/parse-gc-log.sh #!/bin/bash awk ' BEGIN { FS="\"" OFS=";" } NR == 1 { print "date","time","id","freebytes (before)","totalbytes (before)","intervalms","freebytes (after)","totalbytes (after)","totalms"; } /<af type="tenured"/,/<\/af>/{ if( $0 ~ /<af type="tenured"/ ){ beforeGC=0 id=$4 split($6,dates," ") date=dates[3]"/"dates[2]"/"dates[5] time=dates[4] } if( $0 ~ /<tenured/ ){ if( beforeGC==0 ){ freeBeforeGC=$2 totalBeforeGC=$4 beforeGC=1 }else{ freeAfterGC=$2 totalAfterGC=$4 } } if( $0 ~ /<gc type="global"/ ){ intervalms=$8 } if( $0 ~ /<time totalms=/ ){ totalms=$2 } if( $0 ~ /<\/af>/ ){ print date,time,id,freeBeforeGC,totalBeforeGC,intervalms,freeAfterGC,totalAfterGC,totalms } } ' <file_sep>/maintenance/linux/so/parseOSW_top_linux.sh #!/bin/bash # # Script to parse OSWatcher vmstat collections # To use, go in to the "archive" directory of OSWatcher output and run the script # Check for proper environment if [ -z `ls | grep oswtop` ]; then echo "$PWD is not a OSWatcher archive directory. Exiting" exit 1 fi cd oswtop # Specify range to be analyzed ls -1tr *.dat.gz > filelist cat filelist echo "Enter starting file name:" echo -n ">> " read FILE_BEGIN echo "Enter ending file name:" echo -n ">> " read FILE_END FB=`grep -n $FILE_BEGIN filelist | awk -F: {'print $1'}` FE=`grep -n $FILE_END filelist | awk -F: {'print $1'}` FD=`echo "$FE - $FB + 1" | bc` # Temporarily create a big file to work on zcat `head -$FE filelist | tail -$FD` > to_be_analyzed awk ' function getOSWatcherTimestamp(){ return($7 "/" $3 "/" $4 " " $5) } BEGIN { header="DATE-HOUR;PID;USER;PR;NI;VIRT;RES;SHR;S;%CPU;%MEM;TIME+;COMMAND" timestamp="###"; OFS=";" } # When we match this kind of line, we should keep the timestamp. Example: $1 ~ /zzz/ { if( timestamp == "###" ){ print header } timestamp=getOSWatcherTimestamp(); } NF == 12 && $1 ~ /[0-9]+/ { print timestamp,$1,$2,$3,$4,$5,$6,$7,$8,$9,$10,$11,$12 } ' to_be_analyzed > ../top_parsedData.csv echo "The files were parsed. Please check the file top_parsedData.csv in the current directory." rm to_be_analyzed filelist <file_sep>/analysis/apache/parse-accessLog_agg.sh #!/bin/bash ####################################################################################################### # Description: this parse calculates the average time taken to serve each page per hour and per day # # It removes the parameters provided after '?' ou ';' # # Parameters (in order): # # SEP - the separator between fields inside each file (usually ' ') # # DATE_FIELD - Index of the field that contains the date (usually 5) # # CATEG_FIELD - Index of the field that will be used for aggregation after the aggregation # # based on the date or NONE if you dont want a second aggregation # # VALUE_FILED - Index of the field or value of the constant to used during the aggregation # ####################################################################################################### SEP=$1 DATE_FIELD=$2 CATEG_FIELD=$3 AGG_VALUE=$4 ###################################################################################################### ############################ Non configurable section below this line ################################ if [[ -z "$SEP" || -z "$DATE_FIELD" || -z "$CATEG_FIELD" || -z "$AGG_VALUE" ]] then echo echo "Not all parameters have been provided or set properly." echo "Usage: $(basename $0) SEP DATE_FIELD CATEG_FIELD VALUE_FIELD" echo "Alternate usage: $(basename $0) (with parameters set internally)" echo exit 1 fi awk -F "$SEP" -v dateField=$DATE_FIELD -v aggCateg=$CATEG_FIELD -v aggValue=$AGG_VALUE ' function getDateString(anDate) { #Example: [16/Sep/2010:00:00:17 -0300] num = split(anDate, arrayDate, ":") dateStr = substr(arrayDate[1],2) return dateStr } function getHourString(anDate) { #Example: [16/Sep/2010:00:00:17 -0300] num = split(anDate, arrayDate, ":") hourStr = arrayDate[2] quarterHour = int(arrayDate[3]/15) * 15 quarterHourStr = sprintf("%02d",quarterHour) return hourStr ":" quarterHourStr } BEGIN { OFS=";" print "Group","Date","Hour","Value","Count" } { date = getDateString($dateField) hour = getHourString($dateField) if(aggCateg == "NONE") { agg["NONE" OFS date OFS hour] += $aggValue cnt["NONE" OFS date OFS hour] += 1 } else { categ = $aggCateg agg[categ OFS date OFS hour] += $aggValue cnt[categ OFS date OFS hour] += 1 } } END { for(i in agg) { print i, agg[i], cnt[i] } }' <file_sep>/tests/jvm/Test_JVM_version.java class Test_JVM_version { public static void main(String[] args){ System.out.println( "os.name: " + System.getProperty("os.name" ) ); System.out.println( "os.version: " + System.getProperty("os.version" ) ); System.out.println( "os.arch: " + System.getProperty("os.arch" ) ); System.out.println( "sun.arch.data.model:" + System.getProperty("sun.arch.data.model" ) ); System.out.println( "java.vm.name: " + System.getProperty("java.vm.name" ) ); System.out.println( "java.vm.specification.name: " + System.getProperty("java.vm.specification.name" ) ); System.out.println( "java.vm.specification.vendor: " + System.getProperty("java.vm.specification.vendor" ) ); System.out.println( "java.vm.specification.version: " + System.getProperty("java.vm.specification.version" ) ); System.out.println( "java.vm.version: " + System.getProperty("java.vm.version" ) ); System.out.println( "java.vm.vendor: " + System.getProperty("java.vm.vendor" ) ); System.out.println( "java.vm.vendor.url: " + System.getProperty("java.vm.vendor.url" ) ); System.out.println( "java.version: " + System.getProperty("java.version" ) ); System.out.println( "java.vm.info: " + System.getProperty("java.vm.info" ) ); } } <file_sep>/performance/oracle_database/9i_plansForHashValue.sql -------------------------------------------------------------------------------- -- File name: plansForHashValue.sql -- -- Purpose: Get the hash values of the plans used for the given SQL ID (hash value). -- The plans are searched only in the interval between initial_date and final_date -- Author: <NAME> -- Usage: Run @plansForHashValue and provide the hash_value and the dates -------------------------------------------------------------------------------- SET lines 170 SET pages 10000 select pu.plan_hash_value, to_char(ss.snap_time, 'dd/mm/rr hh24:mi') as "snap_time", ss.snap_id, from stats$sql_plan_usage pu, stats$snapshot ss where pu.dbid = ss.dbid and pu.instance_number = ss.instance_number and pu.snap_id = ss.snap_id and pu.hash_value = :hash_value and ss.snap_time >= to_date(:initial_date, 'dd/mm/rr hh24:mi') and ss.snap_time < to_date(:final_date, 'dd/mm/rr hh24:mi') order by ss.snap_time /<file_sep>/performance/oracle_database/10g_topSql.sql -------------------------------------------------------------------------------- -- File name: 10g_topSql.sql -- Purpose: Get the top 10 sql based on a criterion specified by the user -- Author: <NAME> -- Usage: Run @10g_topSql.sql -------------------------------------------------------------------------------- SET lines 170 SET pages 10000 set trimspool on set verify off set heading on col partial_sql_text format a50 prompt "Pick one of the following for the ordering of the results: elapsed_time, executions, cpu_time or disk_reads" SELECT sql_id, child_number, substr(sql_text, 1, 50) as partial_sql_text, elapsed_time FROM (SELECT sql_id, child_number, sql_text, elapsed_time, cpu_time, disk_reads, RANK () OVER (ORDER BY &criterion DESC) AS elapsed_rank FROM v$sql) WHERE elapsed_rank <= 10<file_sep>/performance/linux/sar-5min-1hour.sh #!/bin/bash INM_HOME="/home/wasadmin/inmetrics" OUTPUT_LOG="${INM_HOME}/logs/$(basename $0 .sh).log" ################################ NON CONFIGURABLE SECTION ############################ SADC=$(which sadc) MONTHLY_FOLDER=$(date '+%Y_%m') DATA_FILE="${INM_HOME}/coletas/sa/${MONTHLY_FOLDER}/sa_$(date +%F)" if [ ! -d "${INM_HOME}/coletas/sa/${MONTHLY_FOLDER}" ] then mkdir -p "${INM_HOME}/coletas/sa/${MONTHLY_FOLDER}" fi if [[ pgrep -o -f ${DATA_FILE} ]]; then echo "ERROR! There is a sadc instance running for the same output file!" else ${SADC} -F -L 300 12 ${DATA_FILE} fi <file_sep>/analysis/oracle/sel.sql column SUM for 9999999999 HEAD 'Total #| Rows' column CNT for 999999 HEAD 'Total #| Dist Values' column min for 999999 HEAD 'Min #| of Rows' column AVG for 999999 HEAD 'Avg #| of Rows' column max for 999999 HEAD 'Max #| of Rows' column BSEL for 999999.99 HEAD 'Best|Selectivity [%]' column ASEL for 999999.99 HEAD 'Avg|Selectivity [%]' column WSEL for 999999.99 HEAD 'Worst|Selectivity [%]' set lines 2000 SELECT SUM(a) SUM, COUNT(a) cnt, MIN(a) MIN, ROUND(AVG(a),1) AVG, MAX(a) MAX, ROUND(MIN(a)/SUM(a)*100,2) bsel, ROUND(AVG(a)/SUM(a)*100,2) asel, ROUND(MAX(a)/SUM(a)*100,2) wsel from (SELECT COUNT(*) a FROM &owner_tabela GROUP BY &colunas_separadas_por_virgula );<file_sep>/performance/oracle_database/now.sql select to_char(sysdate, 'dd/mm/yyyy hh24:mi:ss') as "Now" from dual;<file_sep>/analysis/oracle/all_isid.sql -------------------------------------------------------------------------------- -- File name: all_isid -- Purpose: Get useful information of given SIDs -- Author: <NAME> <NAME> -- Usage: Run @all_isid.sql and provide the SIDs -------------------------------------------------------------------------------- SET lines 170 SET pages 10000 set trimspool on set verify off set heading on column sid format 999999 column username format A15 column machine format A15 column program format A35 column hash_value format 9999999999 column sql_text format A65 select SID, SERIAL#, USERNAME, STATUS, OSUSER, -- MACHINE, STATUS, TYPE, -- SQL_HASH_VALUE, SQL_ID, STATUS from v$session where sid in (&sid) /<file_sep>/performance/oracle_application_server/monitor-JVM-middle-OAS.sh #!/bin/bash # Time between each snapshot INTERVAL="300" # How many snapshots should be taken COUNT="12" # OAS installation directory OAS_DIR="/apps/oracle/IAS10gR2/infra" # Inmetrics home INM_HOME="/home/oracle/inmetrics" #################################### Non configurable section ##################################### FILENAME=`basename $0 .sh` DAY=`date +%F` MONTHLY_FOLDER=`date '+%Y_%m'` OUTPUT_DIR="${INM_HOME}/coletas/${FILENAME}/${MONTHLY_FOLDER}" OUTPUT_FILE="${OUTPUT_DIR}/${DAY}_${FILENAME}.txt" if [ ! -d "${OUTPUT_DIR}" ] then mkdir -p ${OUTPUT_DIR} fi metrics=`${OAS_DIR}/bin/dmstool -l | grep -e activeThreadGroups.value -e activeThreads.value -e freeMemory.value -e totalMemory.value` ${OAS_DIR}/bin/dmstool -i ${INTERVAL} -c ${COUNT} ${metrics} | \ awk ' NF == 6 { data=$0 } NF == 3 { print data,$0; system("") } ' >> ${OUTPUT_FILE} <file_sep>/maintenance/linux/websphere/update-websphere-profile-ports.sh #!/bin/bash TMP_FILE="/tmp/update-ports.txt" ######################################################## Non configurable section ########################################## script_name=$(basename $0 .sh) ### Check whether we have all the parameters if [[ $# -ne 5 ]]; then echo -e "USAGE> ./${script_name}.sh [WAS_HOME] [PROFILE_NAME] [NODE_NAME] [CELL_NAME] [PORTS_FILE]\n" echo " [WAS_HOME] is the directory where the WebSphere is installed (ends in AppServer)" echo " [PROFILE_NAME] is the name of the profile which will be updated" echo " [NODE_NAME] is the name of the node which will be updated" echo " [CELL_NAME] is the name of the cell which will be updated" echo -e " [PORTS_FILE] is the file with the ports you want to set the profile to\n" echo "EXAMPLE> ./${script_name}.sh /opt/IBM/WebSphere/AppServer CVV kepler009Node01Cell kepler009Node01 /tmp/portdef.props" exit 1; fi was_home="$1" aProfile="$2" aNode="$3" aCell="$4" aPortsFile="$5" echo "was.install.root=${was_home}" > ${TMP_FILE} echo "profileName=${aProfile}" >> ${TMP_FILE} echo "profilePath=${was_home}/profiles/${aProfile}" >> ${TMP_FILE} echo "templatePath=${was_home}/profileTemplates/default" >> ${TMP_FILE} echo "nodeName=${aNode}" >> ${TMP_FILE} echo "cellName=${aCell}" >> ${TMP_FILE} echo "hostName=$(hostname).$(dnsdomainname)" >> ${TMP_FILE} echo "portsFile=${aPortsFile}" >> ${TMP_FILE} ${was_home}/bin/ws_ant.sh -propertyfile ${TMP_FILE} -file ${was_home}/profileTemplates/default/actions/updatePorts.ant rm ${TMP_FILE} <file_sep>/analysis/oracle/all_ln.sql -------------------------------------------------------------------------------- -- File name: all_ln.sql -- Purpose: Check which Latches are happening Now. -- Author: <NAME> -- Usage: Run @all_ln.sql -------------------------------------------------------------------------------- SET lines 170 SET pages 10000 set trimspool on set verify off set heading on column username format A15 justify left word_wrap column program format A15 justify left word_wrap column machine format A20 justify left word_wrap column "Event name" format A35 justify left word_wrap column sql_text format A60 wrapped justify left word_wrap column sid format 99999999 column sql_hash_value, format 99999999 SELECT SW.SID, S.USERNAME, S.PROGRAM, S.machine, SW.EVENT || ' - ' || L.NAME as "Event name", ST.hash_value, ST.sql_text FROM V$SESSION_WAIT SW, V$SESSION S, V$LATCH L, V$SQLTEXT ST WHERE SW.EVENT = 'latch free' AND SW.P2 = L.LATCH# AND S.SID = SW.SID AND S.SQL_HASH_VALUE = ST.HASH_VALUE and ST.piece = 0 /<file_sep>/performance/oracle_application_server/parseMemoryUtilizationFromCsv.sh #!/bin/bash ################ Not configurable section if [[ $# -ne 2 ]] then echo "`date +'%d/%b/%Y %H:%M:%S'` [Error] Wrong numbers of parameters $#" echo "Usage: `basename $0` <gziped_csv_file> <instancePID>" exit 1 fi zcat "$1" | \ grep "$2" | \ grep -e "freeMemory.value" -e "totalMemory.value" | \ awk -F ";" ' /freeMemory.value/ { freeMemory=$9 } /totalMemory.value/ { print $0";freeMemory.value;"freeMemory }' <file_sep>/performance/linux/sarToTextByMetricAndDate.sh #!/bin/bash ################ Not configurable section if [[ $# -ne 4 ]] then echo "`date +'%d/%b/%Y %H:%M:%S'` [Error] Wrong numbers of parameters $#" echo "Usage: `basename $0` sarDir sarFilesPattern outputDir outputPrefix" exit 1 fi IN_DIR=$1 PATTERN=$2 OUT_DIR=$3 PREFIX=$4 FILES=`ls ${IN_DIR}/${PATTERN}` export LC_ALL=C echo "Gerando saidas do sar em texto..." for aFile in $FILES; do echo -n "Processing ${aFile}..." #### CPU simple sar -u -f ${aFile} >> ${OUT_DIR}/${PREFIX}_`basename ${aFile}`_CPU_simple.txt #### CPU detailed sar -P ALL -f ${aFile} >> ${OUT_DIR}/${PREFIX}_`basename ${aFile}`_CPU_detailed.txt #### PAGINACAO sar -B -f ${aFile} >> ${OUT_DIR}/${PREFIX}_`basename ${aFile}`_PAGING.txt #### I/O sar -d -f ${aFile} >> ${OUT_DIR}/${PREFIX}_`basename ${aFile}`_IO.txt #### REDE traffic sar -n DEV -f ${aFile} >> ${OUT_DIR}/${PREFIX}_`basename ${aFile}`_NETWORK_TRAFFIC.txt #### REDE errors sar -n EDEV -f ${aFile} >> ${OUT_DIR}/${PREFIX}_`basename ${aFile}`_NETWORK_ERRORS.txt #### REDE sockets sar -n SOCK -f ${aFile} >> ${OUT_DIR}/${PREFIX}_`basename ${aFile}`_NETWORK_SOCKETS.txt #### MEMORIA sar -r -f ${aFile} >> ${OUT_DIR}/${PREFIX}_`basename ${aFile}`_MEMORY.txt #### RunQueue sar -q -f ${aFile} >> ${OUT_DIR}/${PREFIX}_`basename ${aFile}`_RUNQUEUE.txt echo "done!" done; <file_sep>/performance/websphere_application_server/wasmonitor_prior6-1.py ''' Created on Dec 11, 2009 @author: <NAME> @e-mail: <EMAIL> @author: <NAME> @e-mail: <EMAIL> @version 2.2 beta 1 ''' #------------------------------------------------------------------------- # Este programa deve se utilizado para coletar métricas do websphere 6.1 # wasmonitor.py - Jython implementation #------------------------------------------------------------------------- import sys import os import re from time import sleep from java.util import Date from java.text import SimpleDateFormat from java.lang import String from java.util.regex import * from java.lang import * #------- Global variables ------ DAY_FORMAT = SimpleDateFormat('yyyy-MM-dd') #Ex: 2010-03-07 HOUR_FORMAT = SimpleDateFormat('HH:mm:ss') #Ex: 23:00:00 # Método que coleta as metricas do websphere apartir dos parâmetros def wasMonitor(serverName, cellName, nodeName, module): # set up globals global AdminConfig global AdminControl defaultFile = os.path.join(OUTPUT_PATH, DAY_FORMAT.format(Date()) + "_metricLog_" + module + ".csv") # Informações de perfil try: perfName = AdminControl.completeObjectName ('process='+serverName+',node='+nodeName+',type=Perf,*') perfOName = AdminControl.makeObjectName (perfName) # "Altera o level de coleta do PMI para BASIC #configParams = ['basic'] #configSigs = ['java.lang.String'] #AdminControl.invoke_jmx (perfOName, 'setStatisticSet', configParams, configSigs) except Error, e: processLogErrors(ERROR_FILE, "Erro ao criar o objeto AdminControl: verifique se o PMI está ativado!") processLogErrors(ERROR_FILE, e) #info server srvInfo = AdminControl.completeObjectName ("type=Server,name="+serverName+",cell="+cellName+",node="+nodeName+",*") try: #parametros de configuração params = [AdminControl.makeObjectName(srvInfo), module, java.lang.Boolean ('true')] #Assinatura de metodo para receber params sigs = ['javax.management.ObjectName','java.lang.String','java.lang.Boolean'] #server metrics type module metrics = AdminControl.invoke_jmx (perfOName, 'getStatsString', params, sigs) if(String(module).equals("threadPoolModule") or String(module).equals("beanModule") or String(module).equals("connectionPoolModule") or String(module).equals("hamanagerModule") or String(module).equals("objectPoolModule") or String(module).equals("servletSessionsModule") or String(module).equals("jvmRuntimeModule")): genericModuleParser(defaultFile, metrics, module) else: print "Module '" + module + "' não encontrado!!! Por favor, verifique se este module esta disponivel neste servidor" print "Dica: no final deste script voce encontrara um exemplo de como verificar se este module existe." except Error,e: processLogErrors(ERROR_FILE, "Erro ao obter objetos do WebSphere para obtencao das coletas de metricas") print "Erro ao obter objetos do WebSphere para obtencao das coletas de metricas" # Método que tem por objetivo realizar testes de modules específicos e imprimir a saida na tela def genericModuleParserTest(defaultFile, metrics, module): splitDescriptor = metrics.split('Descriptor') for el in splitDescriptor: splitMetrics = el.split('} {') for el2 in splitMetrics: lineParsed = String(String(el2).replace(String("{"),String(""))).replace(String("}"),String("")) print "[WASMONITOR] " + lineParsed # Método que tem por objetivo realizar o parser das informações retornadas pelo websphere def genericModuleParser(defaultFile, metrics, module): splitDescriptor = metrics.split('Descriptor') for el in splitDescriptor: splitMetrics = el.split('} {') if(len(splitMetrics) > 8): node = String(String(splitMetrics[0]).replace(String("{"),String(""))).replace(String("Node "),String("")) srv = String(splitMetrics[1]).replace(String("Server "),String("")) metricName = String(splitMetrics[3]).replace(String("Name"),String("")) type = String(String(splitMetrics[5]).replace(String("{"),String(""))).replace(String("PmiDataInfo Name "),String("")) desc = String(String(String(splitMetrics[7]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("Description "),String("")) #Comment is not needed #comm = String(String(String(splitMetrics[9]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("Comment "),String("")) time = String(splitMetrics[14]).replace(String("Time "),String("")) outMetrics = srv + "\";\"" outMetrics = outMetrics + node + "\";\"" outMetrics = outMetrics + metricName + "\";\"" outMetrics = outMetrics + type + "\";\"" outMetrics = outMetrics + desc + "\";\"" #Comment is not needed #outMetrics = outMetrics + comm + "\";\"" outMetrics = outMetrics + time + "\";\"" if(len(splitMetrics) > 15): if(String(splitMetrics[15]).contains(String("Count "))): total = "" count = String(String(String(splitMetrics[15]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("Value Count "),String("")) mean = "" current = "" lowWaterMark = "" highWaterMark = "" elif(String(splitMetrics[15]).contains(String("Total "))): total = String(String(String(splitMetrics[15]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("Value Total "),String("")) count = String(String(String(splitMetrics[16]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("Count "),String("")) mean = String(String(String(splitMetrics[17]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("Mean "),String("")) current = "" lowWaterMark = "" highWaterMark = "" elif(String(splitMetrics[15]).contains(String("Current "))): total = "" count = "" mean = "" current = String(String(String(splitMetrics[15]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("Value Current "),String("")) lowWaterMark = String(String(String(splitMetrics[16]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("LowWaterMark "),String("")) highWaterMark = String(String(String(splitMetrics[17]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("HighWaterMark "),String("")) elif(String(splitMetrics[15]).contains(String("ExternalWrite"))): total = "" count = "" mean = "" current = String(String(String(splitMetrics[15]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("Value Current "),String("")) lowWaterMark = String(String(String(splitMetrics[16]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("LowWaterMark "),String("")) highWaterMark = String(String(String(splitMetrics[17]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("HighWaterMark "),String("")) elif(String(splitMetrics[15]).contains(String("ExternalRead"))): total = "" count = "" mean = "" current = String(String(String(splitMetrics[15]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("Value Current "),String("")) lowWaterMark = String(String(String(splitMetrics[16]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("LowWaterMark "),String("")) highWaterMark = String(String(String(splitMetrics[17]).replace(String("{"),String(""))).replace(String("}"),String(""))).replace(String("HighWaterMark "),String("")) else: processLogErrors(ERROR_FILE, "### Unexpected line to be parsed ###\n") processLogErrors(ERROR_FILE, "Selected info\n") processLogErrors(ERROR_FILE, el + "\n") processLogErrors(ERROR_FILE, "Broken info\n") processLogErrors(ERROR_FILE, "\n".join(splitMetrics) + "\n") total = "erro" count = "erro" mean = "erro" current = "erro" lowWaterMark = "erro" highWaterMark = "erro" outMetrics = outMetrics + total + "\";\"" outMetrics = outMetrics + count + "\";\"" outMetrics = outMetrics + mean + "\";\"" outMetrics = outMetrics + current + "\";\"" outMetrics = outMetrics + lowWaterMark + "\";\"" outMetrics = outMetrics + highWaterMark processLogMetrics(defaultFile, outMetrics, module) else: processLogErrors(ERROR_FILE, "Line ignored:\n") processLogErrors(ERROR_FILE, ",".join(splitMetrics) + "\n" ) # Recebe path de arquivo de log para registrar falhas nas coletas e eventuais exceções def processLogErrors(fullFileName, log): try: if (os.path.isfile(fullFileName)): # Abre o arquivo em modo append outLogFile = open(fullFileName, 'a') outLogFile.write(log) else: # Abre o arquivo em modo write outLogFile = open(fullFileName, 'w') outLogFile.write(log) outLogFile.close() # fecha o arquivo except Error,e: print e pass # recebe o path e objetos (AdminControl) a serem processados e escreve no respectivo arquivo def processLogMetrics(fullFileName, metrics, module): try: #Contatena hora de processamento now = Date() outInfo = "\"" + DAY_FORMAT.format(now) + " " + HOUR_FORMAT.format(now) + "\";\"" + metrics + "\";\n" # verifica se o arquivo existe e abre em modo write ou append if (os.path.isfile(fullFileName)): outfile = open(fullFileName,'a') # Abre o arquivo em modo append outfile.write(outInfo) else: if( String(module).equals("threadPoolModule") or String(module).equals("beanModule") or String(module).equals("connectionPoolModule") or String(module).equals("hamanagerModule") or String(module).equals("objectPoolModule") or String(module).equals("servletSessionsModule") or String(module).equals("jvmRuntimeModule") ): # Abre o arquivo em modo write outfile = open(fullFileName,'w') header = "Date;" header = header + "Server;" header = header + "Node;" header = header + "Metric;" header = header + "Type;" header = header + "Description;" # Comment not needed #header = header + "Comment;" header = header + "Time;" header = header + "Total;" header = header + "Count;" header = header + "Mean;" header = header + "Current;" header = header + "LowWaterMark;" header = header + "HighWaterMark;" # Finaliza e escreve o cabecalho header = header + "\n" outfile.write(header) else: processLogErrors(ERROR_FILE, "O module '" + module + "' nao existe.") outfile.close() # fecha o arquivo except Error,e: processLogErrors(ERROR_FILE, e) pass # Método para obtencao da lista de servidores e nodes e para o processamento das métricas para cada servidor def processServerMetrics(module): #-------------------------------------------------------------- # set up globals #-------------------------------------------------------------- global AdminConfig global AdminControl #Obtem lista de servires do websphere serverNames = AdminConfig.list("Server") #vetor com fully qualified name do server serversLines = serverNames.split('\n') # itera sobre a linha de cada servidor for el in serversLines: # Pattern para obter servers, cells, nodes pSeverName = Pattern.compile("(^([1-zA-Z_0-9]+)\\(cells/([1-zA-Z_0-9]+.?[1-zA-Z_0-9]+)/nodes/([1-zA-Z_0-9]+.?[1-zA-Z_0-9]+)/servers/([1-zA-Z_0-9]+.?[1-zA-Z_0-9]+))") # Matcher que obtem o nome de cada servidor, call e node matcherServerInfor = pSeverName.matcher(String(el)) #verifica se as informações foram encontradas pelo regex if(matcherServerInfor.find()): serverName = matcherServerInfor.group(2) # Server Name cellName = matcherServerInfor.group(3) # Cell Name nodeName = matcherServerInfor.group(4) # Node Name # Para não coletar métricas do httpServer if(not String(serverName).contains(String("webserver")) and not String(serverName).contains(String("http")) and not String(serverName).contains(String("dmgr"))): try: wasMonitor(serverName, cellName, nodeName, module) except Error, e: processLogErrors(ERROR_FILE, "Erro no processamento de metricas do servidor: "+serverName) processLogErrors(ERROR_FILE, e) pass #----------------------------------------------------------------- # Main # # Obtém lista de tipos de métricas ex: connectionPoolModule, hamanagerModule, objectPoolModule, servletSessionsModule, threadPoolModule # srvInfo = AdminControl.completeObjectName ("type=Server,name=server1,node=win-websphereNode01,*") # perfName = AdminControl.completeObjectName ('process=server1,node=win-websphereNode01,type=Perf,*') # perfOName = AdminControl.makeObjectName (perfName) # params = [AdminControl.makeObjectName (srvInfo)] # sigs = ['javax.management.ObjectName'] # AdminControl.invoke_jmx (perfOName, 'listStatMemberNames', params, sigs) # # Obtém level de instrumentação( lista de modules ) # AdminControl.invoke (perfName, 'getInstrumentationLevelString') # EX: 'ExtensionRegistryStats.name= # F:SipContainerModule= # F:beanModule= # F:cacheModule= # F:connectionPoolModule= # F:hamanagerModule= # F:jvmRuntimeModule= # F:objectPoolModule= # F:orbPerfModule= # F:servletSessionsModule= # F:systemModule= # F:threadPoolModule= # F:transactionModule= # F:webAppModule=F' #----------------------------------------------------------------- if (len(sys.argv) == 2): # Diretorio para escrita das metricas coletadas global OUTPUT_PATH global ERROR_FILE modules = sys.argv[0] OUTPUT_PATH = sys.argv[1] ERROR_FILE = os.path.join(OUTPUT_PATH, DAY_FORMAT.format(Date()) + "_errorLog.log") splitModules = modules.split(',') for aModule in splitModules: # Remove eventuais espacos em branco existentes aModule = String(aModule).replace(String(" "),String("")) processServerMetrics(aModule) else: print "Este script requer dois parametros para sua execucao:" print "1 - Lista de modulos para os quais serao extraidas as metricas." print "Segue a lista de modules disponiveis:" print " - beanModule" print " - connectionPoolModule" print " - hamanagerModule" print " - objectPoolModule " print " - servletSessionsModule" print " - threadPoolModule" print " - jvmRuntimeModule" print " - transactionModule" print " - webAppModule" print " - cacheModule" print " - orbPerfModule" print " - SipContainerModule" print " - systemModule" print "Caso dois ou mais modulos precisem ser consultados, os seus nomes devem ser fornecidos separados por virgula" print "2 - Diretorio (sem \\ ou / no final) para gravacao dos arquivos de saida" print "Exemplo: \"beanModule,servletSessionsModule\" \"C:\Windows\Temp\""<file_sep>/maintenance/linux/so/sar-5min-1hour.sh #!/bin/bash INM_HOME="/home/wasadmin/inmetrics" OUTPUT_LOG="/home/wasadmin/inmetrics/logs/`basename $0 .sh`.log" ################################ NON CONFIGURABLE SECTION ############################ MONTHLY_FOLDER=`date '+%Y_%m'` # Store PID of script LCK_FILE="${INM_HOME}/coletas/sa/`basename $0 .sh`.lck" if [ ! -d "${INM_HOME}/coletas/sa/${MONTHLY_FOLDER}" ] then mkdir -p "${INM_HOME}/coletas/sa/${MONTHLY_FOLDER}" echo "" > $LCK_FILE fi # Checking whether an process is running or not if [ -f "${LCK_FILE}" ]; then MYPID=`head -n 1 $LCK_FILE` if [ -n "`ps -p ${MYPID} | grep -w ${MYPID}`" ]; then echo `date`" -> "`basename $0` is already running [$MYPID] >> ${OUTPUT_LOG} exit fi fi # Echo current PID into lock file echo $$ > $LCK_FILE /usr/lib64/sa/sadc 300 12 ${INM_HOME}/coletas/sa/${MONTHLY_FOLDER}/sa_`date +%F` <file_sep>/maintenance/linux/websphere/checklist-WAS.sh #!/bin/bash WAS_PROFILE="/opt/IBM/WebSphere/AppServer/profiles" ### Check whether we have all the parameters if [[ $# -ne 1 ]]; then echo "USAGE> ./${SCRIPT_NAME}.sh [WEBSPHERE_PROFILE]" echo exit 1; fi RESOURCES=$(find ${WAS_PROFILE}/$1/config/cells -maxdepth 2 -type f -name "resources.xml") PORTS=$(find ${WAS_PROFILE}/$1/properties -maxdepth 2 -type f -name "portdef.props") SERVER=$(find ${WAS_PROFILE}/$1/config/cells -maxdepth 6 -type f -name "server.xml" | grep -v templates) if [[ ! -d ${WAS_PROFILE}/$1 || ! -f ${RESOURCES} ]]; then echo "ERROR> Profile $1 does not exist or it is invalid!"; echo "ERROR> Quiting..." exit 2; fi ## Checklisting instance echo -e "\n### Checklisting $1 WebSphere instance on $(hostname -f)" ## Check JVM parameters echo -e "\n### Listing JVM and system parameters" awk ' /<jvmEntries / { if( match($0, /verboseModeClass="[^"]*"/) ){ vmc=substr($0, RSTART, RLENGTH) } if( match($0, /verboseModeGarbageCollection="[^"]*"/) ){ vmgc=substr($0, RSTART, RLENGTH) } if( match($0, /verboseModeJNI="[^"]*"/) ){ vmj=substr($0, RSTART, RLENGTH) } if( match($0, /initialHeapSize="[^"]*"/) ){ ihs=substr($0, RSTART, RLENGTH) } if( match($0, /maximumHeapSize="[^"]*"/) ){ mhs=substr($0, RSTART, RLENGTH) } if( match($0, /runHProf="[^"]*"/) ){ rh=substr($0, RSTART, RLENGTH) } if( match($0, /hprofArguments="[^"]*"/) ){ rha=substr($0, RSTART, RLENGTH) } if( match($0, /debugMode="[^"]*"/) ){ dm=substr($0, RSTART, RLENGTH) } if( match($0, /debugArgs="[^"]*"/) ){ da=substr($0, RSTART, RLENGTH) } if( match($0, /genericJvmArguments="[^"]*"/) ){ gja=substr($0, RSTART, RLENGTH) } printf("%-40s %-40s %-40s\n", vmc, vmgc, vmj) printf("%-40s %-40s %-40s\n", ihs, mhs, rh) printf("%-40s %-40s\n" , rha, dm) printf("%-40s\n" , da) printf("%-40s\n\n" , gja) foundJVM="true" next; } foundJVM == "true" && /<systemProperties / { if( match($0, /name="[^"]*"/) ){ name=substr($0, RSTART, RLENGTH) } if( match($0, /value="[^"]*"/) ){ value=substr($0, RSTART, RLENGTH) } printf("%-45s %-25s\n", name, value) next; } /<\/jvmEntries>/ { foundJVM="false" next; }' $SERVER ## Check profile ports echo -e "\n### Listing instance ports" awk -F"=" '/=/ { printf("%-50s %-10s\n", $1, $2); }' $PORTS ## Check datasource configuration echo -e "\n### Listing JDBC providers" awk ' /<resources.jdbc:JDBCProvider/ { if( match($0, /name="[^"]*"/) ){ name=substr($0, RSTART, RLENGTH) } if( match($0, /providerType="[^"]*"/) ){ prov=substr($0, RSTART, RLENGTH) } if( match($0, /xa="[^"]*"/) ){ xa=substr($0, RSTART, RLENGTH) } printf("%-45s %-45s %-15s\n", name, prov, xa) next; }' ${RESOURCES} echo -e "\n### Listing JDBC factories and its configuration" awk ' /<factories xmi:type="resources.jdbc:DataSource"/ { if( match($0, /name="[^"]*"/) ){ name=substr($0, RSTART, RLENGTH) } if( match($0, /jndiName="[^"]*"/) ){ jndi=substr($0, RSTART, RLENGTH) } if( match($0, /providerType="[^"]*"/) ){ prov=substr($0, RSTART, RLENGTH) } if( match($0, /authDataAlias="[^"]*"/) ){ auth=substr($0, RSTART, RLENGTH) } if( match($0, /statementCacheSize="[^"]*"/) ){ stmt=substr($0, RSTART, RLENGTH) } printf("%-50s %-35s %-35s\n", name, jndi, prov) printf("%-50s %-35s\n" , auth, stmt) foundJDBC="true"; next; } foundJDBC == "true" && /<connectionPool/ { if( match($0, /connectionTimeout="[^"]*"/) ){ connT=substr($0, RSTART, RLENGTH) } if( match($0, /maxConnections="[^"]*"/) ){ maxC=substr($0, RSTART, RLENGTH) } if( match($0, /minConnections="[^"]*"/) ){ minC=substr($0, RSTART, RLENGTH) } if( match($0, /reapTime="[^"]*"/) ){ reapT=substr($0, RSTART, RLENGTH) } if( match($0, /unusedTimeout="[^"]*"/) ){ unusedT=substr($0, RSTART, RLENGTH) } if( match($0, /agedTimeout="[^"]*"/) ){ agedT=substr($0, RSTART, RLENGTH) } if( match($0, /purgePolicy="[^"]*"/) ){ purgeP=substr($0, RSTART, RLENGTH) } if( match($0, /testConnection="[^"]*"/) ){ testC=substr($0, RSTART, RLENGTH) } if( match($0, /testConnectionInterval="[^"]*"/) ){ testConnI=substr($0, RSTART, RLENGTH) } if( match($0, /stuckTimerTime="[^"]*"/) ){ stuckTimerT=substr($0, RSTART, RLENGTH) } if( match($0, /stuckTime="[^"]*"/) ){ stuckT=substr($0, RSTART, RLENGTH) } if( match($0, /stuckThreshold="[^"]*"/) ){ stuckThres=substr($0, RSTART, RLENGTH) } printf("%-50s %-35s %-25s\n", connT, maxC, minC) printf("%-50s %-35s %-25s\n", reapT, unusedT, agedT) printf("%-50s %-35s %-25s\n", purgeP, testC, testConnI) printf("%-50s %-35s\n\n" , stuckTimerT, stuckT, stuckThres) foundJDBC="false" next; }' ${RESOURCES} ## Check thread pool configuration echo -e "\n### Listing thread pool configuration" awk ' /<threadPools / { if( match($0, /name="[^"]*"/) ){ name=substr($0, RSTART, RLENGTH) } if( match($0, /minimumSize="[^"]*"/) ){ minS=substr($0, RSTART, RLENGTH) } if( match($0, /maximumSize="[^"]*"/) ){ maxS=substr($0, RSTART, RLENGTH) } if( match($0, /inactivityTimeout="[^"]*"/) ){ inact=substr($0, RSTART, RLENGTH) } if( match($0, /isGrowable="[^"]*"/) ){ isG=substr($0, RSTART, RLENGTH) } printf("%-40s %-20s %-20s %-25s %-20s\n", name, minS, maxS, inact, isG) next; }' ${SERVER} ## Check thread pool configuration echo -e "\n### Listing Mail Session configuration" awk ' /<factories xmi:type="resources.mail:MailSession" / { if( match($0, /name="[^"]*"/) ){ name=substr($0, RSTART, RLENGTH) } if( match($0, /jndiName="[^"]*"/) ){ jndi=substr($0, RSTART, RLENGTH) } if( match($0, /mailTransportHost="[^"]*"/) ){ mth=substr($0, RSTART, RLENGTH) } if( match($0, /mailTransportPassword="[^"]*"/) ){ mtPass=substr($0, RSTART, RLENGTH) } if( match($0, /mailStorePassword="[^"]*"/) ){ msp=substr($0, RSTART, RLENGTH) } if( match($0, /debug="[^"]*"/) ){ dbg=substr($0, RSTART, RLENGTH) } if( match($0, /strict="[^"]*"/) ){ strict=substr($0, RSTART, RLENGTH) } if( match($0, /mailTransportProtocol="[^"]*"/) ){ mtProt=substr($0, RSTART, RLENGTH) } printf("%-50s %-50s %-40s\n", name , jndi, mth) printf("%-50s %-50s %-40s\n", mtPass, msp , dbg) printf("%-50s %-50s\n" , strict, mtProt) foundMAIL="true" next; } foundMAIL == "true" && /<resourceProperties / { if( match($0, /name="[^"]*"/) ){ name=substr($0, RSTART, RLENGTH) } if( match($0, /value="[^"]*"/) ){ value=substr($0, RSTART, RLENGTH) } printf("%-50s %-25s\n\n", name, value) next; } /<\/propertySet>/ { foundMAIL="false" next; }' ${RESOURCES} <file_sep>/performance/oracle_application_server/parseInstancePIDs.sh #!/bin/bash ################ Not configurable section grep "oracle_oc4j_instancename.value" | \ awk -F ";" ' { if(lastInst[$NF] != $1){ lastInst[$NF]=$1; inst[$NF]=inst[$NF]" "$1" (since: "$4")" } } END { for(i in inst){ print "Instance: "i" PIDs:"inst[i] } }' <file_sep>/performance/linux/parseOSW_vmstat_linux.sh #!/bin/bash # # Script to parse OSWatcher vmstat collections # To use, go in to the "archive" directory of OSWatcher output and run the script # Check for proper environment if [ -z `ls | grep oswvmstat` ]; then echo "$PWD is not a OSWatcher archive directory. Exiting" exit 1 fi cd oswvmstat # Specify range to be analyzed ls -1tr *.dat.gz > filelist cat filelist echo "Enter starting file name:" echo -n ">> " read FILE_BEGIN echo "Enter ending file name:" echo -n ">> " read FILE_END FB=`grep -n $FILE_BEGIN filelist | awk -F: {'print $1'}` FE=`grep -n $FILE_END filelist | awk -F: {'print $1'}` FD=`echo "$FE - $FB + 1" | bc` # Temporarily create a big file to work on zcat `head -$FE filelist | tail -$FD` > to_be_analyzed awk ' function arrayAverage(aArray){ aAvg=aArray[0]+aArray[1]+aArray[2]; return(aAvg/3); } BEGIN { timestamp="###"; OFS=";" } # When we match this kind of line, we should keep the timestamp. Example: ## zzz ***Wed May 12 10:39:12 BRT 2010 NF == 7 { if( timestamp == "###" ){ timestamp=$4"/"$3"/"$7" "$5 print "timestamp","procs_r","procs_b","memory_swpd","memory_free","memory_buff","memory_cache","swap_si","swap_so","io_bi","io_bo","system_in","system_cs","cpu_us","cpu_sy","cpu_id","cpu_wa" } else { print timestamp,arrayAverage(procs_r),arrayAverage(procs_b),arrayAverage(memory_swpd),arrayAverage(memory_free),arrayAverage(memory_buff),arrayAverage(memory_cache),arrayAverage(swap_si),arrayAverage(swap_so),arrayAverage(io_bi),arrayAverage(io_bo),arrayAverage(system_in),arrayAverage(system_cs),arrayAverage(cpu_us),arrayAverage(cpu_sy),arrayAverage(cpu_id),arrayAverage(cpw_wa) timestamp=$4"/"$3"/"$7" "$5 } } # When we match this kind of line, we reset the counters. Example: # procs -----------memory---------- ---swap-- -----io---- --system-- ----cpu---- /^procs[ -]+memory[ -]+swap[ -]+io[ -]+system[ -]+cpu-+$/ { for(i=0;i<4;i++){ procs_r[i]=0; procs_b[i]=0; memory_swpd[i]=0; memory_free[i]=0; memory_buff[i]=0; memory_cache[i]=0; swap_si[i]=0; swap_so[i]=0; io_bi[i]=0; io_bo[i]=0; system_in[i]=0; system_cs[i]=0; cpu_us[i]=0; cpu_sy[i]=0; cpu_id[i]=0; cpu_wa[i]=0; } i=0; } # When we match the values, we store them for later NF == 16 && $0 ~ /^[ 0-9]+$/ { procs_r[i]=$1; procs_b[i]=$2; memory_swpd[i]=$3; memory_free[i]=$4; memory_buff[i]=$5; memory_cache[i]=$6; swap_si[i]=$7; swap_so[i]=$8; io_bi[i]=$9; io_bo[i]=$10; system_in[i]=$11; system_cs[i]=$12; cpu_us[i]=$13; cpu_sy[i]=$14; cpu_id[i]=$15; cpu_wa[i]=$16; i++ } ' to_be_analyzed > ../vmstat_parsedData.csv echo "The files were parsed. Please check the file vmstat_parsedData.csv in the current directory." rm to_be_analyzed <file_sep>/analysis/application/analyze-webServices-SysErr.sh #!/bin/bash INPUT=$1 if [[ -z "$INPUT" ]]; then echo "## ERROR: no file provided for analysis!" echo "Usage: $0 <webservices-system-err> [<max-stack-length>]" exit 1 fi STACK=$2 if [[ -z "$STACK" ]]; then STACK=500 fi if [[ "$(file -ib $INPUT)" != "application/x-gzip; charset=binary" ]]; then echo "## ERROR: the given input file is not gzipped!" exit 2 fi zcat $INPUT | \ awk -v maxStack=$STACK ' function replaceErrors(lineStr) { ## log4j:ERROR Could not instantiate appender named "ERROR". sub(/appender named ".+"\./, "appender named ##appender##.", lineStr); ## log4j:ERROR Could not find value for key log4j.appender.INFO sub(/value for key .+\..+$/, "value for key ##key##", lineStr); ##para a propriedade logging.idSystem sub(/para a propriedade .+\..+$/, "para a propriedade ##propriedade##", lineStr); return(lineStr) } function fillBuffer(initial, start) { auxBuf = initial ## fill buffer and remove tab for(i = start; i<=NF; i++) { auxBuf = auxBuf " " $i } sub(/\t/, "", auxBuf); return(auxBuf) } function printArray(array){ for(item in array) { print array[item], item } } BEGIN { FS=" [REW] " buffer="" OFS=";" } ## Com data e eh erro $1 ~ /^\[..?\/..?\/.. / && $2 !~ /^\tat / { ## Temos um erro "raiz" no buffer if( buffer != "" ){ buffer = replaceErrors(buffer) bufLength = length(buffer) ## limita o tamanho do erro que fica em memoria if(bufLength > maxStack) { buffer = substr(buffer, 0, maxStack/2) " #cut# " substr(buffer, bufLength + 7 - maxStack/2) } ## tira do buffer e armazena no catalogo de erros erros[buffer]++ } ## fill buffer and remove tab buffer = fillBuffer("", 2) next } ## Com data e eh stacktrace $1 ~ /^\[..?\/..?\/.. / && $2 ~ /^\tat / { ## Há um erro existente, portanto adicionamos a stacktrace if( buffer != "" ) { ## fill buffer and remove tab buffer = fillBuffer(buffer, 2) } next } ## Sem data e eh stacktrace /^\tat / { ## Há um erro existente, portanto adicionamos a stacktrace if( buffer != "" ) { ## fill buffer and remove tab buffer = fillBuffer(buffer, 1) } next } END { if( buffer != "" ) { buffer = replaceErrors(buffer) bufLength = length(buffer) if(bufLength > maxStack) { buffer = substr(buffer, 0, maxStack/2) " #cut# " substr(buffer, bufLength + 7 - maxStack/2) } erros[buffer]++ } printArray(erros) } ' | sort -t ";" -n -r <file_sep>/performance/linux/sarTextToCsv.sh #!/bin/bash ################ Not configurable section if [[ $# -ne 3 ]] then echo "`date +'%d/%b/%Y %H:%M:%S'` [Error] Wrong numbers of parameters $#" echo "Usage: `basename $0` sarDir sarFilesPattern outputDir" exit 1 fi IN_DIR=$1 PATTERN=$2 OUT_DIR=$3 FILES=`ls ${IN_DIR}/${PATTERN}` export LC_ALL=C ################ Not configurable section ################ FILES=`ls ${IN_DIR}/${PATTERN}` for file in ${FILES}; do echo -n "Processing ${file}..." newFileName=`basename ${file}` cat ${file} | awk -F "[ \t]+" ' # Lines which do not end in digits are the headers /[^0-9]$/ { if(header=="") { header="Maquina;Ano;Mes;Dia;Hora"; for(i=2; i<=NF; i++) { if($i!=""){ header=header";"$i } } print header }; } # Lines which do not start with digits and end with date-like string /[^0-9].*[0-9][0-9]\/[0-9][0-9]\/[0-9][0-9]/ { MAQ=$3; split($4,DATA,"/"); MES=DATA[1] DIA=DATA[2] ANO=DATA[3] } # Lines which start and end with digits can be either a line with data or the runqueue header (FIX IT) /^[0-9][0-9].+[0-9]$/ { line=MAQ";"ANO";"MES";"DIA for(i=1; i<=NF; i++) { if($i!=""){ line=line";"$i } } print line } ' > ${OUT_DIR}/${newFileName%.???}.csv echo "done!" done; <file_sep>/analysis/oracle/all_gk4e.sql -------------------------------------------------------------------------------- -- File name: all_gk4e.sql -- Purpose: Generate Kill command for active session waiting for an specfici event -- Author: <NAME> -- Usage: Run @all_gk4e.sql and provide the wait event name -------------------------------------------------------------------------------- SET lines 170 SET pages 10000 set trimspool on set verify off set heading on col command format a60; col event format a60; select 'alter system kill session '''||s.sid||','||s.serial#||''' immediate;' as "command", t.event from v$session s, v$session_wait t where upper(t.event) LIKE upper('&EVENT') and t.sid = s.sid / <file_sep>/README.md # saks This is project has two main goals: a) Be a backup site of linux utility scripts (bash, awk, python, sed etc.) used by on a daily basis as a performance analyst b) Share and gain knowledge from people all arount the world, so the scripts can get more mature, stable and useful for a wider audience Not all scripts provided were developed by me and I do not claim ownership on them. If you see something that should not be here in your opinion, let me know that I will remove it. Hope you like it and collaborate with it. <file_sep>/performance/websphere_application_server/script_websphere.sh #!/bin/bash user='scriptaudit' senha='<PASSWORD>' ######################################################################### INM_HOME="/tmp/inmetrics" PID1="${INM_HOME}/coletas_WS/collectServerPPW.pid" PID2="${INM_HOME}/coletas_WS/collectAppSrv01.pid" OUT_LOG_FILE1="${INM_HOME}/coletas_WS/collectServerPPW.log" OUT_LOG_FILE2="${INM_HOME}/coletas_WS/collectAppSrv01.log" ERR_LOG_FILE1="${INM_HOME}/coletas_WS/inmetricsServerPPW.log" ERR_LOG_FILE2="${INM_HOME}/coletas_WS/inmetricsAppSrv01.log" CMD=$1 case ${CMD} in __RUN1) ## The command to run comes here echo `date` /opt/IBM/WebSphere/AppServer/profiles/serverPPW/bin/wsadmin.sh \ -host localhost -port 8881 -username $user -password $<PASSWORD> -lang jython \ -f ${INM_HOME}/scripts/wasmonitor_pos6-1.py \ "beanModule,connectionPoolModule,jvmRuntimeModule,servletSessionsModule,threadPoolModule" \ ${INM_HOME}/coletas_WS/serverPPW rm ${PID1} find ${INM_HOME}/coletas_WS/serverPPW/ -type f -exec chmod 0777 {} \; ;; __RUN2) ## The command to run comes here echo `date` /opt/IBM/WebSphere/AppServer/profiles/AppSrv01/bin/wsadmin.sh \ -host localhost -port 8880 -username $user -password $<PASSWORD> -lang jython \ -f ${INM_HOME}/scripts/wasmonitor_pos6-1.py \ "beanModule,connectionPoolModule,jvmRuntimeModule,servletSessionsModule,threadPoolModule" \ ${INM_HOME}/coletas_WS/AppSrv01 rm ${PID2} find ${INM_HOME}/coletas_WS/AppSrv01/ -type f -exec chmod 0777 {} \; ;; *) if [ -r ${PID1} ]; then PROC_EXISTS1=`ps -ef | fgrep -f ${PID1}` else PROC_EXISTS1= fi if [ -z "${PROC_EXISTS1}" ]; then nohup $0 __RUN1 1>> ${OUT_LOG_FILE1} 2>&1 & PROC_ID1=$! echo ${PROC_ID1} > ${PID1} echo "`date` - Process `cat ${PID1}` was started to collect Websphere data." >> ${ERR_LOG_FILE1} else echo "`date` - Websphere data could not be collected because process `cat ${PID1}` is still runnning." >> ${ERR_LOG_FILE1} fi if [ -r ${PID2} ]; then PROC_EXISTS2=`ps -ef | fgrep -f ${PID2}` else PROC_EXISTS2= fi if [ -z "${PROC_EXISTS2}" ]; then nohup $0 __RUN2 1>> ${OUT_LOG_FILE2} 2>&1 & PROC_ID2=$! echo ${PROC_ID2} > ${PID2} echo "`date` - Process `cat ${PID2}` was started to collect Websphere data." >> ${ERR_LOG_FILE2} else echo "`date` - Websphere data could not be collected because process `cat ${PID2}` is still runnning." >> ${ERR_LOG_FILE2} fi ;; esac <file_sep>/performance/hpux/parseOSW_iostat_hpux.sh #!/bin/sh # # Script to parse OSWatcher iostat collections # To use, go in to the "archive" directory of OSWatcher output and run the script # Check for proper environment if [ -z `ls | grep oswiostat` ]; then echo "$PWD is not a OSWatcher archive directory. Exiting" exit 1 fi cd oswiostat # Specify range to be analyzed ls -1tr *.dat.gz > filelist cat filelist echo "Enter starting file name:" echo -n ">> " read FILE_BEGIN echo "Enter ending file name:" echo -n ">> " read FILE_END FB=`grep -n $FILE_BEGIN filelist | awk -F: {'print $1'}` FE=`grep -n $FILE_END filelist | awk -F: {'print $1'}` FD=`echo "$FE - $FB + 1" | bc` ' # Temporarily create a big file to work on zcat `head -$FE filelist | tail -$FD` > to_be_analyzed awk ' function setArrayElemsToValue(anArray, aValue) { for(i in anArray) {anArray[i] = aValue}; } BEGIN { tStamp="###"; OFS=";" } # When we match this kind of line, we should keep the timestamp. Example: ## zzz ***Wed May 12 10:39:12 BRT 2010 NF == 7 { if( tStamp == "###" ){ tStamp=$4"/"$3"/"$7" "$5 print "tStamp","dev","avg bps","cnt bps","avg sps","cnt sps","avg msps","cnt msps" } else { for(dev in sum_bps){ printf " %s; %s;", tStamp, dev printf " %4.3f; %4d;", sum_bps[dev]/count_bps[dev], count_bps[dev] printf " %4.3f; %4d;", sum_sps[dev]/count_sps[dev], count_sps[dev] printf " %4.3f; %4d;\n", sum_msps[dev]/count_msps[dev], count_msps[dev] } tStamp=$4"/"$3"/"$7" "$5 setArrayElemsToValue(sum_bps,0); setArrayElemsToValue(count_bps,0); setArrayElemsToValue(sum_sps,0); setArrayElemsToValue(count_sps,0); setArrayElemsToValue(sum_msps,0); setArrayElemsToValue(count_msps,0); } } NF == 4 && $NF !~ /[a-z]+/ { sum_bps[$1] = sum_bps[$1] + $2 count_bps[$1] = count_bps[$1] + 1 sum_sps[$1] = sum_sps[$1] + $3 count_sps[$1] = count_sps[$1] + 1 sum_msps[$1] = sum_msps[$1] + $4 count_msps[$1] = count_msps[$1] + 1 } END { for(dev in array_bps){ printf " %s; %s;", tStamp, dev printf " %4.3f; %4d;", sum_bps[dev]/count_bps[dev], count_bps[dev] printf " %4.3f; %4d;", sum_sps[dev]/count_sps[dev], count_sps[dev] printf " %4.3f; %4d;\n", sum_msps[dev]/count_msps[dev], count_msps[dev] } } ' to_be_analyzed > ../iostat_parsedData.csv echo "The files were parsed. Please check the file iostat_parsedData.csv in the current directory." rm to_be_analyzed filelist <file_sep>/performance/hpux/parseOSW_vmstat_hpux.sh #!/bin/bash # # Script to parse OSWatcher vmstat collections # To use, go in to the "archive" directory of OSWatcher output and run the script # Check for proper environment if [ -z `ls | grep oswvmstat` ]; then echo "$PWD is not a OSWatcher archive directory. Exiting" exit 1 fi cd oswvmstat # Specify range to be analyzed ls -1tr *.dat.gz > filelist cat filelist echo "Enter starting file name:" echo -n ">> " read FILE_BEGIN echo "Enter ending file name:" echo -n ">> " read FILE_END FB=`grep -n $FILE_BEGIN filelist | awk -F: {'print $1'}` FE=`grep -n $FILE_END filelist | awk -F: {'print $1'}` FD=`echo "$FE - $FB + 1" | bc` # Temporarily create a big file to work on zcat `head -$FE filelist | tail -$FD` > to_be_analyzed awk ' function arrayAvg(aArray){ aAvg=aArray[0]+aArray[1]+aArray[2]; return(aAvg/3); } BEGIN { timestamp="###"; OFS=";" } # When we match this kind of line, we should keep the timestamp. Example: ## zzz ***Wed May 12 10:39:12 BRT 2010 NF == 7 { if( timestamp == "###" ){ timestamp=$4"/"$3"/"$7" "$5 print "timestamp","procs_r","procs_b","procs_w","memory_avm","memory_free","page_re","page_at","page_pi","page_po","page_fr","page_de","page_sr","page_in","faults_sy","faults_cs","cpu_us","cpu_sy","cpu_id" } else { print timestamp,arrayAvg(procs_r),arrayAvg(procs_b),arrayAvg(procs_w),arrayAvg(memory_avm),arrayAvg(memory_free),arrayAvg(page_re),arrayAvg(page_at),arrayAvg(page_pi),arrayAvg(page_po),arrayAvg(page_fr),arrayAvg(page_de),arrayAvg(page_sr),arrayAvg(page_in),arrayAvg(faults_sy),arrayAvg(faults_cs),arrayAvg(cpu_us),arrayAvg(cpu_sy),arrayAvg(cpu_id); timestamp=$4"/"$3"/"$7" "$5 } } # When we match this kind of line, we reset the counters. Example: ## procs memory page faults cpu /^ +procs +memory +page +faults +cpu$/ { for(i=0;i<4;i++){ procs_r[i]=0; procs_b[i]=0; procs_w[i]=0; memory_avm[i]=0; memory_free[i]=0; page_re[i]=0; page_at[i]=0; page_pi[i]=0; page_po[i]=0; page_fr[i]=0; page_de[i]=0; page_sr[i]=0; page_in[i]=0; faults_sy[i]=0; faults_cs[i]=0; cpu_us[i]=0; cpu_sy[i]=0; cpu_id[i]=0; } i=0; } # When we match the values, we store them for later ## 7 3 0 1427228 34792 271 34 12 7 0 0 19 4079 132543 2643 14 3 84 NF == 18 && $0 ~ /^[ 0-9]+$/ { procs_r[i]=$1; procs_b[i]=$2; procs_w[i]=$3; memory_avm[i]=$4; memory_free[i]=$5; page_re[i]=$6; page_at[i]=$7; page_pi[i]=$8; page_po[i]=$9; page_fr[i]=$10; page_de[i]=$11; page_sr[i]=$12; page_in[i]=$13; faults_sy[i]=$14; faults_cs[i]=$15; cpu_us[i]=$16; cpu_sy[i]=$17; cpu_id[i]=$18; i++ } ' to_be_analyzed > ../vmstat_parsedData.csv echo "The files were parsed. Please check the file vmstat_parsedData.csv in the current directory." rm to_be_analyzed <file_sep>/performance/oracle_database/all_ipid.sql -------------------------------------------------------------------------------- -- File name: all_ipid -- Purpose: Get useful information of given PIDs -- Author: <NAME> <NAME> -- Usage: Run @all_ipid.sql and provide the PIDs -------------------------------------------------------------------------------- SET lines 170 SET pages 10000 set trimspool on set verify off set heading on column spid format 999999 column sid format 999999 column username format A15 column machine format A15 column program format A35 column hash_value format 9999999999 column sql_text format A65 SELECT PP.SPID, SS.SID, SS.USERNAME, SS.MACHINE, SS.PROGRAM, ST.HASH_VALUE, ST.SQL_TEXT FROM V$PROCESS PP, V$SESSION SS, V$SQLTEXT ST WHERE PP.ADDR = SS.PADDR AND SS.SQL_HASH_VALUE = ST.HASH_VALUE AND PP.SPID IN (&PIDS) order by st.piece /<file_sep>/analysis/oracle/9i_a.sql -------------------------------------------------------------------------------- -- File name: 9i_a0 -- Purpose: Returns the number of active sessions executing the same SQL and waiting for the same event -- Author: <NAME> -- Usage: Run @9i_a0.sql -------------------------------------------------------------------------------- SET lines 170 SET pages 10000 set trimspool on set verify off set heading on col SID format 999999 col SIDS format 999999 select count(*) as SIDS, w.event from v$session s, v$session_wait w where s.status='ACTIVE' and s.type!='BACKGROUND' and s.sid=w.sid group by event order by 2, 1 desc / select s.sid as SID, s.sql_hash_value, w.event from v$session s, v$session_wait w where s.status='ACTIVE' and s.type!='BACKGROUND' and s.sid=w.sid order by 3, 1 /<file_sep>/performance/oracle_database/all_gk4i.sql -------------------------------------------------------------------------------- -- File name: all_gk4i.sql -- Purpose: Generate Kill command for active session waiting for a sql id -- Author: <NAME> -- Usage: Run @all_gk4i.sql and provide the sql id -------------------------------------------------------------------------------- SET lines 170 SET pages 10000 set trimspool on set verify off set heading on col command format a60; select 'alter system kill session '''||s.sid||','||s.serial#||''' immediate;' as "command", s.sql_id, t.event from v$session s, v$session_wait t where s.sql_id = '&sqlid' and t.sid = s.sid / <file_sep>/performance/linux/parseOSW_netstat.sh awk ' BEGIN { OFS=";"; print "Data","failed connection attempts","connection resets received","segments retransmited","bad segments received","resets sent" } /zzz ... ... . ..:..:.. BRT ..../ { lineBuffer = $4 "/" $3 "/" $7 " " $5; } /failed connection attempts/ { lineBuffer = lineBuffer OFS $1; } /connection resets received/ { lineBuffer = lineBuffer OFS $1; } /segments retransmited/ { lineBuffer = lineBuffer OFS $1; } /bad segments received/ { lineBuffer = lineBuffer OFS $1; } /resets sent/ { lineBuffer = lineBuffer OFS $1; print lineBuffer; lineBuffer=""; } ' <file_sep>/performance/oracle_application_server/parseDmstool.sh #!/bin/bash ################ Not configurable section if [[ $# -ne 1 ]] then echo "`date +'%d/%b/%Y %H:%M:%S'` [Error] Wrong numbers of parameters $#" echo "Usage: `basename $0` <gziped_file>" exit 1 fi zcat "$1" | \ awk ' BEGIN { FS="['\''\\[\\]\"]" OFS=";" header=0 } NF == 11 { if ($3 == " id=") { id=$4 host=$6 name=$8 timestamp=$10 } else if ($3 == " name=" ) { id=$8 host=$6 name=$4 timestamp=$10 } } NF == 5 && $1 == "<noun name=" { nounName=$2 nounType=$4 } NF == 3 && $1 == "<metric name=" { metricName=$2 } NF == 7 && $1 == "<value type=" { metricType=$2 metricValue=$5 if(header == 0){ print "id","host","name","timestamp","nounName","nounType","metricName","metricType","metricValue" header=1 } print id,host,name,timestamp,nounName,nounType,metricName,metricType,metricValue } ' <file_sep>/maintenance/linux/websphere/enforce-websphere-security.sh #!/bin/bash ## Fix all directories permissions (permission for anyone to navigate any directory) find /opt/IBM /apps/wsadmin -user wasadmin -type d -exec chmod 0755 {} \; ## Firstly, grant reading to all files (owner can do anything, group and others can read) find /opt/IBM /apps/wsadmin -user wasadmin -type f -exec chmod 0744 {} \; ## Then, remove from sensitive file types (owner can do anything, group can read, others do nothing) find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.xml" -exec chmod 0740 {} \; find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.jsp" -exec chmod 0740 {} \; find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.php" -exec chmod 0740 {} \; find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.ini" -exec chmod 0740 {} \; find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.conf" -exec chmod 0740 {} \; find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.config" -exec chmod 0740 {} \; find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.props" -exec chmod 0740 {} \; find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.properties" -exec chmod 0740 {} \; find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.prefs" -exec chmod 0740 {} \; find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.arm" -exec chmod 0740 {} \; find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.cer" -exec chmod 0740 {} \; find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.sth" -exec chmod 0740 {} \; find /opt/IBM /apps/wsadmin -user wasadmin -type f -iname "*.kdb" -exec chmod 0740 {} \; <file_sep>/performance/oracle_database/9i_alo.sql -------------------------------------------------------------------------------- -- File name: 9i_alo.sql -- Purpose: Get info of the active long operations -- Author: <NAME> <NAME> -- Usage: Run @9i_alo.sql -------------------------------------------------------------------------------- SET lines 170 SET pages 10000 set trimspool on set verify off set heading on col "Running (seg)" format 09 col start_time format a16 col last_update_time format a16 col PCT format 999D99 col message format a70 select sid, (sysdate - start_time) * 24 * 60 * 60 as "Running (seg)", to_char(start_time, 'dd/mm/rr hh24:mi') as Start_Time, to_char(last_update_time, 'dd/mm/rr hh24:mi') as last_update_time, round(sofar/totalwork,4)*100 pct, sofar, totalwork, message from v$session_longops where totalwork !=0 and sofar < totalwork and sid in (select sid from v$session where status = 'ACTIVE');<file_sep>/analysis/application/analyze-webServices-SysOut.sh #!/bin/bash INPUT=$1 if [[ -z "$INPUT" ]]; then echo "## ERROR: no file provided for analysis!" echo "Usage: $0 <webservices-system-out> [<max-stack-length>]" exit 1 fi STACK=$2 if [[ -z "$STACK" ]]; then STACK=500 fi if [[ "$(file -ib $INPUT)" != "application/x-gzip; charset=binary" ]]; then echo "## ERROR: the given input file is not gzipped!" exit 2 fi; zcat $INPUT | \ awk -v maxStack=$STACK ' function replaceErrors(lineStr) { ## Host to handle /modules.php has not been sub(/Host to handle .* has not been/, "Host to handle ##page## has not been", lineStr); ## IllegalArgumentException: /../../../../../../../../../../../../etc/passwd at com.ibm.ws sub(/IllegalArgumentException: .* at com.ibm.ws/, "IllegalArgumentException: ##argument## at com.ibm.ws", lineStr); ## Business Group Id: 1356 sub(/Business Group Id: [0-9]+/, "Business Group Id: ##group_id##", lineStr); ## Business Group: br.com.sodexho.ebs.vo.BusinessGroupVO@fd994532 sub(/Business Group: .+@.+/, "Business Group: ##vo##", lineStr); ##WTRN0075W: Transaction WEBS#ebs-ws.war#AxisServlet 8046C2F037FA9FFF38840587C5EDA86B53A6EB8E0800000001 received sub(/WTRN0075W: Transaction .+ .+ received/, "WTRN0075W: Transaction ##servlet## ##hash## .+ received", lineStr); return(lineStr) } function fillBuffer(initial, start) { auxBuf = initial ## fill buffer and remove tab for(i = start; i<=NF; i++) { auxBuf = auxBuf " " $i } sub(/\t/, "", auxBuf); return(auxBuf) } function printArray(array){ for(item in array) { print array[item], item } } BEGIN { FS=" [REW] " buffer="" } ## Temos data separada por indicador de erro (portanto temos erro) $1 ~ /^\[..?\/..?\/.. / && NF == 2 { ## Temos um erro "raiz" no buffer if( buffer != "" ){ buffer = replaceErrors(buffer) bufLength = length(buffer) ## limita o tamanho do erro que fica em memoria if(bufLength > maxStack) { buffer = substr(buffer, 0, maxStack/2) " #cut# " substr(buffer, bufLength + 7 - maxStack/2) } ## tira do buffer e armazena no catalogo de erros erros[buffer]++ } ## fill buffer and remove tab buffer = fillBuffer("", 2) next } ## Temos stacktrace $1 ~ /^\tat / { ## Há um erro existente, portanto adicionamos a stacktrace if( buffer != "" ) { ## fill buffer and remove tab buffer = fillBuffer(buffer, 1) } next } NR == 100 {exit} END { if( buffer != "" ) { buffer = replaceErrors(buffer) bufLength = length(buffer) if(bufLength > maxStack) { buffer = substr(buffer, 0, maxStack/2) " #cut# " substr(buffer, bufLength + 7 - maxStack/2) } erros[buffer]++ } printArray(erros) } ' | sort -t ";" -n -r <file_sep>/performance/oracle_database/all_session-io.sql -------------------------------------------------------------------------------- -- File name: all_session-io -- Purpose: -- Author: <NAME> -- Usage: Run @all_session-io -------------------------------------------------------------------------------- set lines 200 set pages 90 col sid form 999 col serial# form 999999999 col username form a23 col status form a10 trunc col total form 999,999,999,999 col block_gets form 999,999,999,999 col block_gets form 999,999,999,999 col physical_reads form 999,999,999,999 col block_changes form 999,999,999,999 col consistent_changes form 999,999,999,999 col consistent_gets form 999,999,999,999 col consistent_reads form 999,999,999,999 select io.SID, s.serial#, s.username, s.status, (io.block_gets+io.consistent_gets+io.physical_reads) total, io.BLOCK_GETS, io.CONSISTENT_GETS, io.PHYSICAL_READS, io.BLOCK_CHANGES, io.CONSISTENT_CHANGES from v$sess_io io, v$session s where io.sid=s.sid and s.username is not null and s.sid like nvl ( '&sid', '%') order by total /<file_sep>/performance/oracle_database/all_sil.sql -------------------------------------------------------------------------------- -- File name: all_sil -- Purpose: Get Sessions In Lock -- Author: <NAME> -- Usage: Run @all_sil -------------------------------------------------------------------------------- SET lines 170 SET pages 10000 set trimspool on set verify off set heading on select l1.sid, 'is blocking' "is blocking", l2.sid from v$lock l1, v$lock l2 where l1.block = 1 and l2.request > 0 and l1.id1 = l2.id1 and l1.id2 = l2.id2 /<file_sep>/maintenance/linux/websphere/update-websphere-passwords.sh #!/bin/bash SCRIPT_NAME=$(basename $0 .sh) ### Check whether we have all the parameters if [[ $# -ne 4 ]]; then echo "USAGE> ./${SCRIPT_NAME}.sh [WEBSPHERE_PROFILES_DIR] [BKP_DIR] [USERS] [NEW_PASS]" echo echo " [USERS] is comma separated argument or the reserved keyword ALL" echo " [NEW_PASS] should NOT include the beginning {xor}" echo echo "EXAMPLE> ./${SCRIPT_NAME}.sh /opt/IBM/WebSphere/AppServer/profiles /tmp \"joao,maria\" \"CxoMCxo=\"" exit 1; fi WEBSPHERE_PROFILES_DIR=$1 BKP_DIR=$2 USERS=$3 NEW_PASS=$4 CHAR_BEF="/" CHAR_AFT="_" ### Check if any WebSphere process is running pids="$(pgrep -d " " -f "/opt/IBM/WebSphere/AppServer/java/bin/java" -u wasadmin)" if [[ ! -z "$pids" ]]; then echo "ERROR> The following PIDs were found running WebSphere under \"wasadmin\" user: \"$pids\"" echo "Exiting..." exit 1; fi echo "RUN> Beginning the password change!" if [[ $? -eq 0 ]]; then for filepath in $(find ${WEBSPHERE_PROFILES_DIR} -maxdepth 5 -type f -name "security.xml"); do echo 'RUN> Processing file "'"${filepath}"'"' ### Firstly, let's backup everything bkp_file="${BKP_DIR}/${filepath//$CHAR_BEF/$CHAR_AFT}" cp ${filepath} ${bkp_file} if [[ $? -eq 0 ]]; then awk -v vPASS="${NEW_PASS}" -v vUSERS="${USERS}" ' BEGIN { if(vUSERS=="ALL") { pattern="<authDataEntries .*userId=\".*\" password.*/>"; } else { gsub(/,/, "|", vUSERS) pattern="<authDataEntries .*userId=\"" vUSERS "\" password.*/>"; } } $0 ~ pattern { sub(/password=".*"/, "password=\"{xor}" vPASS "\""); print $0; next; } { print } ' ${bkp_file} > ${filepath} fi done echo "RUN> Password change finished!" fi <file_sep>/performance/oracle_database/all_st4h.sql -------------------------------------------------------------------------------- -- File name: all_st4h.sql -- -- Purpose: Get the Sql Text for the given Hash value -- Author: <NAME> -- Usage: Run @all_st4h.sql and provide the hash_values -------------------------------------------------------------------------------- SET lines 170 SET pages 10000 set trimspool on set verify off set heading on column hash_value format 9999999999 column sql_text format A100 select s.hash_value, s.sql_text from v$sqltext s where s.hash_value in (&hash_value) order by s.piece /
2c8c9f54d4ee4211b050906e1756870ca671bcc1
[ "SQL", "Markdown", "Java", "Python", "Shell" ]
42
Shell
GuiDoSignal/saks
1f0916878653e2d5bb6687f611e7d42a14c6a741
63dffffd2248e2cc6d868fc5ff0b1e459cd21707
refs/heads/main
<repo_name>htmlfriend/angularNodeMongoApp<file_sep>/client/src/app/login-page/login-page.component.ts import { Component, OnInit } from '@angular/core'; import { FormBuilder, FormControl, FormGroup, Validators } from '@angular/forms'; @Component({ selector: 'app-login-page', templateUrl: './login-page.component.html', styleUrls: ['./login-page.component.css'] }) export class LoginPageComponent implements OnInit { form: FormGroup; constructor(fb: FormBuilder) { this.form = fb.group({ email: new FormControl(null, [Validators.required, Validators.email]), password: new FormControl(null, [Validators.required, Validators.minLength(6)]) }) } ngOnInit(): void { this.form.reset({email: '', password: ''}) } onSubmit(){} }
7aed54efa680687769d99ef7c13a162f45eddf94
[ "TypeScript" ]
1
TypeScript
htmlfriend/angularNodeMongoApp
e85ab1e8c1b4cee1adb4f817ad6de8182735b249
1b75c65aa9eaf2998d20735afe7e699d17109050
refs/heads/master
<file_sep>import httpx import pandas as pd from bs4 import BeautifulSoup class DataFetcher: def __init__(self, url: str): self.url: str = url self.df: pd.DataFrame = None async def parse(self, table_name): content = await self._fetch_content() values = self._parse_table(content, table_name) df = pd.DataFrame(values[1:], columns=values[0]) # works if there are headers self.df = df return self.df async def _fetch_content(self): async with httpx.AsyncClient() as client: try: res = await client.get(self.url) res.raise_for_status() content = res.content except httpx.HTTPStatusError as e: raise Exception( f"Something went wrong with downloading {self.url}, status_code:{e.response.status_code}") return content # taken from stackoverflow: https://stackoverflow.com/questions/2935658/beautifulsoup-get-the-contents-of-a-specific-table def _parse_table(self, content: str, table_name: str): def __get_text(tr: str, coltag: str = "td"): return [td.get_text(strip=True) for td in tr.find_all(coltag)] bs = BeautifulSoup(content, "html.parser") table = bs.find(lambda tag: tag.name == "table" and tag.has_attr("id") and tag["id"] == table_name) if not table: raise Exception("Empty table") rows = [] trs = table.find_all("tr") header_row = __get_text(trs[0], "th") if header_row: trs = trs[1:] else: header_row = [f"header_{x}" for x in range(len(trs[1]))] rows.append(header_row) rows.append(header_row) for tr in trs: rows.append(__get_text(tr, "td")) return rows # ugly, but ok def save_to_file(self, file_type, file_name): output_file = f"{file_name}.{file_type}" if file_type == "csv": self.df.to_csv(output_file, index=False, encoding="utf-8") elif file_type == "json": with open(output_file, "w", encoding="utf-8") as fout: self.df.to_json(fout, index=False, force_ascii=False, orient="split") elif file_type == "xlsx": self.df.to_excel(output_file, index=False, encoding="utf-8", ) elif file_type == "html": with open(output_file, "w", encoding="utf-8") as fout: fout.writelines('<meta charset="UTF-8">\n') html = self.df.to_html(index=False) fout.write(html) return output_file <file_sep>python main.py --file_types html json html csv xlsx --folder /path_to_dir<file_sep>beautifulsoup4==4.10.0 httpx==0.20.0 pandas==1.3.4 <file_sep>import argparse import asyncio import datetime as dt import os import pytz from data_fetcher import DataFetcher urls = { "max_temp": "https://meteo.hr/podaci.php?section=podaci_vrijeme&param=dnevext", "min_temp": "https://meteo.hr/podaci.php?section=podaci_vrijeme&param=dnevext&el=tn", "min_temp_5cm": "https://meteo.hr/podaci.php?section=podaci_vrijeme&param=dnevext&el=t5", "oborine": "https://meteo.hr/podaci.php?section=podaci_vrijeme&param=oborina", "snijeg": "https://meteo.hr/podaci.php?section=podaci_vrijeme&param=snijeg_n" } arg_parser = argparse.ArgumentParser() arg_parser.add_argument("--file_types", dest="file_types", nargs="+", choices=["csv", "json", "xlsx", "html"], required=True) arg_parser.add_argument("--folder", dest="folder", type=str, default="files") args = arg_parser.parse_args() tz = pytz.timezone("Europe/Zagreb") async def main(): today = dt.datetime.now(tz).date() for k, v in urls.items(): data_fetcher = DataFetcher(v) try: await data_fetcher.parse("table-aktualni-podaci") base_path = os.path.join(args.folder, today.strftime('%Y/%m')) file_name = os.path.join(base_path, f"{k}_{today}") os.makedirs(base_path, exist_ok=True) for x in args.file_types: data_fetcher.save_to_file(x, file_name) except Exception as e: print(f"There was a problem with {k}, error: {e}") continue asyncio.run(main())
f9d31a387000e5325056a3d595f085431e96aee5
[ "Markdown", "Python", "Text" ]
4
Python
nino-rasic/dhmz_data_fetcher
f6cf26aef8d474518be4245704259f9f048e7a4c
060d6aa914ea817b75fb609f90993c68dc3d2ccf