Skip to content

Instantly share code, notes, and snippets.

@alexbw
Created September 1, 2014 19:36
Show Gist options
  • Star 0 You must be signed in to star a gist
  • Fork 0 You must be signed in to fork a gist
  • Save alexbw/a1cec44e278c2c5b13c7 to your computer and use it in GitHub Desktop.
Save alexbw/a1cec44e278c2c5b13c7 to your computer and use it in GitHub Desktop.
{
"metadata": {
"name": "",
"signature": "sha256:dcb810a9650e942e8d68b058fe09b2314ef7520b461f67c444bcfcab490b6cb0"
},
"nbformat": 3,
"nbformat_minor": 0,
"worksheets": [
{
"cells": [
{
"cell_type": "code",
"collapsed": false,
"input": [
"from __future__ import division\n",
"import scipy.stats as ss\n",
"import os\n",
"\n",
"n_cpu = 8\n",
"\n",
"os.environ['MKL_NUM_THREADS'] = str(n_cpu+1)\n",
"os.environ['OMP_NUM_THREADS'] = str(n_cpu+1)\n",
"os.environ['OMP_STACKSIZE'] = \"16M\"\n",
"\n",
"import numpy as np\n",
"import matplotlib.pyplot as plt\n",
"import cPickle as pickle\n",
"\n",
"import pywt\n",
"\n",
"import pymouse\n",
"from pymouse.scripts.consistency import *\n",
"from sklearn.decomposition import RandomizedPCA\n",
"from sklearn.preprocessing import scale\n",
"\n",
"import pyhsmm\n",
"from pyhsmm.basic.distributions import NegativeBinomialIntegerR2Duration\n",
"from pyhsmm.util.text import progprint_xrange\n",
"import autoregressive.models as models\n",
"import autoregressive.distributions as distributions\n",
"import sklearn.preprocessing as prep\n",
"import pandas as pd\n",
"\n",
"\n",
"def _get_hol(model, d):\n",
" model.add_data(data=d, generate=False)\n",
" return model.states_list.pop().log_likelihood()\n",
"\n",
"def get_hol(model, data_test, n_jobs=1):\n",
" from joblib import Parallel, delayed\n",
" n_pts = float(len(data_test))\n",
" split_data_test = np.array_split(data_test, n_jobs)\n",
" likes = Parallel(n_jobs=n_jobs, pre_dispatch=n_jobs)(delayed(_get_hol)(model,d) for d in split_data_test)\n",
" heldout_likelihood = np.sum(likes)/n_pts\n",
" return heldout_likelihood\n",
"\n",
"def from_gaussian_approx(meanmean,meanvar,varmean,varvar,r_max,n_rej_iter=30,tol=1e-4,Nsamples=1e6):\n",
" import matplotlib.pyplot as plt\n",
" prop_meansamples = np.random.normal(meanmean,np.sqrt(meanvar),size=Nsamples)\n",
" prop_varsamples = np.random.normal(varmean,np.sqrt(varvar),size=Nsamples)\n",
" \n",
" r_samples, p_samples = [], []\n",
" for i in range(n_rej_iter):\n",
" good = (prop_varsamples > tol) & (prop_meansamples > tol) & (prop_varsamples > prop_meansamples + tol)\n",
" prop_meansamples, prop_varsamples = prop_meansamples[good], prop_varsamples[good]\n",
" prop_r_samples, prop_p_samples = meanvar_to_rp(prop_meansamples,prop_varsamples)\n",
" good = prop_r_samples <= r_max\n",
" r_samples.extend(prop_r_samples[good])\n",
" p_samples.extend(prop_p_samples[good])\n",
"\n",
" if len(r_samples) > Nsamples/2:\n",
" break\n",
" \n",
" assert len(r_samples) > Nsamples/2\n",
" r_samples = np.hstack(r_samples)\n",
" p_samples = np.hstack(p_samples)\n",
" \n",
" r_discrete_distn = np.bincount(r_samples.astype('int64'))[1:].astype('float64')\n",
" r_discrete_distn /= r_discrete_distn.sum()\n",
" alphas_0, betas_0 = map(np.array,zip(*[fit_beta(p_samples[r_samples == r])\n",
" for r in range(1,1+r_discrete_distn.shape[0])]))\n",
" assert np.all(alphas_0 > 0) and np.all(betas_0 > 0)\n",
" \n",
" return {\n",
" 'r_discrete_distn':r_discrete_distn,\n",
" 'alphas_0':alphas_0,\n",
" 'betas_0':betas_0,\n",
" }\n",
"\n",
"def fit_beta(ps):\n",
" 'method-of-moments fit'\n",
" if len(ps) > 1:\n",
" return ss.beta.fit(ps,floc=0,fscale=1)[:2]\n",
" else:\n",
" return (1.,1.)\n",
" \n",
"### converting between (mean,var) and (r,p)\n",
"def meanvar_to_rp(mean,var):\n",
" assert np.all(var > mean), 'must be overdispersed'\n",
" p = 1-mean/var\n",
" r = np.maximum(1,np.round(mean*(1-p)/p))\n",
" return r,p\n",
" \n",
"def rp_to_meanvar(r,p):\n",
" mean = r*p/(1-p)\n",
" var = r*p/(1-p)**2\n",
" return mean, var"
],
"language": "python",
"metadata": {},
"outputs": [],
"prompt_number": 1
},
{
"cell_type": "code",
"collapsed": false,
"input": [
"# Get data\n",
"\n",
"store_name = \"/data/behavior/OFA/Datta_C57.h5\"\n",
"train_experiments = ['C57-1_OFA_4-14-14',\n",
" 'C57-9_OFA_4-14-14',\n",
" 'C57-7_OFA_4-14-14',\n",
" 'C57-4_OFA_4-14-14',\n",
" 'C57-6_OFA_4-14-14',\n",
" 'C57-3_OFA_4-14-14',\n",
" 'C57-5_OFA_4-14-14',\n",
" 'C57-10_OFA_4-14-14']\n",
"test_experiments = ['C57-2_OFA_4-14-14', 'C57-8_OFA_4-14-14']\n",
"\n",
"train_df, arrays = get_behavior(store_name=store_name,\n",
" experiments=train_experiments,\n",
" query=\"index<%d\"%40000,\n",
" array_names=[\"images_in_mm\"])\n",
"train_images = arrays['images_in_mm']\n",
"\n",
"test_df, arrays = get_behavior(store_name=store_name,\n",
" experiments=test_experiments,\n",
" query=\"index<%d\"%40000,\n",
" array_names=[\"images_in_mm\"])\n",
"test_images = arrays['images_in_mm']\n",
"\n",
"# Get features\n",
"\n",
"ndim = D = 10\n",
"train_data, pca = make_pca_data(train_images, ndim)\n",
"test_data, pca = make_pca_data(test_images, ndim, pca=pca)\n",
"train_datas = split_data(train_data, train_df)"
],
"language": "python",
"metadata": {},
"outputs": [],
"prompt_number": 2
},
{
"cell_type": "code",
"collapsed": false,
"input": [
"# Train a model\n",
"\n",
"def go(seed=0):\n",
" np.random.seed(seed)\n",
" Nstates = 40\n",
" nlags = 3\n",
" alpha = 30.\n",
" gamma = 30.\n",
" meanmean = 30\n",
" meanvar = 30\n",
" varmean = 1000\n",
" varvar = 1\n",
" init_state_concentration = 10.\n",
" affine = True\n",
" nu_0 = D+5\n",
" S_0_scale = 1.0\n",
" K_0_scale = 1.0\n",
"\n",
" # Nstates: (5, 80)\n",
" # nlags: (1, 5)\n",
" # alpha: (1, 1e4)\n",
" # gamma: (1e, 1e4)\n",
" # meanmean: (3, 30)\n",
" # meanvar: (1, 1e6)\n",
" # varmean: (1, 1000)\n",
" # varvar: (1, 1e6)\n",
" # init_state_concentration: (1, 1e4)\n",
" # nu_0: (D+1, D+1e6)\n",
" # S_0_scale: (1e-2, 1e2)\n",
" # K_0_scale: (1e-2, 1e2)\n",
"\n",
" dur_hypers = from_gaussian_approx(meanmean=meanmean,\n",
" meanvar=meanvar,\n",
" varmean=varmean,\n",
" varvar=varvar,\n",
" r_max=10)\n",
"\n",
" # NOTE NOTE NOTE SETTING IT TO SOMETHING THAT I LIKE\n",
" dur_hypers = dict(r_discrete_distn=[1.0], alpha_0=1000., beta_0=30.)\n",
"\n",
" obs_distns=[distributions.AutoRegression(\n",
" nu_0=nu_0, S_0=S_0_scale*np.eye(D), M_0=np.zeros((D,D*nlags+affine)),\n",
" K_0=K_0_scale*np.eye(D*nlags+affine), affine=affine) for state in range(Nstates)]\n",
"\n",
" dur_distns=[NegativeBinomialIntegerR2Duration(**dur_hypers) for state in range(Nstates)]\n",
"\n",
" model = models.ARWeakLimitHDPHSMMIntNegBinPython(\n",
" alpha=alpha,gamma=gamma,\n",
" init_state_concentration=init_state_concentration,\n",
" obs_distns=obs_distns,\n",
" dur_distns=dur_distns,\n",
" )\n",
"\n",
" for d in train_datas:\n",
" model.add_data(d)\n",
"\n",
" samples = []\n",
" scores = []\n",
" heldout_likes = []\n",
"\n",
" for itr in progprint_xrange(100):\n",
" model.resample_model()\n",
" scores.append(model.log_likelihood())\n",
" samples.append(np.concatenate(model.stateseqs))\n",
"\n",
" sample_labels = np.vstack(samples)\n",
" labels = sample_labels[-1]\n",
" heldout_likelihood = get_hol(model, test_data, n_jobs=16)\n",
"\n",
" return heldout_likelihood, sample_labels, scores"
],
"language": "python",
"metadata": {},
"outputs": []
},
{
"cell_type": "code",
"collapsed": false,
"input": [
"outs = [go(i) for i in range(10)]\n",
"heldout_likes, sample_labels, scores = zip(*outs)"
],
"language": "python",
"metadata": {},
"outputs": [
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 25/100, 10.78sec avg, 808.50sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 50/100, 10.55sec avg, 527.73sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 75/100, 9.77sec avg, 244.24sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 100/100, 9.34sec avg, 0.00sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"\n",
" 9.34sec avg, 934.30sec total\n",
"\n"
]
},
{
"output_type": "stream",
"stream": "stderr",
"text": [
"/home/dattalab/Code/pyhsmm/basic/pybasicbayes/distributions.py:1845: RuntimeWarning: underflow encountered in multiply\n",
" self._alpha_mf = self.weights * self.alphav_0.sum()\n",
"/home/dattalab/Code/pyhsmm/internals/transitions.py:186: RuntimeWarning: underflow encountered in true_divide\n",
" out /= out.sum(1)[:,na]\n",
"/home/dattalab/Code/pyhsmm/internals/hsmm_inb_states.py:132: RuntimeWarning: underflow encountered in double_scalars\n",
" block[-1,:] = Aij * (1-ps[i]) * enters[j]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 25/100, 7.71sec avg, 578.05sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 50/100, 7.56sec avg, 378.03sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 75/100, 7.40sec avg, 185.09sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 100/100, 7.20sec avg, 0.00sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"\n",
" 7.20sec avg, 719.73sec total\n",
"\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 25/100, 6.61sec avg, 495.62sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 50/100, 6.79sec avg, 339.55sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 75/100, 6.75sec avg, 168.70sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 100/100, 6.78sec avg, 0.00sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"\n",
" 6.78sec avg, 677.54sec total\n",
"\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 25/100, 6.86sec avg, 514.42sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 50/100, 6.98sec avg, 348.79sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 75/100, 6.93sec avg, 173.13sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 100/100, 6.91sec avg, 0.00sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"\n",
" 6.91sec avg, 691.13sec total\n",
"\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 25/100, 5.87sec avg, 440.54sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 50/100, 5.88sec avg, 294.07sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 75/100, 5.98sec avg, 149.39sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 100/100, 5.95sec avg, 0.00sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"\n",
" 5.95sec avg, 594.62sec total\n",
"\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 25/100, 5.83sec avg, 437.45sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 50/100, 5.82sec avg, 291.07sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 75/100, 5.83sec avg, 145.83sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 100/100, 5.85sec avg, 0.00sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"\n",
" 5.85sec avg, 584.79sec total\n",
"\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 25/100, 5.93sec avg, 444.63sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 50/100, 5.95sec avg, 297.59sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 75/100, 5.93sec avg, 148.16sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 100/100, 5.93sec avg, 0.00sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"\n",
" 5.93sec avg, 592.54sec total\n",
"\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 25/100, 5.91sec avg, 443.61sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 50/100, 5.97sec avg, 298.69sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 75/100, 5.99sec avg, 149.86sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 100/100, 6.02sec avg, 0.00sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"\n",
" 6.02sec avg, 601.54sec total\n",
"\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 25/100, 6.00sec avg, 450.07sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 50/100, 6.01sec avg, 300.25sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 75/100, 6.02sec avg, 150.58sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 100/100, 6.04sec avg, 0.00sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"\n",
" 6.04sec avg, 604.28sec total\n",
"\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 25/100, 6.00sec avg, 449.99sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 50/100, 5.99sec avg, 299.63sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 75/100, 6.00sec avg, 150.10sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"."
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
". [ 100/100, 6.02sec avg, 0.00sec ETA ]\n"
]
},
{
"output_type": "stream",
"stream": "stdout",
"text": [
"\n",
" 6.02sec avg, 602.35sec total\n",
"\n"
]
}
]
},
{
"cell_type": "code",
"collapsed": false,
"input": [
"[plot(np.array(s[10:])/len(train_data)) for s in scores]"
],
"language": "python",
"metadata": {},
"outputs": [
{
"metadata": {},
"output_type": "pyout",
"prompt_number": 7,
"text": [
"[[<matplotlib.lines.Line2D at 0x7fdc4bfe1ad0>],\n",
" [<matplotlib.lines.Line2D at 0x7fdc4bfe1d50>],\n",
" [<matplotlib.lines.Line2D at 0x7fdc4bfee450>],\n",
" [<matplotlib.lines.Line2D at 0x7fdc4bfeea90>],\n",
" [<matplotlib.lines.Line2D at 0x7fdc4bff9110>],\n",
" [<matplotlib.lines.Line2D at 0x7fdc4bff9750>],\n",
" [<matplotlib.lines.Line2D at 0x7fdc4bff9d90>],\n",
" [<matplotlib.lines.Line2D at 0x7fdc4c026a90>],\n",
" [<matplotlib.lines.Line2D at 0x7fdc4bf82a50>],\n",
" [<matplotlib.lines.Line2D at 0x7fdc4bf8f0d0>]]"
]
},
{
"metadata": {},
"output_type": "display_data",
"png": "iVBORw0KGgoAAAANSUhEUgAAAXwAAAEACAYAAACwB81wAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzsnXecXlWd/9/n6XXmmd4zLSE9QGISSgihl7WADVfFDu4i\nruvqurq7Cqw/C7u6q6yuoouuioIGFhZFRFogQCAhhfRkkukzmT5P7/ee3x/feTIhBSaNALnv1+u8\nZp5bzj33KZ/zvd/z/Z6jtNZYWFhYWLz1sZ3qBlhYWFhYvD5Ygm9hYWFxmmAJvoWFhcVpgiX4FhYW\nFqcJluBbWFhYnCZYgm9hYWFxmjAlwVdKdSqlNiulNiql1h5m/yyl1BqlVFop9YWD9l2plNqplGpT\nSv3DiWq4hYWFhcXR4ZjicRpYobUeO8L+UeCzwDUHblRK2YEfAJcCfcA6pdRDWusdx9heCwsLC4tj\n5GhcOupIO7TWw1rrl4DcQbuWAHu01p1a6xxwL/Cuo2+mhYWFhcXxMlXB18DjSqmXlFI3HEX9dUDP\nAa97J7ZZWFhYWLzOTNWlc77Wep9SqgJ4TCm1U2u9egrnWfM2WFhYWLxBmJLga633TfwdVko9gLhq\npiL4fUDDAa8bECt/P0opq1OwsLCwOAa01kd0tR+O13TpKKV8SqngxP9+4HJgy5EOP+j1S8AMpVST\nUsoFXAc8dJhGv+HKLbfccsrbYLXJatPp2C6rTVMrx8JULPwq4AGlVOH4X2ut/6yU+vSEWN+plKoG\n1gFFgKmU+hwwR2sdV0rdDDwK2IG7tBWhY2FhYXFKeE3B11p3AGcdZvudB/w/wCtdNwce9wjwyHG0\n0cLCwsLiBGBl2h6BFStWnOomHILVpqlhtWnqvBHbZbXp5KGO1Rd0whqglD7VbbCwsLB4s6GUQp/o\nQVsLCwsLi7cGluBbWFhYnCZYgm9hYWFxmmAJvoWFhcVpgiX4FhYWFqcJluBbWFhYnCZYgm9hYWFx\nmmAJvoWFhcVpgiX4FhYWFqcJluBbWFhYnCZYgm9hYWFxmmAJvoWFhcVpgiX4FhYWFqcJluBbWFhY\nnCZYgm9hYWFxmmAJvoWFhcVpgiX4FhYWFqcJU1nEHKVUJxAFDCCntV5ymGPuAK4CksDHtNYbp3qu\nhYWFhcXJZ0qCD2hghdZ67HA7lVJXA9O11jOUUkuBHwHnTOVcCwsLi9OBXA5GRyEcniyDg7B7N+za\nJX8zGairmywOh2zLZkFruOOO42vDVAUf4NXWTnwn8AsArfWLSqmQUqpKaz04hXMtLCwsjpt8Hux2\nUAepzdAQbNsGkQhUV0NNjfzN52Xf0BCMjEAyCakUpNMQi03uGxyUOquroaoKKipgfBx6eqC7GwYG\nwOkEr1eK3T4p0pmMXHd0VOovKYHSUgiFpJSXw4wZ8N73whlngMcDfX2TxTShqAhcLqn7eDkaC/9x\npZQB3Km1/ulB++uAngNe905sG5zCuRYWFm9RtIaODhHJYPDVj81koLdXxDQWg3hc/h5oEWcyUk9R\nkfwdGYHNm2HLFmhvB5sNKivlel6vWM6GAXPnitju2ydlcFCs58pKKeXl4PdPinYgINtnzpS/Wss5\nAwPQ2Sl1XXABTJsmnUA+L51FKiX/u91SXC4oLpb6i4qkfa/FnDkn5K0/LFMV/PO11vuUUhXAY0qp\nnVrr1QcdcyQrfpnWuv81zrWwsHiDo7VYq8PDInzt7bBnD+zdK0I3fz6ceSYsWCCW70MPSUmnIRoV\n4Zw3D1paJq3oeFzq6+oSK7imRsQxEBBBDwZfaQ27XJPn7N0rwnvttfC1r4k4G4bsGxqCREKs5urq\nQ61+05RtB28/EmNjsH27nBcOy3thGCLu2azcfywmZXRUrP/eXillZbBokZRZs2DHDnj2WSl790Jz\ns7TzjDOkU4jF5P2KxaTzGxuTkkrBSy8d32eotNZHd4JStwBxrfV3D9j2Y2CV1vreidc7gQsPcOm8\n2rn6lltu2X/MihUrWLFixTHcioWFxeHIZkWERkbE9VBRIUJps4nwdneLFT4wIMfmclLGxmR7Z6eU\nwUGxWisrxaptaYHWVilut1jZL78sFndlJbzrXfDOd4rIm6Z0EFu2SF0+n4h5ICCC2NgItbXiDjmR\naA2bNsEvfiHtstvFsrfbpU2Fe83l5OmhUNLpV/7vconlPWeOCHMyOSnow8OT9xMMisumoQHq68UP\nPzQEGzbA+vUi9rNmwbJlUmbMkPejrU18+PH45NNLoa5C2bNnFV1dq/bf22233YbW+qjc5a8p+Eop\nH2DXWseUUn7gz8BtWus/H3DM1cDNWuurlVLnAN/TWp8zxXP10XY6FhanG4mECMbatSKul1wCs2e/\n0kIdHxdRe/llKRs3igWeTIpbIRAQASxY1oGAWI0NDdDUJNa12y2C6HSKVd3cLPsK+z2eI7dxfFxc\nKLt2SeeSTk8Kp8cj1/P7pe5wWDqU0VFpz4HH+nzSIZWUiPiZpnREBZ94IiHtTyRkm2lK0Vo6s4LY\nAtxzjzyVfOQjcOGFckw+L8Vmk7YUSsENUygez+T/Xu/UnwZeL5RSJ0Xwm4EHJl46gF9rrb+llPo0\ngNb6zonjfgBcCSSAj2utNyilWoD/Pfjcg+q3BN/C4iAGB+GZZ+Dpp2H1ahHu+fNhyRIR6ccfF/Fb\nvlzEc/NmEbbmZhHJZFIsR4dDrMPiYimjo2JNBgJybH39pM+7tFSEz+GQkkhAf78MHvb3y3UNQ8S1\n4M4olPFxueasWeJaqaoSwfR4xDrOZESk43ER6QMt12DwlcemUlLf+Ljck8Mh2wui7PdPdh5utwi3\nzSZiPjw86U5JJuHd7xahn4rv/M3GSRH8k40l+BZvVXI5scqffhp27hRXwIIF4r5wOCb9wIYh7o7H\nH4fnnxe/bjIpAqi1iKXWUkAszYLIgQiuzzfp5z73XOkILrhAXAoHo7UIeFubuHGGh6WMjb1SxL3e\nyfDA2lq5ht0upWAdFzqHoiJ5AnijWcFvZSzBt7A4BkxTBuSef16sy7e9Dc4+WwRuquRyIqAvvgh/\n/KMMrvX1iVVdXy8WaVeXWO65nJxjs00KaD4vx5x1lrhrzj1XBhsrKkTIC+Ku1Cs7CtMUYX4rWrAW\nr44l+BYWU8AwxPJ+4glYtUpEuqJCRNbnk33btsH06SLYhUE9wxBx9fkmI0UKvuR0WtwL2axYxOed\nJy6YQqfhdssA3axZsj+dnozACIfFvXI4a9zC4khYgm9x2rJvHzzwANx3nwh2LjfpmvD5xNVRXi7+\n4k2bxOq+5BK46CIR+srKV9aXycDWrSLmhUG9VAruvx9+9zup8/zzpc5QSOqdPl1cKUVFp+Y9sHiT\nUIhv3bdPvmB1dTLocZSPaZbgW7xp0VrCA597TkpbmwzoVVSIGNfWTkaL1NfLoNxLL4m4P/+8WOR/\n8ReSsbh8ufi/C+F3yaREjQwPizV95pny+wIR8Uxm0orv6oIXXoA1a8TyHx+f9J+bJrzjHfC5z0kn\nYfmr32AYxuQAx+HQWh6tEgkpbrf01q8WegQyYr5jh3xZkkmpIxSSL2Vtrfw/MDCZelsY5S5keSWT\nk6FEuZx8ER0OGfTw++X4cFi+2C0tkiVWKMXFk4MmDofsn8ASfIs3FVqLYN9zj1jmmYxYzeedJyGH\n4fBkEk1/v0SddHSI2NfWTiazLFkikRhu9+Gvk89LPYODUs/LL092Fvv2ye+9YMVXV4uYn3sunHOO\ndDaFBB2n87W14bRhcFD8WYU5BAoDEyAfbDIp/qrxcckiqq+XD3XGDHkjt2wRf9pTT8mIdT4/OSgx\nfz5cdRVceaXEWGotH1Rbm/yFyQ+lt1ce2V5+WUbGs9lXxlsWeuqC2DqdIrJ+v7R9fFyOLyuDhQvl\nC3j++RIT+uCDsHKlfAEXLpRzfD75ooXD8mXq75c6qqulrdOmoWtrSVWWEi31Ey7xEHNq0maWtJkl\nYaTpcCXYmx2gK9JFOB2mNlhLs7ua2akAwe5BjK1bCOzppLJ7DH/GxK4Vdg2mw870fZn9b7Ml+BZv\nGLQWg6cQ/VH47UcikzHYTz4px/3lX8IHPiBJLVOxmk3ztZ9+t20T18vKlZLQUlYmVn11tejJ294m\npbX1LTrgGQ6LmPb1yU1Ony6PR07nK4/TWoRy1SoR3kWLpMdtaDj0w9i1S97QlSvFki0pmQxUdzhe\nebzPJ49oJSXi7+rulut0dEiMZXW1+NNWrJCOoPA4BtIb/+lP8OijMpI9MiJiO2OG9PSFkWutpZ6z\nzoIzzyQ+oxF/sAx1YEZVIZxposdOk2fjvo2s7VuLTdmoD9bR4KqgJmVHrVuH7fkX8K7biGN4lB3n\nTueJt5XyWHWSsWwEjZ54yzSJXIJYJkYsGyOZS6JQ2JQNu82OYRr4XX5KPCWUeEsIuAJ4HV68Ti9e\nh5e6YB2NoUamFU8j5AmxL7aPnmgPPZEe7DY7s8pnMat8FmeUnYHX4SVn5sgZOfJmnsZQ4/632BJ8\ni1OK1mJo3XefaEI4LO7JQrx1SYk8/RZiwpcuFX05FtdIIbJm1SpJRkqnJ43EtjZJ5nn/++F97xNh\ndxzNNIFvFAxDxC4SEZE8MCPowEygZFJueudOCch/4gnp8c4/X0aDC3Mg9PXJh1BWJsXvl8ccn0+E\nt6VFXq9ZI2/YtGmTqabxuLzB732vvKnnnXdsabG5nNxPefnU7n/PHqiupkuHeabrGXaO7MTUJhqN\n1pqh5BC7Rnaxe3Q38WycUm8pyxuXc2Hjhcyvmk9ftI+943vZM7aHrUNb2Tq0lVnls1hStwS7stMb\n66U32stAfACf00eRu4hidzFlvjJaQi20lLTQWtpKiacEpRRqYgaZwrFBdxCfU0bmDdPA1CZ2mx2H\n7cR94fKmSX82y0A2y5IDBogswbd4XchkZPDyRz8S12bBiMrnxZh73/tEFxYvPnF+7nBYDL9166Ss\nXi2dxooV4n4JBCaNxJoaufbrZrkX4iQLjx4FP/KRbr4QohMOTz7y9PRMTkzT3i6ui5GRyR7ywNz/\nVEpcFz6fCH88Llb8zJni9y2MRB/sf8pmpc7CPAuxmAxoNDa+8rjCjGcDA5MZUR6PPCEcw5vaNtrG\npoFNbB/ezvaR7fREegi4AhR7iil2F+NxeDBMA0MbGKYhYj5hTSdzSV7ofYF0Ps3yxuXMr5yPw+ZA\noVBKUeYtY2b5TKqLW4nZgqjMEFv6nuPprqfZNryNhqIGWktamV46ndkVs1lYs3C/QB9MLJ+nN5Oh\nN5MhaZo0eTy0eDwET5C1sC+T4bHxcZKGgZr4bjiVIuRwEHI4KHE4iBoGWxMJtiYSbEsk6EinGcxm\nqXQ6afF6efqss/afawm+xUkhnZ70nz/7LNx1l8yP8pnPyHwgBTdp4Qn7WEV+dFQ0r61tUvc6OqSE\nwxIbv3ixWOzLlonX4aQxPCzWrtMpglhfL1b2xo3ianj0UfEdF3zYBZE/cITX55OQneJiEczxcRHa\nfP7Qx52GhknXS0uLuC4qKg51wRQwDLHsk0mx1k/SI0w4HWbltpX8bvvvKPeVs3zaci5ovIA5FXOw\nKRH/wu9XHfDB7xnbw2+3/pZ7t93LeGqchfXnU1l2Fv7iM3C6yylRGYqMCM7cOIl8ll4C7DUDtBte\nHArKbHnKbXkq7XB2xQzmljQScjrRWrMnlaItlWJPKsXOZJIdySTRfJ5mr5eudJpKp5OlRUXM9PkY\nyGbpSqfpSqdJmiaVTidVLhcVTicp02RfNkt/JsO+bJac1jS43dS73fjsdjrTadpTKfx2O0G7nYRh\nkDRNUqZJ0G6nwumk0uUi5HCQMgxiE8VtszHb52Ou389sn4+2VIoHR0bYlUxyaUkJJROflQZyWhPO\n5xnP5RjP5/Hb7cz3+5nn9zPX76fV66XW5cJ5mI7WEnyLoyKTmfRxz5snvu0ZM8S4fOIJyfx85hkZ\nn2toEB1asAA+9SmJJz8WenvFd//UU9KJFKa9HRsTzZwxQzSvtVWu19wsf+vrT/zEWvvRWnqYP/9Z\nbnjtWmnQokUi3N3d0vCCm+OKK6QsXSqi7nQe2rjCwGUkIoOWqdSkOyUQeF1DfHqjvTzR/gRPdj5J\nwBng/Gnns2zaMhqKGtg43s893ZtYNTpAX9agSOUos2uqnXZGwrvZ0P00F9SdxXWz3kF7KsXjQ11s\nTWWI20PY0/vQ8T3kY7shO4bDW43DU4PNU4V2l1NTtgC3v55x7SSSz9Pi8TDD56PM4aAjnWZXMslo\nPo8dmOf3c0EoxLLiYgA6J0S6O50mnM8TMQwi+TwArV4vM7xepnu9nOH1Mtvvp8HtxqYUhtbsTCZZ\nG42yO5Wi1uWi0eOhyePBZ7MxlMsxlM0ylMvhtdmocbmocbupcbkocThe0WnJx6gZyGZJGAZ+ux2/\n3Y7HZiNmGAxlswwXhNpmI2C349dh0qbJjqyXbYkE25NJGtxuri0v58JQCNcBwp3NDpLJ9OHzzcZu\nP3Sye60NMpl9ZDK9ZDI95HIj1NX99f79luBbTImeHrjzTvjv/5Yn+iVLxOW7ebPoWiAgMeqFOPWW\nlqMT22xW3MVdXWKl790rZeNGseIvukjqnjlzcurbkhIxdI9KBzMZGUhsaxO3RjotwqrU5JSOVVUi\nuLt3S9m7VyzxQsRFMim9WzoNl18ujVu6VOZBONCqMgxxgYRCR9HAo8fUJl3hLkaSI0QyESLpCKl8\nCpfdhdvuxuPwYLfZ0Vrv92PHs3GGUhH2plJ0Z/MM5U3GDQibdsZzGbJGmmp/JTWBapKmSX86wbih\nMR3FoA0qjBEW+FwsKCpjKJujL5tjMK/JO4K43KXEDLFCp3k8LAoGWRgIUGM36chk2Z7KsDWRYjiX\no9btosZpp8phY3qgmEaPj/oJi7nG5cJ2mA83ns+jlMJ/DL15LjdGPh/B5arBbn+l+8o0s+TzEZSy\noZQDpZzk82ESiW0kEttIJndgs7nxeJrxeJpxu+vI5UbJZHrIZHoxzTTB4EKCwSV4PE0opcjnY6RS\nu0kmd5PLDZPPh8nnI+RyoxPbd6G1AWiCwUVUVl5Hefm7cTiKSKX2kkzuJpncSSz2ErHYOgwjistV\nRzrdjtc7g2BwEXZ7gFRqD6nUHtLpLpzOMtzu+okyjenT/8Ny6Vi8knhcXCP79k1GjnV0TApvPA4f\n/SjcdJOI7oEU5nA5GldtOCxPCvfcIz79wrzm06ZNTqHb0iJPEQsWHIdvvbNTHjuefFJ6j44OqXjm\nTHGdFAYzDWNyqaLBQRlYKEw43toqHUIiITdrt8tAwNy5J93q1lozns/TNeGXjRkGI9kU6we30zve\nRv/oFtoHX6RIGVR5igm5fZS4i/A6vaSNPEnDJGGapGwB4s4KEq4Kko4KUq5yMjY/xTpJuS1LhR0q\nnA6qXS6m+cupL65HI9avf8IVUeZwoHPjzC2uxWF//Ue0tTbJZHpJJnejdR6/fw5ud8N+McvnM6xb\n9wjPP/8UDkcRgUAdPl8xfr+HQKAdh+Nx4HmczhKy2X3Y7UHc7hoMI0kuN4JpprDbiwCN1jni8RzR\nqA+7vQWlmlCqntJSNxUVUQyjm2y2H6ezfEJYG1DKSTy+nt7eNXR2pkmlHLjdMUpKGikpmY5SpWQy\nblIZJ33JND5Vh99Wj5H3Eo+H2TP0LDsja+nO9xE1TVKmnQyKnNb4sh4qdBXNvunU+GoYi48wHOth\nNDkEWlPmLaOqqI7a0lY8FV5SwRSjjlHGGefRjz2KbeIHZAn+aUhh5sKeHnj4YfjDHyQRqblZ3MA1\nNVKamyfnLj8R7pHxcdHd3/1OIuguuwyuv17869XVx1F/JiODhb290jsVBjJffFEs7MKjx5IlIuBH\nCr4/yZha05ORmGgbYFOKMocDj92OqU1Wd63G5/SR907joXCCh0dH6UinsQHVToUzH2Ms3stwtItq\nbxEVwUaUu4KkzctQziBlmmRMEzVRtzkh1n67nVqXi7kTPt65fj+zfD4a3W4cU+xJ8/k83d3d9PT0\nUF1dTVNTE+7DvI+maZJIJIhEIoTDg+TzaWw2A6UMTDPN6GgHo6OdjI52k0wmcDiKcLlKcDhCNDRU\nMmdOCUqFyeVGyOVGyeVGyOdHSacHGBzcSzQaIJWqJRo1iEZ7SCTS5HLlbNsW4aWX4hQXOzn77HJs\ntjSpVJRs1k4iYTI25mZ4GNJpg6qqKkpKSgiFAhQXe3A63TgcXux2N9lslq6uLtrb20kmk1RWV2Kv\ntGOWmeRCOZLRJNHOKJWOSlrLWvE6vNiUDYUimoqyfXQ7yZIk/pleHE47zqgHNaIwhg2McoPstCzx\nijgO04HhMDDsBh7Dg1YaFNTZ6mh0TaMuUEdNSS01ZTWUFZexY3AHmwc2szu8m9HcKH6HnyJXESFP\nCI1mNDVKOBMmZsTw5r34oj4YAmOfQdeTXdht8uOyBP8tjmGIgfurX8lKQvG4uIrtdolyu+oqyQS9\n7LLXXk7uaBkeluiY556Dxx6TCMDzz5cFLq67TsIuX5PCZOyDg2KBt7dPTqDe1iYiX1gaqa5OnPmF\ncuaZMshwitNbdyYS/HJwkF8NDmJqjV0pNGBozXg+RxFZkuEduPJjJP1nkMGBb/wFGrIdjI9tIRzv\npaG4gfmV87lm1jW8/Yy3E3KH0FpjP0wvmc3nGYtE6GlvZ+/evezZs4d4PI7X68Xj8eByuRgbG6O/\nv5/+/n4GBgZIJBIkk0mSySSmaRIIePD57Ph8mnA4yb59ccrLA9TWljI6mqa/f5Samhqqq6uJRkcI\nh0eJxeIkEnncbvF8+f0KpWwTg/MKUAQCboqK/BQVFePzeTDNNFkzxWAwwkA0w3h/jpaaEua11OGM\n+OjridPVNUJf3whFRUHKasuxzbWhQoqQLURIBQjZnMyYOZ25i5fiKvIRzUTxOX0EXUF8doO8mac7\nPs7u0d3sGNpBb7iXcCpMJBMhmU8ScoSodlZT7aimxFFCzp9jTI3Rk+ihM9xJfVE9cyvmMrt8Nhkj\nQ9toGzuHdtIb6yVrZtFo7MqOTdmYWTqT85vOZ0ntEtwONzuGd7BjZAdto23MLJrJJSWXsNy5nIpM\nBY5iB2bIZNw3jt1np85fh9IKbWqUXWFz21AudegYganJ9GVI7U2Rbk+T6c+QH82TG8uRH89j89pw\nljtxVjhxVbiovanWcum81di1S0IeN2+ejLxzuWSgs75eLOn3v19E/tWi/46HZFJmfXzgAQnLHhuT\nCJlzzoFLL5W/r2lcJxLSQzz1lDwOvPyy3EhhAvamJnHHzJwp1npDw+RNnWQKsc19mQzj+Tzj+Tzh\nfJ6xXI6RiTKay5ExTTJGllg2zlB/Pwm3l5nuMRqzu/Fm90myjRKhfnTrE1Q75zLLv4x0RNHkdDIj\nGCSejxE34tSEaqgpqcHv8zM6OsratWtZt24dGzduJJlMopTC5XLhcjnI5Qyy2SymaRIMBmltbaW1\ntZXp06dTVFREKpUkGu0iFuumuNhNTU0FtbU1VFSEcDgG0LoD09xDNtuFYdShdSum2UgoVEZdnReH\nI4thREml2olGd9Dd3Us4bKe4uJqamvNxli4k76vB6SzGZg+AsjMQH6Ar3EVnuJPh5DBNoSZml89m\ndsVs0vk0d2++m/u238e8ynm0lrQyGBuke6ibfbF9xFWceUXzuKj5IhY0LuChtod4dO+jrGhawfzK\n+fRGe/cXh81BqbeUUm8pRe4ikpkkkWiESCKCmTNpdjTTpJpo0k3Ul9ZTNbOKqjOqCHqDdO7p5KVH\nXmLzps0MxAZoKm9i3tnzWHj5QmZOn4lbuckN5cj0Z7A5bTgrnDjLnSinItufJbotSnhbmGxbFrPP\nJNOXIduXJR/Jo3ManddgB2eJnOcsd2IP2slH8uTH8uRGcxgJA2VT8uinAAPMjInOaRH9A/bpnMZZ\n5sTb6sXT4sFd78ZZ5sRR6sBZ4sRIGeSGc+RGchgxg+n/Pn3/d9gS/Dcx+by4Y374QxH6T34SLr54\nchwylRLBnT375Fy/kLC0YQP8/vfwyCNyvfe9T+amOXgME63FeV/wkxfK3r1SUcFiX7RIbuTii8Xf\n4/efnBs4DDnT5NlIhK2JBN3pFC8M72VbdJi0vZiM3Y9f5Sm1Gfgw8JDHQw67kcTIjpPLDJNIDNC9\nYyu59YOolyPoWBZlmOTSOQKhAB6vh2wmSyaVIZvK4vV7aW5sZtq0adTV1eFwOMjn8+RyOTKZNNls\njnQ6TSqVoqioiMWLFzN3bhEl5c+SZSuZZBfaMFGqmv5kPwN5J4NGCQnTR2MwRFMwRHNxKV5zgEj0\nRZyuBgJFS0mbDiJpsXLT+Ry1xWfQVP42aksWY3M1sn5gC890PMNznc+RyqUo8ZZQ6i2lxFOCK+fC\nnrZjS2lisXE2h3exOb+ZvJmnJl2D3WlHORV2h50yo4zqaDWVI5UEx4IMFA/QWdJJZ7ATbHB15mqu\n4RrqPfUom0LnNdoQkRzTY6y1r+UFxwv0ql5WjK3goq6L8A/5MVOmfGDy4CDnZTVmxsRMmRhJA3et\nG1edC1elC5vHJhazW5EbzJHYmiDTl8Fd7yY3kqP8mnIq/7KSoqVFjD82zvD9w4z+cRS7105uJIej\nzIG71o3OaXIjIqbYwVHswD/Hj2+uD99MH+56N+46N65aF46QA5vLhnJMCPYxoE2NmTXBBLS8Vk6F\n3XNs/k9L8N+E7NwJP/85/PKX4me/6SYR2ZPtmjZNcdE88IBkq27dKgEtZ54pEYfvfrcY4fsJh6U3\nuv9+EfbCQp6FaJjC38KKzDNmyIDqSZ58JmkYbBkawubzkQcypsHLkSEeD8d4JpaiyWXHn+ljW88q\nyqIJzjGmMbt1GsWlOYYT+xhNjWJXdpRWjHeNE+mIkNyXZLx3nP69/diw8f73vp/rrruOJUuWYLPZ\nyGazjIyMkEgk8Pv9+Hw+/H4/zomY+dxYjvDqMGZNG8myPzM6/n/E41vw++dRVLyMpGMOG/ds48mO\nlWyMhmmPaxyGk7xdY9gMtNI0OBpoMuqYlgviNwx6bSN0qWG6baPEyWDTdpS2YcOGz/ARyAfw5/24\nDBfjjnHngCphAAAgAElEQVSGPcPkVR6lFU0jTczrmseZw2cSzAeJOqNEXVFi7hh5fx4zaGIEDDxe\nD2cGz2RR9SJaGluwu+xkB7NkB7Jkh7I4ihy4G9y4G9y4qlyYKZN8NI8RNchH85ipSYFGg7IrEUi7\nAjv7LVvlUDhLJqzYUic274QloWVg2+YU94fNZcPmseEocbymyBpJg9TeFL4zfNjchz4hGmmD3EgO\nV5ULm/OV+7XWmEkTu/9kxf2eHCzBfwOjtVjPmzZNJhPt2CGRNNdfDx//+Mmz3g+kowP+/d9F6IuK\n4NprReDPPFPCIg+hvx++9z3Jtnr72+HGGyURqaLipPRKY2NjrF+/nvb2dkKhEKWlpZSWlmK324lE\nIuwdGeGRri42bttK3/btpHftFteRAlVeiq4IYSvy4DAiOPJh7CqPP+Un1Z3C4/IwZ84cduzYgcPh\nYPny5UyfPp21a9eyZs0aampqWLx4MXPmzKG6tZqRohFCFSHKvGX73QupfIpoJsp4aoxIspNMLkw6\nFiY1FiY8MsBYYoCobZyEL4ZhKMyRcmyZKgynlx57O32OQQI2G03Kx5LsMi5t+iiX/sXluPNuomui\nRNdEiW+O4yx34mny4G324qp2oRwTYjkhfFprydwxETEtiKtDiQXssZF2pLF5bRSVF2H32w/xH1u8\nubEE/w1GOi0u7AcflOLzyRQkhYWhW1sl2ORIyZQnkvFx+OY34Wc/g7/+a/jwhw9Knio47e+/X9wx\nIyNSlJLe6AtfODQF/ygYGxujt7cXl8uF0+nE6XQyODjI7t272bVrFzt37mT9+vUMDw+zcOFCahtr\n6Rrsoneol5HRMTKmHTNYii4qA3scW0mWUIODhuYAzdOmMS80j0bVSHG6mHQ0jWEY+0ttbS2LFi2i\npqYGkOiTNVvXcP/q+9mxbwdNjU00OZpw7HCwd3wvq0Or6fJ0sTg7h4ByEtFJoipJ3JbA7czj86bx\n+mN4TBf2jAt7zoVdeQi6QpSX1VM1rZny4hb8nlp0SpNpz8AANFc0c0bLGZQ1l+GscB6za8DCAk6i\n4CulOoEoYAA5rfWSwxxzB3AVkAQ+prXeOLH9SuB7gB34b6317Qed95YR/GxW9PK55ySKcNs2CSy5\n5hopr4cFfzB9ffDrX8N3viNtuO02CdMkEhE/ztatMqD66KOTTvuzz55cMeQoskJN02RgYICenh66\nu7tpb29nw4YNvPTSS4yMjFBXX0cykySZTpLKpPAV+6hrrqOptYnpM6ajazS7Hb2sTtmJB+fgDbSQ\nd5VhKgdn+z18sKyE2WqYjf0vMpocJZlLksglSOVT+2crnPgRkMlnSEVTJMNJcvkcps3EtJnkVI69\nyb1orZnJTBpiDaS6U5g+E0ejjapqG4tL88woeRmnsuPUNWiVQ6scKIVPLyRgLMdvnI/bW4lvlg9n\npdOyni1ed06m4HcAi7TWY0fYfzVws9b6aqXUUuD7WutzlFJ2YBdwKdAHrAP+Umu944Bz3/SCr7UI\n/Ze/LJb7VVeJ5V6YQvv1pqdH4uMf/m2c2dvv58bQb5lRMoLPnpVeKRoVn/ycOdIjnXOO9AavcNpP\nkslkePLJJ3nwwQdZv349Ho8Hn8+Hz+cjnU4zODjI4OAgIyMjlJaW0tDQwLRp06iorcBea2eoeIh1\nmXVEshFmlc9ietlMVMkS4riJZ8aJp0eJZRNkQovpddaxxJ3jQp9JkRnDmY+SzoyxeXAzj7c/TsAV\n4OLGi6lOV+MYcGDrsUEfKBTarsEBZtLE7DTxeDwEm4J4/B50WkMa7Gk7jfZGqosr0C07MJrXQ2s7\nabWddLodv38+5eXvoqzsXfj9cy0ht3jDcrIF/21a69Ej7P8x8JTW+rcTr3cCK4Bm4Bat9ZUT278M\noLX+9gHnvikFPxoV67mtDb79bYmi+c53JCfoVGAY4pG5678y2J99mr+ruYcl+x7EvnwZto9eL34k\np1PCIv1+CYG02cjn86xfv57169ezYcMGNm7cSCaTIRQKUVxcjN1uZ/Xq1cyZM4drr72WZcuWkc/n\nSSaTJBIJ3G43VVVVjNnHeLD7QXZHdtMX7aM32otSinPqzqGuqI50Pk1PbB9diXEGUhGUkcLr9OFy\nl+B0leBwBvFkhwhH95LKJZlRNoMqfxVl7jJK8iVMi05j0e5FFK8pJr4pjqfJQ3BhkMDCAP65frBJ\niJvOaex+O4GzAjjLJn1ludz4RFr9ZsbHnyAcfhKPp4lQ6GICgbPw++fj98/GZjs1iVwWFkfLyRT8\ndiCCuHTu1Fr/9KD9vwe+pbV+fuL148A/AE3AlVrrGya2fxhYqrX+7AHnvmkEf8cO+Od/ljm2tJbc\noPp6mabgwx8+NQtp5PPwi++Ns/sbK/kLHuaczCrsC+Zif9974EMfkrTXw5BIJLjrrrv493//d4LB\nIEuWLGHRokUsXLgQn89HJBIhEomQTqdZtmwZ1YepJ5lL8tCuh/jhuh/SMd7Bh+Z/mJCnmLHUGD3R\nHjYPbqEn1kdD5SJsxWfR6WzggtIaPlrbxDmlVaRyKYaTwwyOD9K3rY+q8Soahxop6Skh0yXJKNmB\nLO4GN/45forOLaLonCKCbwviCL5yOgDTzBCNriUcXkUisRXTTGIYKUwzQTrdhWHE8Pnm4vfPIxS6\nkJKSy3C7D//eWFi8GTgWwZ/qJBrna633KaUqgMeUUju11qsPvv7RXPhAbr311v3/r1ixghUrVhxr\nVSeFnh649VaJT//Sl2TSsVDo1CZ9ag1P/GaQjs/9B9dFfkp+xaWUfvw6uPyuIy4uobVm69atrFy5\nkh//+MdccMEF/Pa3v2Xp0qWHPf657ue4a+NdrHx25f6FHzJGhp5ID92RbiLpCNMrz8LtqyduH+Ff\nX/xPCEzHFmjFGZwBTZfQWjaXC0vLubC4mAttQUJpm4TxbctjX2sn+6cs6nlF64JWiX1ucONZ5sH9\nQTfeVi/uaW5sjsP3pNnsMMPD9zE8fD+x2Iv4fLMIhVZQXv5O7PYgNpsXm82Lx9OA2z3Ncs9YvKlZ\ntWoVq1atOq46jjpKRyl1CxDXWn/3gG0/BlZpre+deL0TuBBx6dx6gEvnK4B54MDtG9XCN02ZKfdn\nP5M5aj79aRH7kzxZ4pRY92Af/X/zLS7s+w3jV36Qph98EdXcdMhx8XicHTt2sGXLFp566ikef/xx\n/H4/V111FTfffDMzD545DbHa79t+H3e8eAdDiSE+NP9DeBwewpkw46lxwukwQ4lhdoe7GE+NogIz\nOKP2Aq6dcTk3zbqUao+PnGmS1RpyJsaaBCMPjTD60KjEcoccOIod2IN2AgsClF5ZSsklJTiKX9v2\n0FqTTrcTDq9iePg+IpE1lJVdRUXF+ykpuRiH43BxpRYWb01OiktHKeUD7FrrmFLKD/wZuE1r/ecD\njjlw0PYc4HsTg7YOZND2EqAfWMsbfNA2k5Gw85/8RMIoP/EJcdccYTzzdUNreOq3Qwx/8XYu3/c/\ndF38Ceb+/Is466sYGRlh1apVtLe309HRQUdHB7t27WJwcJCZM2cyd+5cLrjgAi677DJaDlj1figx\nxO93/Z4nO55ky9AWuiJdxDIx7DY7QVeQIncRTruTSn8lVf5qHO5SRmzFbDLLmV42m89NX8x7q6px\nT/iy4pvjRNdESWxNEN8SJ/FyAu8ML2XvKKP8neX4F/inbGVrrcnlhojHt5BIbCUWW0s4/AygCYWW\nU1b2LsrL34HdfgpGxS0s3gCcLMFvBh6YeOkAfq21/pZS6tMAWus7J477AXAlkAA+rrXeMLH9KibD\nMu/SWn/roPrfMIK/aZMkQbW2iq/+WNdbPdE8+8AwbTf9B9cO38ngxR+k9a5/hJoKHn30UX7+85/z\n+OOPs3z5cmbMmEFLSwvNzc37/y9MyKW1ZuvQVn695dc80vYInZFO4tk4TpsTu83O22rexhXTr+Dd\ns97NzPKZKKVIGgb/MzDAn8fGeCYSocrl4oqSEm6orWXuRPiR1pqxR8foub2H1N4UJZeW4J/vxz/f\nT2BBAFel66juNZ+P0tPzb/T334nWxsRg6jyCwYWEQhfi8bRYrhkLC6zEq2Mmn4fbb4fvfx+++12x\n6N8ImrLzyX62f+q7XNz1c0Yuej+e2z7K4227eOKJJ3jsscdobm7m4x//ONdddx3FB6TJGqZB+3g7\n24e381L/S6zuXs26/nVkjSxuu5uldUu5vPVyLmu5jNqiWsp95a9YdDlnmvz3vn18vauLc4uKeG9F\nBRf6iwi25UnuSmJEDYyYpNOP/N8IGNDwpQYqP1B5SNr6VDHNDH19P6K7+1uUll5FY+M/4/W2WuJu\ncfqQSsnqaoV1jmMxmaZk7tzDRoRYgn8MbNsmiaTFxeKvP6nrpE6Fzk6yDz/Gtu/9maa9T9B5wUcI\nf+ocvnTHd+no6ODiiy/mkksu4dJLL6W1tXX/afti+3hkzyOs3LaSZ7qfAcT6NrRBa0krV8+4mo+c\n+RHmV84/oogaWnPv0BC3dHTQ6vHw9Ug1pQ/Gib4g6f6eRg/+ef79Pnh70E7R0iJKryo9KmHWWpNK\n7SYWe4lEYiuJxDZisXUEAotoafkWgcD843sPLSze6Ggt4r5+vWRqPvccbNkii1gUln8LBGRbJCKL\n9Fx0kQwm2q358I+aXE7i5++4Q6Yc+NSnTrFV/8gj8Ld/S24kzJ/yl9Iz63IW3zKd2/7rW2zfvp3b\nb7+d97znPftXuymwtm8tn33ks2wa2IRN2fA7/VzRegVXzbiKxbWLmVE2Y/9i00ciZ5r8ZmiIb3R1\n0Ryz8w9riwjeG8GIG1R/tJrQihCBhYFDQiGPhnw+Qjj8DGNjjzA29gha5ykqOg+/fx5+/1z8/gX4\nfNNfuyILi9eDA9duKEwWODYmy7mNj0vii802Wez2yZLLyXGFAiLegYDMP7Vrl0yJ6/VKVvv550tZ\nvFgGDg+mp0emGN+4USbCsubDPzpeflli52trZW3XU2rV5/Nwyy3oX/6S31z6c/7uDxfzuc9vYteu\n7/PHP/6RL3/5y9x8882vWJEoZ+T4xcu/4Burv0F3pJvG4kZuXnwz75j5DqaXTp+ytT2QyXBP9wBP\n/aGXczbZOHejwtGVo+wdZdR8sobQhaFjnu/FMNIMDf2GSOQ5otEXSKe7KCpaSmnpVZSVXYXPN8dy\n11gcSjwugubzTd0Cy+dlWu4dOyYX1Nm1S6bnDgbFYi5YzX6/CK/fL/NHDQ2JmI+MTC57mUyK2Csl\neSzV1RLqXFYmpaREFrQ3zckl5woln5cExwOPV0ruKxaTCbYKC/ocZySIJfivgWmKRf+Nb8C//ZuI\n/inVnP5++OAHMewuPun+JWs7nycY/B79/R185jOf4cYbb6S0tJTx1Dj/ufY/+dOeP7FjZAfhdBin\nzcllLZfx3Su+y6zyWa99rQki+TwP9w2z5sE+yh9OcO4L4J7no/HKCkouLSG4OHjMfvj914g8x65d\nn8Ljaaas7J0UFZ2D3z8Pm+31XzvV4hSTTsuSlZ2dssJZe7uIbGmpCF55uaStr1snpbubiWW1ZF9J\nidRTEFSlZMrtQhkeljpra2WyqsKCOjNnyqLK8bhY5OPj4hpJJGRbIiGdSkXFZDsCAdnm801a5G9g\nLMF/FQYH4WMfk8/9N7+RqdpPKatXw3XXEb/+r7jw0Q/TP3gD1dXjfOUrX+baa6/F6XQSzUT59rPf\n5vsvfh+FotJfydvPeDufOPsTnFV91pQuY2ZMdrRHeO7ZAQbXhAlsyTB7l0LN93LGB2uoe1/VUUfS\nHIl8Pk5Hxz8yPHwfM2b8JxUV7zkh9VqcIrSWH05Hhwh2NCpxy4VVeQqDi5GIiGg2K+6MbHZycZx0\nWtZJaGqSH11zs6ydEA6LWA8Pi2tj8WKZgGruXLGek0mxusfHReQL7hKtpQ2FVYFKS0Xcvd5T/W69\n7liCfwSefVaWBPzkJ+FrX3t9piM+IlrLQiJf/zo93/gFC7/SRzL5Zf75n7/A3//9F3E4HGwf2s53\n1nyHe7fei2EaXDH9Cm5dcSsLaxa+ZvVG2qDjKx2MPjJKejBLPm4QLoXsLDdlS4uZt6yC8nOLcVUc\nn8hrbZBM7iQWW088vol4fBOx2AYqKq6ltfW7OJ1TWeTW4qSSSslsqAeuSJbPizgWLGTTlG35vIh2\ndzd0dU0Wv39yPu9Q6JXWdXGxbCsMMLpc8uNyOmV7dbXss1x3JwVL8A/DL38JX/yiLPx9xRUn7TJT\nI5WCv/orUi9s4iuz/pMf/vHb1NYO8Ic//IJkSZKvPPEV1vWvI56NU+4r510z38UtF95CQ/HUBhkS\nOxJsvm4byRYn93xU8YwnwV/PaeDT9XX4DrNA9tE3fy/9/T8lFnuRWGw9Llc1weAiAoGzCQTOIhA4\nC5er8rivY/EaaC0r5+zeLe6MUEiSR1paRGwffXRiutSHRaxrakR8q6rEei5Y6Om0WM1Op2z3emVA\nq7FxsgSDp/puLY6AJfgHYJqSPHXvvbJW7Jw5J/wSR8eaNcQ/eANrEvO4PjWHmHkHn/3s5/mLG5fz\n1We+yvM9z1NXVMcNC2/gpsU3EfJMbQ4HQ2tWDg6y+Sc9nPMfCX51g2L4A0GuqajgxtraEyL0hpGg\nq+ub9PffSW3tDYRCKwgGF1tW/InCNMWFkU5LicdFzLdvl7jhzs7JfQWfuM8nMdotLeIe2btXxF9r\nWLoUrrtO1qmsqjrVd2dxkrAEf4JsVjJm+/pkKb9TOi1CLIbxD/9I4pf38Xe2m/hT8B7mL2jio//4\nEX7W+TPW71tP1shyy4W38Hfn/t1rhlCCLH48vjnGY3/spfvJEWZt0niqXTT84gxmLjy6mPhXwzSz\nDA+vpL39yxQXX0hr6+243XUnpG4LRLjvvBN+/GOJ4HC7xVXi88mawHPniqXS0iLbPB45prLy8JM6\naS0dx6lYhMHidccSfETsP/ABcUn+7ncnfQ3tV+eZZ8h/4MP8MXcp3yyZRlvqh1z+t5eyzrmO0dQo\n1YFqnDYnv3nPb5hXOe+I1WRMk/98oYPEI+NUvJhh2roccR8MLXFx5uXVLLmyBk+T54QIvdYmkchz\nDA7+muHh+/D759Lc/A1CoWXHXfdpQSQiixdv2CD+8P5+cb+EwxJJMm2alLY2efT8wAfgs599AzyC\nWrzZOO0F/0CxX7nypKyxPXXuvJPMl7/G9cYP2D7tV6Trt9N9Xjcuh4vFtYu5qPkippdO5z2z34Pb\nceSGrh2PcPetW7nql3m4ogjnBUFCF5VQ0xqg7gTfYCKxje3bP4TWeaqqPkRV1QfxeI59Hdu3NPn8\npNulUDZtktjvM8+U5c5aWkTka2tlxfh9+6QT6OmR6JKPfWwy7NDC4ig5rQX/DSP2uRx8/vPEH3qc\nC8Y+zb7g9yl6r4s95Xv41MJP8aO/+BF222v71VOGwXdX7aH88wM0+71ccPc8fK2HycI7AWit6e//\nMR0dX6W19Xaqqz9xeidFmSbs2SMCHo9PhgRms5IhuW6dZO/V1k66XebMgQULJBbcYeUbWJx8TmvB\n/8QnJGz3vvskOuyUMD5O7Moraesa5OLBKLVLZjJ45W6SriQPXPcAV06/8lVPTxgGj4yO8oc9Q7ju\nGuXa/4Wmf25k1ucbjznj9bXIZofZtesGMpke5sz5DT7foXPkv2mJxeCxx2Sgs7VVSlmZ+M43bJBU\n9d27xUooZE3294uol5XBWWeJr9wwZJ/NJmsAL14sFnxR0am+Q4vTmJO54tUbml/8AtasgZdeOnVi\nH9m6lfjy5fwhleFvi99FzS3b2KleZGHNQp74yBMUe468OMe+TIZ/7enhoZf7ufFBJ9f/IUfpNRXM\neqkZb+vJSSgxzTz9/T+mq+s2qqs/wdy5v8NmO1U95RTQWhJ/CvOTFGK9C+ny4+PS4w8PS+z5738v\nX4pzz5Xj9u6Vkk7L8WefLaJ90UXyOFiYD6W8XITecrVYvAV501v4O3bA8uXw5JNifJ0Knvj+95n1\nhS+wctpsPn9VGG91hFJ/Eb9696+4qOmiI55XEPoHd+zjqys9TP9DmtqP11D/+Xo89SdvtDkcXk1b\n2804nWVMn34HgcCRB4xfN/r6xH1is0miTjQKa9fCCy9I2btX4sTLy8X/ncvJQGg4LGnypaWyr7xc\nLPm3vx0uv/zQOPJYTJKETmeXlcVbgtPOpZNMSsjx5z4ns12+3iSTSb7zzndy06pV/Mu8i/nhO57H\n67HxT8u/whfP+yJO++FTetuSSb7b08P/dQ1xy8N+5tydpOb6Khr/qfG4M2CPhIRY3k9//3+RTnfT\n2vpvVFS879T66rWWdST/9V9F1MvKZJtpShji4sVwzjlSZs06hb46C4s3Hqed4N9wg4j+3Xe//gZb\nf38/X7nkEr63p4MPXDifpy7Yzpk18/jNe+5mRtmMw56zLhrl9u5uno5E+NrmEGf/vwilF4Vo/pdm\nvC0nx3WTSGxncPBu9u37GX7/XOrqbqKs7J3YbKdgfgmtxeWyc6dEtfz852Khf/GLkjhxSmNoLSze\nXJxWgv/II/A3fyNjb6939vfGjRv526uu5r6xCJ98p5NHz8zwr5fdzmeXfvaQxCmtNavCYb7Z3c3u\nZJIvuWtY9o0Y6W1JZv73TELLTvyq6KlUJ8PDKxkc/DW53DCVlR+gpuZT+P2zT/i10FpmP9y5U6ak\n7euT14OD4msvpPCn0+JjB7HWZ86Ed75TygnIBrawON04bQTfNGW87dZb4ZprTk67jsTDDz/Ml67/\nCA+nk/zLZRk2XHkW//eXD9AYOjRefXU4zJfa2xnL5fhKQwOX/lnR9aV2am6oofGrjdg9J0botNbE\nYmsZGXmI0dHfk83uo7z8GiorP0gotByljvM6Woug/+EP8OKL4gePxcTn3tsrj1eFqWkbGiQTtKpK\n/Ok+32QGaUmJbLP85xYWx81Ji9JRohgvAb1a63cctK8E+BnQAqSBT2itt03s6wSigAHktNZLjqZx\nR6IQevmud52I2qbOvffey9//7V/zsC3KT8+zce7XfsJdCz95iB88nMvxD+3tPDw6yr+1tnKtvYQ9\nf7Wb/p1JFjy6gODZJ+6RJBZbT1vb58jlhigvfzdnnPFjioqWHr/IDw7KNKNPPy2TcOVyMhD63veK\ncAcC8mhVXS1zV1gibmHxhmeqYZmfA7YDh1OqfwQ2aK2vVUrNBH4IXDqxTwMrtNZjx93SCfJ5+OpX\n4Qc/eH015qc//Sl/85PP87uiBNsr6/iH32+jyHtoqOV9Q0P8zZ49XFNezrYlSzCeiLLhky9R+f5K\nZt89+4RZ9dnsIO3t/8TY2MM0NX2dmpqPH7vIJxKSSLRhg6yx+fzz4pY57zwJgXrgAQmBskTdwuJN\nzWsKvlKqHrga+Abwd4c5ZDbwbQCt9S6lVJNSqkJrPVyo4kQ1FmS649pauPTS1z72RHHbd27j6xu/\nwc0leRaMN9P45M5DIkZShsFn29pYHYmwcu5cFkXcdHyijfCqMLN/MZuSS44vrjubHSQcfppodC2x\n2Fri8ZepqbmBJUt24nAcOcb/sIyNyQIsq1ZJ2b1bMkYXLpSImM9/HubNkxBJCwuLtwxTsfD/A/h7\n4EhphS8D7waeVUotARqBemAYsfAfV0oZwJ1a658eT2MzGbjtNrjnntfP2PzIbR/hV4m7WWSW8e21\nGs+Gxw8R+z3JJO/dto3Zfj8vTj+TsW/389JP+qm7qY7F2xYf1+Lfppmjt/d7dHffTih0AcHgEpqa\nbiEYfNvRCf34ONx/v7x569aJ9b5iBfzoR7Bo0SleFcbCwuL14FWVSCn1dmBIa71RKbXiCId9G/i+\nUmojsAXYiPjsAZZprfuVUhXAY0qpnVrr1QdXcOutt+7/f8WKFaxYcfhL/eQnMl3Jeee96j2dMK68\n9UoeTT5K6d5LWbWmE8+d/++QtRH/d3iYv9q9m1uamvjANg/bL9lA6VWlLN68GHfd8U3oE42uZdeu\nG3G5Klm06EW83tajqyCdloHWu++WVe8vuwxuugmuvvq0XBLOwuLNzKpVq1i1atVx1fGqUTpKqW8C\n1wN5wINY+fdrrT/yKud0APO11vGDtt8CxLXW3z1o+5SidDIZWWXtkUck8/1kkjfzLL5tMZvCm/Ds\nuIkOI0x1q196nAnGczk+t2cPz0ci3D17NjU/CtN3Rx9z7plD6MLjC7VMpdrp6voGY2N/pLX1O1RW\nfnDqCVJaw3PPyXwT998vUwhcfz1ce61MQ2BhYfGW4IRH6Wit/xEZlEUpdSHwxYPFXilVDKS01lml\n1A3A01rruFLKB9i11jGllB+4HLjtaBp3ICtXyrjhyRb7SDrCvG/Oo7e3l9LO29l6WSXVd/8b/H7d\n/mP+ODrKjbt2cW1FBRtmnU33J9oY6cuwcO3C45oSoSD0IyP/R13dZ1i8eDtO5xR9/z09MsDxP/8j\n7pmPflQmAauvP+b2WFhYvLU4WueyBlBKfRpAa30nMAf4H6WUBrYCn5w4tgp4YMIydQC/1lr/+Vgb\n+sMfwpe/fKxnT43OcCdvu2Mxo1tGmJ2+m+e/uYjQOy4Qd4jPh6E1X9izh/8bHeVXs2dzbtTL5mUv\nU3xeMXN+Mweb+9gGOXO5MJ2dtzI4eDd1dZ9h6dK2qQl9V5dE0Pzv/8pSeO9/v7hvliyxImosLCwO\n4U2ReLVhg3gk2ttPXlLm2r61XPrzy4g9GmVp2a9Y/av34ly2FD7zGbjxRpKGwQe3bydmGNw/dy62\nl1NsfddWpn1pGvWfOzYrWmuTgYH/oaPjn/5/e3ceV1W5PX78s0BQUMBZFHGOckpzKC27WllppZZp\nZvPNym/DzW5z3QZ/Zd0sbZ40K8sys8wx5wFvWmkWmhMO4ICCkiCiOAFn/f7YJyOFw0GRs9X1fr18\nec4enr32Qdd5ePYzUK1aTxo2HEJoaDHrMe7bB2PHwkcfOWud9uzprF162WU2NYExZ5DTdnrk996D\n/1Fn9MwAACAASURBVPu/k5fsJyVO4pYJt5LzTQ6ta7zFom9vodxDDzgjR+++m52HD9Nj5Uqahocz\nvnlzsqdnsu7OdcSNjKPGtSVfMFfVQ0bGVLZsGYJICC1bTiMioq3vk9atcz6IL790+sYPGeIkeVts\nwxjjJ9dni8xMp8Vi/fqTU/7YlWO5b9p95Hyxn7hKT7B0xoOUmzrRGV2akMC6Awfo/vvv3FqrFs/X\nr8/2N7eTMiyFltNaEnl+yRbA8HjySE8fx9atrxAUVJ569Z6iRo3eiK+Fy9etgxdecBbyGDjQWYUp\nNvYE79oYcyZyfcL/9FNnRH+Nkleki/XZ8s94ZPYjZE/IIcbTj5WL/0vI7nTn14nJk/kf0DchgVca\nNeKW8tVZfe1qDu88zHk/nkdYA/+7NaoqGRnfk5T0CKGh0TRp8jpVqlzuu+fNli3w3HMwfbozEOrD\nD8t+ljhjzGnF1Qnf43HGBY0ZU/plf/TrRzy74FmyfthP+KamrNv6uTOeyjtV79iGDXlo9WrGNm1K\n+8RglvVfRo2+NWj+bXOCQv1/OJuTs5qNG//NoUMpNGnyJtWqdfd9gqrTPv+f/zh95jdutO6UxphS\n4eqEP2uWs2xohw6lW+4Xv3/B4IWD2bPhMDo7lJ9//Z6KFcs5vXHi4xk+cyZvJyczr1Urakzax6pH\nkjh71NlU71Hd72vk5x9k8+bn2LFjNPXrP0udOv9X/Bz0W7c6K7ns3u1MedC8+YndqDHGFODqyVI+\n/hjuvbd0exiu2LGCh2Y+xIFM4fDnwqgPP6dFi1hnZNe99zL5uecYtW8fP7VpQ40J+0h+IpnWC1qX\nKNlnZy/j11/bcuBAMu3br6Ju3X/5TvarVjnNNm3bOtMd/PSTJXtjTKlzbQ3f43HWqX377dIrc/eB\n3fQa1wvNCyF7VAQ39+3LP//Z09n52mukNGjAg82bs+jcc5EvMkl+fhOt5rWi4jkV/Yz5MFu2vEhq\n6kiaNHmLmjX7Fd1Or+q0Vb33nrNoyB13OGu4NmxYOjdrjDFHcW3CX7HCeVBbp07plOdRD9ePv55d\nOZnkftGVxlFbGTVqqLNz40YOv/EG140cycxzzyX480w2v7iF1vNbEx4X7lf5e/cuJzHxdipUqE+7\ndsspX762r4OdppuNG+HFF+HKK23VJ2PMSefahL9gAVxySemVN2jGIBZtXUT4rKeQbe8x9dcfCfXO\nern7vvt4u18/3rv8ciqPz2bzi1totaAV4U2KT/YeTy5bt/6X7dvfpXHjYdSqdavv3jdr1zoDpTp1\ncua8scFSxpgy4uqEf8stpVPW6ITRvL/sfeqvfIsDSZ/y/GtDiIuLAyDh66+JSEyk4+ef02D6AZL+\ns4nWC1r7lexzclazdu1t3tksf6NChWJG3H73ndOXfuhQuPPO0rg1Y4zxmyunVsjLc5Y+XbfOWRr1\nRGzI3ECz95rReNcDBM2pSMOGy5k2bSoiwnfbt9Pywgs5+Npr1C5/KesGrqPV7FZUOreSzzJV80lJ\neYOUlKE0bPgytWvfVfxslu+84yT6yZOdh7PGGHMCTpupFRISICbmxJP94fzDXPzJxUQHNyV/Rh+y\nsvswf34CIsJHqalsGzqUrnFx5FXuytpb1tJyestik/2BA5tJTLwNENq0WUJYWCOfx6MKTz/t1O4X\nLXLmeDbGmABwZcJfsAAuvfTEy+n1VS/2HtpH+XcToFwnRoz4kOjoaEakpvLRihUs+eorDrw7nbU3\nr6X5xOZEtvM9VUJW1g+sWXMDdes+TGzsI76nRABn4e+77nJ+VVm82Pm1xRhjAsS1Cf/uu0+sjDd/\nfpPZybPpuH4BwXGjiI5uR69evZi/ezfPbdrE+gkT8Fx9A78/lMvZH59N5U6+Fy1JSxtNcvLjNG36\nBVWrXlF8ADk50KeP0/tm3jyo6F/XTmOMOVlc14afmwvVqsGmTc7fxyNjfwbRw6O5qvIjrHn7QXbv\nPpdly5aRV7MmFyUkMNXjoX3vPiwLH0PMMy2oc3fRfT9VPSQnP8Uff0ygZcupVKzYtPgAdu2Cq692\nBk+NHGkzWhpjSt1p0Ya/bJmzbOzxJnuA/hP6U61CdZa8/F/at7uLZs0GUDkmho4JCbzQoAHt+t/C\n1gp3UGNAXDHJXtm48WH27l1K27ZLCAnxI6gtW5x+9b17w0sv2UIkxhjXcF3CP9H+9wlpCcxNnstl\n2+dS89IVzJv3PZ+NSaT/2rVcXqUK9/zyC4eWp3Cw77vEPVvfZ1kpKa+RlTWP1q1/ICTEj3VqExOd\nhcIffRQGDTr+mzDGmJPAlQn/X/86/vP7ftOXcyLas3b6JeQ26crzzz/P8MxMDns8vB4bS96FV5BS\n+2HOer+pz66UO3Z8zvbt79OmzWL/kv2qVXDFFfDKK3BbkWu8G2NMwLhq8rRDh+Dnn50FnY7HJ799\nwqasTej48dx88zTS09OIvu46xuzcybhmzch99HX2Zdcids7dPtefzciYSVLS45x77gzKl48p/sIJ\nCdC1KwwfbsneGONafiV8EQkWkQQRmVrIvioiMlFEVojIEhFpXmBfNxFJFJENIvJEcddZutRZVbCy\nHxXqo+UczuHBmQ9yXkg/osNimTr1Cf49ZAgDk5L4pnlzIjfsotwHryHvvk6FekVPZ7Bv3woSE2+l\nRYuJ/j2g/eUX6NbNmQStf/+SB26MMWXE3xr+IGANUFiXnqeB31S1FXAb8BY4XxLAu0A3oBnQX0R8\nZtBly6BjRz8jOsrDsx4m15PHpnffp1evSYRXrMg7desyuEED2odXIvvyhznQ9hoq331hkWUcOrSD\nlSt7ctZZ7xEV5UcgGzZAjx5OT5zrrz++wI0xpowUm/BFpC5wFTAKKKzRuymwAEBV1wENRKQmcD6w\nUVU3q2ouMA7o5etaSUnQpEnJbgAgZU8Ko1eM5pzd/+aWPlGMGfMSkbfdRquICO6tU4f05xdR5Y9Z\nREx7vcgy8vMPsGrVtdSufSc1a95Q/EUzM52uly+8AL183pYxxriCPzX8N4DHAE8R+1cAvQFE5Hyg\nPlAXiAFSChy3zbutSMnJ0LixHxEd5YEZDxBECDvG/4d//GM2O3NySG3fng/j4jicdphyw/4fnn89\nhNQsfGFcVWXdugGEhTWkfv3nir/g4cNOjb5nT7jnnpIHbIwxAeCzl46IXAOkq2qCiHQp4rBXgLdE\nJAFYCSQA+RTe/FOowYMHA7BkCfTr1wUo6lLHWr5jObOTZlNz/VM8N7gSQ98cwp5+/fi+RQsqBgeT\ndMd31A9dRbkXpxRZxtatL3PgQBKtW8cXPwmaqrPIeWSkMxmaMcaUgfj4eOLj40+sEFUt8g/wMk4t\nfROQBuQAnxdzziagEtABmFlg+1PAE4Ucr6qqeXmq5cur7t+vfvN4PNphVAcNeyFCz2m5T+cuWKih\nMTH6xqZNqqqaMStDd4ddoPlvvFNkGRkZs3Xx4tp68OB2/y46bJjqeeep7t3rf6DGGFPKvLnTZw4/\n+o//B0JnYGoh26OAUO/ru4HR3tflgCSgARAKLAeaFnK+qqpu3qwaE1OyG56xYYZWeqmS1uo9VCdP\nVm3UpYu2fPZZ9Xg8mncgT1fXeU/zohuoHjpU6PkHDqTo4sXRmpm5wL8LLlyoWquW6pYtJQvUGGNK\n2fEk/JIOvFIAERnozdQjcHrgjBYRBVYBA7z78kTkAWAWEAx8rKpriyq4pO33+Z58Hpj+AJ78EBr+\n8QCpUQvZvGoVW6dMQURIeWUrDQ6OIPjtIeBd2aogj+cwa9bcQEzMIKpU6VL8BdPSnG6Xn30G9er5\nH6gxxriE3wlfVRcCC72vRxTY/hNwdhHnzABm+FN+UpIzh46/vlr1FbsP7Cb0p2cY8nJ5evznOe56\n6CFiIiI4uPUg+4ePo0KsFtk3Pjn5CUJCqlGv3uPFXywvD2680XlAe+WV/gdpjDEu4pqpFZKS/K/h\n53vyeXbBsxw8CJeE3stnqROQDRt4a9YsAJKf2kiT8NEEvTocgo7tiLRr12R27ZpM27a/Fj+nPTgL\nmISFwbPPluSWjDHGVVyV8K+7zr9jJ6ydQPbBvbD4Se56NZ++tw1h+IsvUqFCBbKXZhM0YxohDSo5\n/eSPkpu7m/Xr76NZs68JCalS/MXGj4evv4Zffy30y8MYY04Vrkn4/rbhe9TDM/OfIedgLr2i7+Hp\n+FHUzM3l/jvucKYzfmgDLaLGIc88V+jUxElJj1K9+nVUrtyp+IstWQL33w9z59pqVcaYU55rEr6/\nbfiTEyez+0AW5X67n3OezGbqLe8w7q23CA4OJv2bdCql/0RIeC5ce+0x52ZmzmX37rm0b7+q+Att\n2eL8yvHpp9Cq1XHckTHGuIsr2igyM8HjKX7RE1XluQXPsffgAVqF3MebU96nae3a9Lj6avIP5pP8\nRDINw8ciTz99TPNLfn4O69ffQ1zch5QrF+H7QtnZcM018Pjjzt/GGHMacEUN/88HtsUNcv1+w/ek\n708nfMMtNLxzHysGjOa9iRMREba/u50adRIJSdsJ/fodc+6mTc8QFdWJatW6+76Ix+P0yOnUyRYx\nMcacVlxRw09OLr45R1UZHD+YvQcOUDP5Eb5f9DltWrWiQ4cO5GblkvJqCvXlS3jyyWPWkM3OXsrO\nnV/RpMkbxQfz6quwdy+8/bYtT2iMOa24IuH70yVz0dZFbMnaQuSOq+n670g8M2bw6H33AZAyNIWY\njmmU25x4zAIkHk8e69cPpHHj14pfk/bHH+GNN2DsWAgJOZFbMsYY1zllEv7wn4ZzMDcXzw9P8KMs\nRrZvp3v37hxKPUTqyFRi876ERx6B8uX/dt727e9QrlxVatW6xfcFdu+Gm26Cjz6C2NgTvCNjjHGf\nUyLhJ+9OZv6m+YTsa8zN9zRm46TvuOv22wkJCWHzC5uJve4QwUsXwV13/e28gwdT2LLlJeLi3vc9\nC6aqc26vXs6Ux8YYcxpyRcIvrg3/nSXvEFupIQeW9if9wi0wezYD7ryT/ev3s2vCLup6voGBA6FS\npb+dt3Hjg8TEPEB4eKEzP/xl5EjYtMlpvzfGmNOUOJOuBTAAES1fXtm375hnrQBkH8qm/hv1OXRI\n6JaxlNkxE2g6aRK//PQTq/utJrLJIWI/6Apr10KtWkfO27VrCklJj9Ku3e8EBxe9hi3Z2c4yW/Pn\nQ4sWJ+EOjTGm9IkIqlqiniWuqOHHxhae7AE+SfiEljVb4klvSp1+IVSbN4+BAwawN2Eve37YQ4xO\ngj59/pbs8/Nz2LDhQeLiPvCd7AFefx26d7dkb4w57bmiH35R7ff5nnzeXvI21WlK9Z1XMGnParJ/\n+YUbvv2WrQO2Um9QdYKGfwg//PC387ZsGUJU1EVUqXKZ7wvv2gXvvOOsnm6MMac5V9Twi2q/n7xu\nMjUq1mD5rh+58urLkblz6d2rF8GpwWQtzKJ2yEy48EI4+682+pycRNLSRtG48bDiLzx0qDPIqmHD\nUroTY4xxL1fX8N//5X1aV+3Ebz+Hk9nbg2fodO4cOZKUV1OIuS+a4Pfegs8/P3K8qrJhw/3Ur/8M\n5cvX9n3R7dvhk09g5cpSvBNjjHEvV9TwC0v4aXvT+DXtV35ctZU2UX2Yu/wXyh06RPv67dk1aRd1\nGydAzZpw0UVHzklPH0dubgZ16txf/EWHDIEBA6BOnVK8E2OMcS9XJPzCmnTGrx5P9yZXsfrQbNr2\n6ES9xYu56cYb2fb6NmoPqE25L0eBd6QtQF7eHpKSHiUu7gOCgor5xSUpCb75Bp54opTvxBhj3Mu1\nCX/sqrHo7vpUyurAovBDZMyeTZ8r+7BzzE7q9sl1HrT26XPk+K1bX6Fq1SuJiupY/AWfesqZGK24\n6TmNMeY04lcbvogEA8uAbara46h91YEvgGhvecNUdbR332YgG8gHclX1/MLKP2q8FBszN7Ilawup\naevpdE4vflu+nGoREVSeU5lKN1Si/OTP4NZbnWUHgby8bFJTR9K27a/F38yiRfDzzzB6tD+3bowx\npw1/a/iDgDVAYaO0HgASVLU10AUYLiJ/fpEo0EVVzysq2Rfmq5Vf0fucPmwPnUdk+1bUX7yYG3rf\nQNqINOo9VNtZlOSee44cn5b2EVWrXkFYWAPfBXs88NBD8MorEB7ubzjGGHNaKDbhi0hd4CpgFFDY\nqK40INL7OhLIUNW8gkWUJCBV5cuVX1JhT0sqHK7PnIO5JM+aRdfyXYnqFEXYqtkQFwdNmwLg8eSy\nbdubxMY+WnzhX3zhjPDq378kIRljzGnBnyadN4DH+CupH+0jYL6IpAIRwA0F9ikwV0TygRGq+lFx\nF1u+YzmH8w/z4+ptxNbqRKXERIJiYwn9JpSYYTHw6sPOvDle6enjCAs7i4iItr4LzsmBp592Htba\nPPfGmDOQz4QvItcA6aqaICJdijjsaWC5qnYRkcbAHBFppap7gYtUNU1Eani3J6rqD0cXMHjw4COv\nEysl0v+8/ry+cQ4NLhhAxLj5XH7BtXjmeKhSPwNWrIDrrwec3wZSUl6jUaOhxd/pq6/CP/4BHf14\nqGuMMS4THx9PfHz8CZXhc/I0EXkZuBXIAyrg1PInqOptBY6ZDrykqou97+cBT6jqsqPKeh7Yp6rD\nj9quf8bgUQ/136zP8A5fc+P33YjsMp6gG25iwsUTOOvSs6ib+g7k58MwZxRtZuZskpIeoV27331P\nf5yaCi1bQkIC1Kvn94djjDFuVeqTp6nq06oaq6oNgRuB+QWTvVci0NUbQC3gbCBZRMJFJMK7vSJw\nBeBzWOuirYuoGlaVGYu3EVmhHe3XJdHinBaE/C+EWjdVdXrWFHhYm5LyGrGxj/pO9uBMoXD77Zbs\njTFntJJOraAAIjIQQFVHAC8Dn4rICpwvkMdVNVNEGgHfeZNxOeBLVZ3tq/Dv1n5H32Z9+WDcTOhw\nHjp5Pt2qd6NG3xqELFvodNiPiwNg374V5OSsoWbNYh7ApqbCmDGwZk0Jb9UYY04vrpgPX1VRVRq/\n3ZixPSZx4cju1P7HUHJueoAvwr6gy8wuVBp+H7RrBw8+CEBi4gDCwhpRv/5/fF9g0CAIDnamQTbG\nmNPE8TTpuGLyNIDVf6xGUZYuDSIoTOicnsfG6DjqVK9DpbhgmDr1yIpUubkZ/PHHBC64YL3vQq12\nb4wxR7hiagWAKeum0DOuJ18umY3UaguLF3Oh50Ji7o2B7793avfR0QCkpY2ievVehIbW9F3o0KHw\nz38eOc8YY85krkr4PeJ6kiDTiK15EQunTad9WnuqX1cdxo49MljK48lj+/b3iYn5l+8C/6zdP/ZY\nGURvjDHu54qEv2PfDtZlrCM0oz25UUvoVa4B4RpOm2vbEJy7D+bNg969AcjImEr58nWIjGznu1Cr\n3RtjzN+4og1/2vppdGvSjZHzFyERjQj68TcuCr6ImjfVhIkT4dJLoXJlALZvf7f42v2uXc7CKGvX\nlkH0xhhzanBFDf/P9vs5++ZQO6IjMydOpWNOR6p0rfK35pycnNXs37+GGjX6+C7wgw+c0bhWuzfG\nmCNckfDjN8dzRaNu/BGylAsjGpOemk7n/p0JyvwDli6Fa64BnNp97doDCQoKLbqwgwfhvffg4YfL\nKHpjjDk1uCLht49pz9YNUWjwSmI2ZdMppBPRN0c7E5316AHh4eTlZZOePo46dQb6LmzMGKdHT7Nm\nZRO8McacIlyR8HvG9WTkz78jQRVZ+s0CLip3EVEXRsG4cXDjjQCkp39N5cqX+F6c3ONxBlg96sdU\nycYYc4ZxRcLvcXYPZuz6H1VDm7JyzUquuvUqJHW789D18ssBSEv7mNq1B/guaPp0Z2GTzp3LIGpj\njDm1uKKXTsPKjdgWvIRz90cQFdyOerfVgwkfQ8+eEBrKvn2rOHQohSpVrvRd0LBhTu3e5rs3xphj\nuKKGv2GTh/yQFYSvyKJjVEcqnlsRxo+HG5y1VHbs+Jjo6H8SFOTj+2nZMti06W8LmxtjjPmLKxL+\np0syYH8Sa+etovsN3ZFt2yAxES67DI/nEDt3fknt2nf6LuS115z1akNCyiZoY4w5xbgi4U9M/Ykw\nognLCaP1Ha1hwgTo1QtCQ9m1awoVK7YgLKxR0QVs2ADz58Pdd5dd0MYYc4pxRcJPDvqJ6D1VaF+h\nPZVaVXKac/r2BZyJ0op9WDtsGNx3H1SqVAbRGmPMqckVD21zQ5dTbu0+Lu10qdOcs24dXHYZBw9u\nYe/eZbRoManok1NTnf7664uZKtkYY85wrqjhB2UlkrIihe53dYdvv4Vrr4XQUHbsGE3Nmv0JDg4r\n+uQ334TbboPq1csuYGOMOQW5ooZPbhr10uvTqEcj6Dwenn8egD/+mEBc3Iiiz9u9Gz7+2Fmc3Bhj\njE+uqOFXyarKxU0uJmjHNucB7GWXcfBgCocPpxEZeX7RJ37wgTP1gi1ObowxxfIr4YtIsIgkiMjU\nQvZVF5GZIrJcRFaJyB0F9nUTkUQR2SAiTxRZfnIeV153pTMVcs+eEBJCZuYMqlS5ApHgwk/avx/e\nfhsef9yfWzDGmDOevzX8QcAaoLAVzx8AElS1NdAFGC4i5cTJ1O8C3YBmQH8RaVpY4XuSs+j2r24w\ncyZcfTUAGRnTqVbtqqIjmjgR2rSxSdKMMcZPxSZ8EakLXAWMAgqbsyANiPS+jgQyVDUPOB/YqKqb\nVTUXGAf0KuwazfY1I6JyOVi06Mhgq6ysBb6nUhg//sg8+cYYY4rnTw3/DeAxwFPE/o+A5iKSCqzA\n+W0AIAZIKXDcNu+2Y3Q/tzv873/QujVUrsyePYsID29KaGgRPW/27IH4eKf5xxhjjF989tIRkWuA\ndFVNEJEuRRz2NLBcVbuISGNgjoi0KkkQOyvuZPDzz0N4OF3i46lbt5jmnClToEsXiIoqyWWMMeaU\nFR8fT3x8/AmVIaqFNct7d4q8DNwK5AEVcJpsJqjqbQWOmQ68pKqLve/nAU/gfJkMVtVu3u1PAR5V\nHXrUNTQvL4/gFi3giy+gbVuWLm3KOeeMKXqh8h49nHnyb775uG/cGGNOZSKCqpZoamCfTTqq+rSq\nxqpqQ+BGYH7BZO+VCHT1BlALOBtIBpYBZ4lIAxEJBfoBUwq7TnBKCmRkwHnnceDAJnJzM4mIaFN4\nUFlZTvNPjx7+36UxxpgSD7xSABEZCKCqI4CXgU9FZAXOF8jjqprpPe4BYBYQDHysqmsLLXXWLLjy\nSggKIjNzBlWrdkOkiO+iKVPg0kshMrLw/cYYYwrld8JX1YXAQu/rEQW27wIKrW6r6gxgRrGFz5x5\nZB77jIzpREffWvSx48fDTTf5G7Yxxhgvn234ZRKAiGpUFGzYQH7VCH78sQYdOmwhJKTqsQfv3g0N\nGsC2bRARUeaxGmOMW5R6G36ZOessqFGDPXsWUrFiq8KTPcDkyXDZZZbsjTHmOLgj4XfrBkBW1kKq\nVLm06OMKLHtojDGmZFyV8LOzlxAZ2bHwYzIzYfFiuOaaMgzMGGNOH+5I+BdcgGo+e/f+UvTsmN99\n5/TksVWtjDHmuLgj4ZcrR07OGkJDowkJqVb4MePGQb9+ZRuXMcacRtyR8IHs7J+JjOxQ+M4dO2DZ\nMrjKx3QLxhhjfDo1Ev633zoja8N8LHVojDHGp1Mj4Y8b58ydY4wx5ri5IuHn5e3h4MEtVKzY8tid\nW7fC2rVw+eVlH5gxxpxGXJHws7N/ISKiDUFBIcfuHD8eeveG0NCyD8wYY04jLkn4xTTnWO8cY4w5\nYS5K+Bccu2PjRkhJcRY7McYYc0JclPALqeF//TX07QvlSjqLszHGmKO5IuEHB4dRvnwhy91OmOAk\nfGOMMSfMFQm/0Np9Sgps2QIXXVT2ARljzGnIvQl/2jRnZK015xhjTKlwb8KfMsXWrTXGmFLkihWv\n8vL2ExxcYNqEffugdm1nZauoqMAFZ4wxLnU8K1751V4iIsHAMmCbqvY4at+jwM0FymsKVFfVLBHZ\nDGQD+UCuqhY69/Hfkj3A7NnQsaMle2OMKUX+NpAPAtYAx6wtqKrDgGEAInIN8JCqZv25G+iiqpkl\nimrqVGvOMcaYUlZsG76I1AWuAkYBxf36cBPw1dFFlCii/Hznga0lfGOMKVX+PLR9A3gM8Pg6SETC\ngSuBCQU2KzBXRJaJyN1+RfTzz077fYMGfh1ujDHGPz6bdLxNNOmqmiAiXYopqwewqEBzDsBFqpom\nIjWAOSKSqKo/HH3i4MGDj7zusn49XXr29Dd+Y4w5I8THxxMfH39CZfjspSMiLwO3AnlABSASmKCq\ntxVy7ETga1UdV0RZzwP7VHX4Udv1bzE0awajR8P5Raxta4wx5rh66fjdLVNEOgOPHt1Lx7svCkgG\n6qrqAe+2cCBYVfeKSEVgNvD/VHX2Uef+lfA3boSLL4bt2yHIFUMEjDHGlU5at8wC1HuhgQCqOsK7\n/Vpg1p/J3qsWMFFE/rzOl0cn+2PMmOGMrrVkb4wxpc4VA6+OxHD99c5iJzff7PskY4w5w53UJp2T\n5UjC93igVi1ISIC6dQMakzHGuN3xJHz3tJ2sWQORkZbsjTHmJHFPwl+4EDp3DnQUxhhz2rKEb4wx\nZwh3tOF7PBAdDUuW2AhbY4zxw6nbhr9uHYSFWbI3xpiTyB0JPz7emnOMMeYkc0fCt/Z7Y4w56Szh\nG2PMGcIdCT84GBo1CnQUxhhzWnNHwu/cGaRk66QYY4wpGfckfGOMMSeVJXxjjDlDuGfglTXpGGOM\n307dgVeW7I0x5qRzR8I3xhhz0lnCN8aYM4QlfGOMOUP4lfBFJFhEEkRkaiH7HvXuSxCRlSKSJyKV\nvfu6iUiiiGwQkSdKO3hjjDH+87eGPwhYg3cR84JUdZiqnqeq5wFPAfGqmiUiwcC7QDegGdBfRJqW\nUtwnXXx8fKBDOIbF5B+LyX9ujMtiOnmKTfgiUhe4ChgFFNed5ibgK+/r84GNqrpZVXOBcUCvyGYI\nSgAABSJJREFUE4i1TLnxB2wx+cdi8p8b47KYTh5/avhvAI8BHl8HiUg4cCUwwbspBkgpcMg27zZj\njDEB4DPhi8g1QLqqJlB87b4HsEhVs7zvAzuiyxhjzN/4HGkrIi8DtwJ5QAUgEpigqrcVcuxE4GtV\nHed93wEYrKrdvO+fAjyqOvSo8+yLwRhjjkNJR9r6PbWCiHQGHlXVHoXsiwKSgbqqesC7rRywDrgM\nSAWWAv1VdW1JAjTGGFM6ypXweAUQkYEAqjrCu/1aYNafyd67L09EHgBmAcHAx5bsjTEmcAI+eZox\nxpiyEdCRtm4YmCUin4jIThFZWWBbVRGZIyLrRWT2nwPJyjCmWBFZICKrRWSViDwY6LhEpIKILBGR\n5SKyRkT+G+iYCsT2t4GBLolps4j87o1rqRviEpHKIvKtiKz1/gwvCPC/qbMLDNpMEJE9IvKgCz6n\np7z/91aKyFgRKR/omLxxDfLGtEpEBnm3lSiugCV8Fw3M+tQbQ0FPAnNUNQ6Y531flnKBf6tqc6AD\ncL/3swlYXKp6ELhEVVsD5wKXiEinQMZUwNEDA90QkwJdvIMSz3dJXG8B01W1Kc7PMDGQManqugKD\nNtsC+4GJgYxJRBoAdwNtVLUlTnP0jYGMyRtXC+AuoD3QCrhGRBqXOC5VDcgfoCMws8D7J4EnAxRL\nA2BlgfeJQC3v62ggMVCfkzeGSUBXt8QFhAO/AM0DHRNQF5gLXAJMdcvPD9gEVDtqW8DiAqKA5EK2\nB/yz8l77CuCHQMcEVMXpbFIF5xnnVODyQH9OQB9gVIH3zwCPlzSuQDbpuHlgVi1V3el9vROoFahA\nvDWO84AlBDguEQkSkeXeay9Q1dWBjonCBwYGOiZwavhzRWSZiNztgrgaAn+IyKci8puIfCQiFQMc\nU0E38tco/YDFpKqZwHBgK07vwixVnRPImLxWARd7m3DCcWY/qFvSuAKZ8E+Jp8XqfHUGJFYRqYQz\ncnmQqu4NdFyq6lGnSacu8A8RuSSQMfkzMDCAP7+L1Gmq6I7TJHdxgOMqB7QB3lfVNkAOR/36H6jP\nSkRCcQZufnP0vgD8m2oMPITzW38doJKI3BLImLzXTASGArOBGcByIL+kcQUy4W8HYgu8j8Wp5bvB\nThGJBhCR2kB6WQcgIiE4yX6Mqk5yS1wAqroH+B6n3TWQMV0I9BSRTTi1w0tFZEyAYwJAVdO8f/+B\n0y59foDj2gZsU9VfvO+/xfkC2BHozwrnS/FX72cFgf2c2gE/qmqGquYB3+E0Pwf8c1LVT1S1nap2\nBnYD6ynhZxXIhL8MOEtEGni/4fsBUwIYT0FTgNu9r2/HaUMvMyIiwMfAGlV90w1xiUh1+Wva6zCc\nds2EQMakqk+raqyqNsRpEpivqrcGMiZw5pUSkQjv64o47dMrAxmXqu4AUkQkzrupK7Aap406YJ+V\nV3/+as6BwP78EoEOIhLm/X/YFadDQMA/JxGp6f27HtAbGEtJP6uyfPBQyIOI7jgPSDYCTwUohq9w\n2uoO4zxT+CfOg5u5ON+gs4HKZRxTJ5w26eU4STUBpydRwOICWgK/eWP6HXjMuz2gn1WB+DoDU9wQ\nE057+XLvn1V//tt2QVytcB62r8CpuUa5IKaKwC4gosC2QMf0OM6X4UrgMyAk0DF54/qfN67lOD3m\nSvxZ2cArY4w5Q9gSh8YYc4awhG+MMWcIS/jGGHOGsIRvjDFnCEv4xhhzhrCEb4wxZwhL+MYYc4aw\nhG+MMWeI/w9ZsTxZL13QTwAAAABJRU5ErkJggg==\n",
"text": [
"<matplotlib.figure.Figure at 0x7fdc4c0b9250>"
]
}
],
"prompt_number": 7
},
{
"cell_type": "code",
"collapsed": false,
"input": [
"plot(heldout_likes, 'o')"
],
"language": "python",
"metadata": {},
"outputs": [
{
"metadata": {},
"output_type": "pyout",
"prompt_number": 6,
"text": [
"[<matplotlib.lines.Line2D at 0x7fdc4c0a1e10>]"
]
},
{
"metadata": {},
"output_type": "display_data",
"png": "iVBORw0KGgoAAAANSUhEUgAAAXgAAAEACAYAAAC57G0KAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAEz5JREFUeJzt3W9sXfd93/H3x1JDRo7jILGrrY0Ld0SXGe3QtM68oJ4d\nYpBkd46XtE/yr+3aYYa3tqSMIWtmCa41bMqQB8YWEhjgprHhbI4d1JnWNOwsym0ZORvmVIv/yEkU\nNIyMOI6aZnEd111IWPJ3D3jkUNwleSlRPJdH7xcg8PCc37n8SKQ+5/J37j0nVYUkqXsuajuAJOn8\nsOAlqaMseEnqKAtekjrKgpekjrLgJamjVi34JM8keSrJ40m+0GP7ZUkeTvJEkqeT/Oqibfck+XaS\no+ucW5K0iqz2Ovgkx4Grq+r5ZbbvA4aq6vYklwFfBbZX1ckk1wEvAZ+oqr+7vtElSSvpd4omK2w7\nAby+WX498N2qOglQVY8Cf3n28SRJZ6ufgi/gkSRHktzSY/vHgJ9M8i3gSWD3egaUJJ2drX2Mubaq\nTiS5HDiU5FjzzPy0PcATVTWaZKQZ89NV9VfnJbEkqS+rFnxVnWg+fifJAeAaYHHB/xywvxkz28zZ\nvwU40k+AJF4MR5LOQlWtNH2+8hRNkm1JLmmWLwZ2AUtfEXMM2NGM2c5CuX99LSF37drLZz/7Oapq\nIP7ceeedrWfYDJkGNZeZzHQh5OrHas/gtwMHkpwee39VTSe5FaCq7gY+DNyb5EkWDhi/Vc0rbpI8\nALwDeFOSZ4Hfrqp7l36R6el/x+zsXgBuuun6voJLkla2YsFX1XHgrT3W371o+f8ANy+z//v6DTI7\nu5/JyTsseElaJwP1Tta5uS1tRwBgdHS07Qj/n0HMBIOZy0z9MVP/BjXXalZ9o9N5D5DUwisx4YYb\n7uDhh/9tq3kkaTNIQp3LSdaNNDKyh7GxnW3HkKTO6Od18OfdDTfcwdjYjc6/S9I6GogpmrYzSNJm\ns6mmaCRJ68uCl6SOsuAlqaMseEnqKAtekjrKgpekjrLgJamjLHhJ6qiBeCerpAvb1NRhJiammZ/f\nytDQScbHd/nO9nVgwUtq1dTUYXbvPsjs7P5X13l/iPXhFI2kVk1MTJ9R7nD6/hCHWkrUHRa8pFbN\nz/eeSBiU+0NsZha8pFYNDZ3suX54+NQGJ+keC15Sq8bHdzEysveMdd4fYn14uWBJrZuaOszk5CHm\n5rYwPHyKsbGdnmBdRT+XC7bgJWkT8nrwknQBs+AlqaMseEnqKAtekjrKgpekjrLgJamjLHhJ6igL\nXpI6yoKXpI6y4CWpoyx4Seoo7+i0iLcNkzToTvdUPyz4hrcNkzTozuyp/auOd4qm4W3DJA26Xj21\nEgu+4W3DJA265XpqORZ8w9uGSRp0y/XUciz4hrcNkzToevXUSjzJ2jh9InVy8o5Ftw270ROskgbG\n4p46eHD18d6yT5I2IW/ZJ0kXsFULPskzSZ5K8niSL/TYflmSh5M8keTpJL+6aNuNSY4l+bMkH1rn\n7JKkFaw6RZPkOHB1VT2/zPZ9wFBV3Z7kMuCrwHagmuUdwHPAnwLvq6qvLNnfKRpJWqP1nKJZ6UFO\nAK9vll8PfLeqTgLXAF+rqmeq6mXgQeBdfX49SdI56qfgC3gkyZEkt/TY/jHgJ5N8C3gS2N2s/1Hg\n2UXjvtmskyRtgH5eJnltVZ1IcjlwKMmxqnp00fY9wBNVNZpkpBnz02sJsW/fvleXR0dHGR0dXcvu\nktR5MzMzzMzMrGmfNb1MMsmdwEtVddeidX8I7K+q/9F8/kfAh1g4eOyrqhub9bcDr1TVR5Y8pnPw\nkrRG5zwHn2Rbkkua5YuBXcDRJcOOsXAilSTbgbcAXweOAD+R5MokrwHeA3zmbP4ikqS1W22KZjtw\nIMnpsfdX1XSSWwGq6m7gw8C9SZ5k4YDxW6dfcZPkN4GDwBbg40tfQSNJOn98J6skbUK+k1WSLmAW\nvCR1lAUvSR1lwUtSR1nwktRRFrwkdZQFL0kdZcFLUkdZ8JLUURa8JHWUBS9JHWXBS1JHWfCS1FEW\nvCR1lAUvSR1lwUtSR1nwktRRFrwkdZQFL0kdtdpNtyXpgjU1dZiJiWnm57cyNHSS8fFd3HTT9W3H\n6psFL0k9TE0dZvfug8zO7n913ezsXoBNU/JO0UhSDxMT02eUO8Ds7H4mJw+1lGjtLHhJ6mF+vvcE\nx9zclg1OcvYseEnqYWjoZM/1w8OnNjjJ2bPgJamH8fFdjIzsPWPdyMgexsZ2tpRo7VJV7QZIqu0M\nktTL1NRhJicPMTe3heHhU4yN7RyYE6xJqKqsOKbtcrXgJWnt+il4p2gkqaMseEnqKAtekjrKgpek\njrLgJamjLHhJ6igLXpI6yoKXpI6y4CWpoyx4SeooC16SOsqCl6SOsuAlqaNWLfgkzyR5KsnjSb7Q\nY/sHm22PJzma5GSSNzTbdjfrnk6y+3z8BSRJva16ueAkx4Grq+r5VR8seSdwW1XtSPJTwAPA3wNe\nBh4G/nlVzS7Zx8sFS9Iareflgld8kEXez0KpA1wFPFZVc1V1Cvgc8It9Po4k6Rz1U/AFPJLkSJJb\nlhuUZBtwA/DpZtVR4Lokb2y23QS8+VwDS5L60/u24We6tqpOJLkcOJTkWFU92mPczcDnq+oFgKo6\nluQjwDTw18DjwCvrFVyStLJVC76qTjQfv5PkAHAN0Kvg38sPpmdO73sPcA9Akg8D3+j1Nfbt2/fq\n8ujoKKOjo32Fl7R2U1OHmZiYZn5+K0NDJxkf3zUw9xnV8mZmZpiZmVnTPiueZG2mVrZU1V8luZiF\nZ+P/pqqml4y7FPg68Oaq+v6i9T9cVX+R5MeAg8Dfr6oXl+zrSVZpg0xNHWb37oPMzu5/dd3IyF4+\n+tEbLPlNZj1Osm4HHk3yBPAY8Nmqmk5ya5JbF417N3Bwcbk3HkryJeAzwK8vLXdJG2tiYvqMcgeY\nnd3P5OShlhLpfFpxiqaqjgNv7bH+7iWf3wfc12OcTwmkATI/3/u//Nzclg1Ooo3gO1mlC8jQ0Mme\n64eHT21wEm0EC166gIyP72JkZO8Z60ZG9jA2trOlRDqfVn0n63kP4ElWaUNNTR1mcvIQc3NbGB4+\nxdjYTk+wbkL9nGS14CVpE1rPSxVIkjYZC16SOsqCl6SOsuAlqaMseEnqKAtekjrKgpekjrLgJamj\nLHhJ6igLXpI6yoKXpI6y4CWpoyx4SeooC16SOmrFW/ZJy5maOszExDTz81sZGjrJ+PgurykuDRgL\nXms2NXWY3bsPnnHz5tnZhbsEWfJn8kCoNlnwWrOJiekzyh1gdnY/k5N3tFpeg1amHgjVNgteazY/\n3/vHZm5uywYn+YFBLNNBPRDqwuFJVq3Z0NDJnuuHh09tcJIfWL5MD7WUaDAPhLqwWPBas/HxXYyM\n7D1j3cjIHsbGdraUaDDLdBAPhLqwOEWjNTs9vTA5eQdzc1sYHj7F2NiNrU47DGKZjo/vYnZ27xm/\nWSwcCG9sLZMuLKmqdgMk1XYGbX695uBHRvbw0Y+2e+CZmjrM5OShRQfCnc6/a10koaqy4pi2y9WC\n13qxTHUhseAlqaP6KXhPskpSR1nwktRRFrwkdZQFL0kdZcFLUkdZ8JLUURa8JHWUBS9JHWXBS1JH\nWfCS1FEWvCR1lAUvSR1lwUtSR616w48kzwAvAqeAl6vqmiXbPwh8YNHjXQVcVlUvJLkd+CXgFeAo\n8GtVNb9+8SVJy1n1csFJjgNXV9Xzqz5Y8k7gtqrakeRK4I+Bq6pqPsmngD+sqvuW7OPlgiVpjfq5\nXHC/t+xb8UEWeT/wQLP8IvAysC3JKWAb8FyfjyNJOkf9zMEX8EiSI0luWW5Qkm3ADcCnAZpn/HcB\n3wC+BbxQVY+ce2RJUj/6eQZ/bVWdSHI5cCjJsap6tMe4m4HPV9ULAElGgNuAK4HvAb+X5ANVdf/S\nHfft2/fq8ujoKKOjo2v9e0hSp83MzDAzM7OmfdZ0y74kdwIvVdVdPbYdAD5VVQ82n78H2FlV/6z5\n/JeBt1fVbyzZzzl4SVqjc75lX5JtSS5pli8GdrHwapil4y4Frgd+f9HqY8Dbk7w2SYAdwJfX9leQ\nJJ2t1aZotgMHFvqZrcD9VTWd5FaAqrq7Gfdu4GBVff/0jlX1ZJJPAEdYeJnkF4HfWef8kqRlrGmK\n5rwEcIpGktbsnKdoJEmblwUvSR1lwUtSR1nwktRRFrwkdZQFL0kdZcFLUkdZ8JLUURa8JHWUBS9J\nHWXBS1JHWfCS1FEWvCR1lAUvSR1lwUtSR1nwktRRFrwkdZQFL0kdZcFLUkdZ8JLUURa8JHWUBS9J\nHWXBS1JHWfCS1FEWvCR1lAUvSR1lwUtSR1nwktRRFrwkdZQFL0kdZcFLUkdZ8JLUURa8JHWUBS9J\nHWXBS1JHWfCS1FEWvCR1lAUvSR1lwUtSR1nwktRRFrwkddTW1QYkeQZ4ETgFvFxV1yzZ/kHgA4se\n7yrgMmA78OCioX8LuKOqJs49tiRpNamqlQckx4Grq+r5VR8seSdwW1XtWLL+IuA54JqqenbJtlot\ngyTpTEmoqqw0pt8pmhUfZJH3Aw/0WL8DmF1a7pKk86efgi/gkSRHktyy3KAk24AbgE/32Pxe4JNn\nF1GSdDZWnYMHrq2qE0kuBw4lOVZVj/YYdzPw+ap6YfHKJK9ptn1ouS+wb9++V5dHR0cZHR3tI5Yk\nXThmZmaYmZlZ0z6rzsGfMTi5E3ipqu7qse0A8KmqenDJ+ncB/6KqblzmMZ2Dl6Q1Ouc5+CTbklzS\nLF8M7AKO9hh3KXA98Ps9HuZ99J6XlySdR6tN0WwHDiQ5Pfb+qppOcitAVd3djHs3cLCqvr945+ag\nsANYdu5eknR+rGmK5rwEcIpGktasnymafk6yqkVTU4eZmJhmfn4rQ0MnGR/fxU03Xd92LEmbgAU/\nwKamDrN790FmZ/e/um52di+AJS9pVV6LZoBNTEyfUe4As7P7mZw81FIiSZuJBT/A5ud7/4I1N7dl\ng5NI2ows+AE2NHSy5/rh4VMbnETSZmTBD7Dx8V2MjOw9Y93IyB7Gxna2lEjSZuLLJAfc1NRhJicP\nMTe3heHhU4yN7fQEq6S+XiZpwUvSJrSelwuWJG0yFrwkdZQFL0kdZcFLUkdZ8JLUURa8JHWUBS9J\nHWXBS1JHWfA9rPXGththEDPBYOYyU3/M1L9BzbUaC76HQfxmDmImGMxcZuqPmfo3qLlWY8FLUkdZ\n8JLUUQNxsbFWA0jSJjXwV5OUJJ0fTtFIUkdZ8JLUUa0WfJIbkxxL8mdJPtRmlibPPUm+neRo21lO\nS3JFkj9J8qUkTycZH4BMw0keS/JEki8n+fdtZzotyZYkjyf5g7aznJbkmSRPNbm+0HYegCRvSPJQ\nkq8038O3t5znLc2/z+k/3xuQn/Xbm/97R5N8MsnQAGTa3eR5OsnuFQdXVSt/gC3A14ArgR8CngCu\naitPk+k64GeAo23mWJLpbwBvbZZfB3y17X+nJsu25uNW4H8B/6DtTE2efwncD3ym7SyLMh0H3th2\njiWZ7gP+6aLv4aVtZ1qU7SLgBHBFyzmuBL4ODDWffwr4Jy1n+ingKDDcdOghYGS58W0+g78G+FpV\nPVNVLwMPAu9qMQ9V9Sjwl21mWKqq/ryqnmiWXwK+AvxIu6mgqv5vs/gaFn7Qnm8xDgBJ3gz8I+B3\ngRVfXdCCgcmT5FLguqq6B6CqTlbV91qOtdgOYLaqnm05x4vAy8C2JFuBbcBz7Ubi7wCPVdVcVZ0C\nPgf84nKD2yz4HwUWfwO/2azTMpJcycJvGI+1mwSSXJTkCeDbwJ9U1ZfbzgT8B+BfAa+0HWSJAh5J\nciTJLW2HAX4c+E6Se5N8McnHkmxrO9Qi7wU+2XaIqnoeuAv4BvAt4IWqeqTdVDwNXJfkjc337Cbg\nzcsNbrPgfX3mGiR5HfAQsLt5Jt+qqnqlqt7Kwg/X9UlG28yT5J3AX1TV4wzQs+XGtVX1M8DPA7+R\n5LqW82wFfhb4T1X1s8BfA/+63UgLkrwGuBn4vQHIMgLcxsJUzY8Ar0vygTYzVdUx4CPANPDfgcdZ\n4QlNmwX/HHDFos+vYOFZvJZI8kPAp4H/UlX/re08izW/2k8Bb2s5ys8B/zjJceAB4B8m+UTLmQCo\nqhPNx+8AB1iYnmzTN4FvVtWfNp8/xELhD4KfB/5382/VtrcB/7OqvltVJ4H/ysLPWauq6p6qeltV\nvQN4gYXzcj21WfBHgJ9IcmVz1H4P8JkW8wykJAE+Dny5qv5j23kAklyW5A3N8muBnSw8k2hNVe2p\nqiuq6sdZ+BX/j6vqV9rMBJBkW5JLmuWLgV0snCRrTVX9OfBskr/drNoBfKnFSIu9j4UD9CA4Brw9\nyWub/4c7gNanIpP8cPPxx4BfYIXprK0bFWqpqjqZ5DeBgyycpPt4VX2lrTwASR4A3gG8KcmzwG9X\n1b1tZgKuBX4JeCrJ6RK9vaoebjHT3wTuS3IRC08S/nNV/VGLeXoZlCnA7cCBhX5gK3B/VU23GwmA\nMeD+5snVLPBrLec5fQDcAQzCeQqq6snmt8AjLEyDfBH4nXZTAfBQkjexcAL416vqxeUGeqkCSeoo\n38kqSR1lwUtSR1nwktRRFrwkdZQFL0kdZcFLUkdZ8JLUURa8JHXU/wMaQTIB4glzSgAAAABJRU5E\nrkJggg==\n",
"text": [
"<matplotlib.figure.Figure at 0x7fdc62d5f850>"
]
}
]
}
],
"metadata": {}
}
]
}
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment