In [1]:
import warnings
warnings.simplefilter("ignore")

import mhcflurry
import numpy
import seaborn
import logging
import pandas
from os import environ
from matplotlib import pyplot
from mhcflurry.downloads import get_path

% matplotlib inline

import IPython.core.display as display
Using Theano backend.
/Users/tim/miniconda3/envs/py3k/lib/python3.5/site-packages/sklearn/cross_validation.py:44: DeprecationWarning: This module was deprecated in version 0.18 in favor of the model_selection module into which all the refactored classes and functions are moved. Also note that the interface of the new CV iterators are different from that of this module. This module will be removed in 0.20.
  "This module will be removed in 0.20.", DeprecationWarning)
In [2]:
import IPython.core.display as di

# This line will hide code by default when the notebook is exported as HTML
di.display_html('<script>jQuery(function() {if (jQuery("body.notebook_app").length == 0) { jQuery(".input_area").toggle(); jQuery(".prompt").toggle(); jQuery("div.output_stderr").toggle();}});</script>', raw=True)

MHCflurry models

Class 1 allele specific ensemble models

This report describes the models published with MHCflurry for Class I affinity prediction. These models were trained on the "data_combined_iedb_kim2014" affinity measurement dataset (mostly from IEDB) distributed with MHCflurry.

Each allele's predictor is an ensemble of 16 models. The models were trained on a random 1/2 of the data for the allele and tested on the other half. The best performing model in terms of sum of AUC (at 500nM), F1, and Kendall Tau for each 50/50 split of the data was selected for inclusion in the ensemble.

In [3]:
all_models_df = pandas.read_csv(get_path("models_class1_allele_specific_ensemble", "all_models.csv.bz2"))
all_models_df["hyperparameters_layer_sizes"] = all_models_df["hyperparameters_layer_sizes"].map(eval)

full_training_data = mhcflurry.affinity_measurement_dataset.AffinityMeasurementDataset.from_csv(
    get_path("data_combined_iedb_kim2014", "combined_human_class1_dataset.csv"))

training_sizes = full_training_data.to_dataframe().allele.value_counts()

all_models_df["train_size"] = training_sizes.ix[all_models_df.allele].values

(ensemble_size,) = all_models_df.ensemble_size.value_counts().index
ensemble_size

selected_models_df = all_models_df.ix[all_models_df.weight > 0]
selected_models_df.shape

alleles = [x for x in training_sizes.sort_values().index if x in selected_models_df.allele.values]
In [4]:
training_sizes_for_included_alleles = training_sizes.ix[
    training_sizes.index.isin(all_models_df.allele)
]

lines = []
def row(label, value):
    lines.append('<tr><td><b>%s</b></td><td>%s</td></tr>' % (label, value))

lines.append('<h1>Models summary</h1>')
lines.append('<table>')

row("Num Alleles", "{:,d}".format(all_models_df.allele.nunique()))
row("Ensemble size", "{:,d}".format(ensemble_size))
row("Num architectures", "{:,d}".format(all_models_df.hyperparameters_architecture_num.nunique()))
row("Num selected models", "{:,d}".format((all_models_df.weight > 0).sum()))
row("Total models tested", "{:,d}".format(len(all_models_df)))
row("Total training measurements", "{:,d}".format(training_sizes_for_included_alleles.sum()))
row("Training measurement per allele",
    "min={:,g}; max={:,g}; median={:,g}".format(
        training_sizes_for_included_alleles.min(),
        training_sizes_for_included_alleles.max(),
        training_sizes_for_included_alleles.median()))


lines.append('</table>')
lines.append("<p><b>Alleles included: </b>%s</p>" % " ".join(
        training_sizes_for_included_alleles.index))


di.display_html("\n".join(lines), raw=True)

Models summary

Num Alleles132
Ensemble size16
Num architectures162
Num selected models2,112
Total models tested342,144
Total training measurements192,177
Training measurement per allelemin=26; max=12,357; median=721.5

Alleles included: HLA-A0201 HLA-A0301 HLA-A0203 HLA-A1101 H-2-KB HLA-A3101 HLA-A0206 HLA-A6802 H-2-DB HLA-A0101 HLA-B0702 HLA-A2601 HLA-B1501 HLA-A0202 HLA-A6801 HLA-A3301 HLA-B2705 HLA-B0801 HLA-A2402 HLA-B4001 HLA-B3501 HLA-B5801 HLA-B5101 HLA-B5701 HLA-A3001 HLA-B1801 HLA-A2902 Mamu-A01 HLA-A6901 HLA-A2301 HLA-B4402 Mamu-A100101 HLA-A3002 HLA-B4601 Mamu-B17 HLA-B3901 HLA-B5301 HLA-B1517 HLA-B4403 Mamu-A02 Mamu-B01704 Mamu-A11 HLA-A0219 HLA-A2403 HLA-B5401 HLA-A0212 HLA-A8001 Mamu-B03 HLA-A3201 Mamu-B08 H-2-KD HLA-A0211 HLA-B4501 HLA-B4002 HLA-B0802 HLA-A2501 HLA-A0216 Patr-B0101 Mamu-A101101 Mamu-B52 HLA-B4801 Mamu-B01 HLA-B2703 HLA-B1509 Patr-A0901 H-2-KK HLA-B1503 Mamu-A2201 Mamu-A07 Patr-A0701 HLA-A2602 H-2-DD Mamu-A100201 HLA-A2603 Patr-A0101 HLA-C0401 HLA-B3801 H-2-LD HLA-B0803 Mamu-B3901 Mamu-B8301 Patr-B2401 HLA-C0602 Patr-A0301 HLA-B1542 HLA-B4506 HLA-A0217 HLA-B8301 Patr-A0401 Patr-B1301 HLA-B3503 HLA-C1402 HLA-EQCA100101 HLA-B4201 Mamu-A2601 HLA-B1402 HLA-C1502 HLA-C1203 HLA-C0501 HLA-B1502 HLA-C0303 Mamu-B1001 Mamu-B8701 Mamu-A20102 HLA-C0702 HLA-RT1A HLA-A0250 HLA-B7301 HLA-A0205 Mamu-A70103 Mamu-B6601 HLA-B2720 HLA-A3207 HLA-C0802 HLA-A6823 HLA-B7 HLA-A6601 HLA-A0207 HLA-A2 HLA-A11 HLA-A3215 HLA-B3701 HLA-E0103 HLA-BOLA601301 HLA-B4013 HLA-BOLAHD6 HLA-B5802 HLA-B1401 HLA-B5703 HLA-A0319 HLA-B8101 HLA-A0302

In [5]:
architecture_num_to_row = all_models_df.groupby("hyperparameters_architecture_num").apply(lambda df: df.iloc[0])

hyperparameters = [
    x for x in architecture_num_to_row.columns
    if x.startswith("hyperparameters_") and pandas.Series([
        str(item) for item in architecture_num_to_row[x]
    ]).nunique() > 1
]
architecture_num_to_hyperparameters = {}
for _, row in architecture_num_to_row.iterrows():
    architecture_num_to_hyperparameters[row.hyperparameters_architecture_num] = (
        row[hyperparameters].to_dict())

Best models

This table gives the models most often selected for alleles with less than or equal to the given number of training samples.

In [6]:
result_df = []
cutoffs = [100, 500, 1000, numpy.inf]
for cutoff in cutoffs:
    selected_rates = all_models_df.ix[
        all_models_df.train_size <= cutoff
    ].groupby("hyperparameters_architecture_num").weight.mean().sort_values(ascending=False)
    best_architecture = selected_rates.index[0]
    d = dict(
        (key.replace("hyperparameters_", ""), value) for (key, value) in 
        architecture_num_to_hyperparameters[best_architecture].items())
    d["architecture selection rate (%)"] = selected_rates.ix[best_architecture] * 100
    result_df.append(d)
result_df = pandas.DataFrame(result_df, index=cutoffs)
result_df.index.name = "Training size cutoff"
result_df.T
Out[6]:
Training size cutoff 100.0 500.0 1000.0 inf
architecture selection rate (%) 3.27381 2.04545 2.27273 3.64583
architecture_num 112 81 112 27
dropout_probability 0.1 0 0.1 0.1
embedding_output_dim 8 8 8 8
fraction_negative 0.1 0 0.1 0
impute True True True False
layer_sizes [64] [12] [64] [12]
In [7]:
all_scores = all_models_df.scores_auc.dropna()
selected_scores = all_models_df.ix[all_models_df.weight > 0].scores_auc.dropna()

pyplot.figure(figsize=(10, 5))
seaborn.distplot(all_scores, label="All. Mean=%0.2f" % all_scores.mean())
seaborn.distplot(selected_scores, label="Selected. Mean=%0.2f" % selected_scores.mean())
#seaborn.set_context('talk')
pyplot.legend(loc='upper left', fontsize="x-large")
pyplot.xlim(xmin=0.5, xmax=1)
pyplot.xlabel("AUC", fontsize="x-large")
pyplot.title("AUCs across models and alleles", fontsize="xx-large")
Out[7]:
<matplotlib.text.Text at 0x1177537b8>
In [8]:
scores = all_models_df.groupby("allele").scores_auc.mean().to_frame().reset_index().sort_values("scores_auc", ascending=False)
scores["size"] = training_sizes.ix[scores.allele].values

pyplot.figure(figsize=(10, 30))
pyplot.title("Mean AUC over all models")
seaborn.barplot(y="allele", x="scores_auc", data=scores, orient="h", color="black")

pyplot.figure(figsize=(10, 5))
pyplot.title("Mean AUC over all models")
seaborn.regplot(x="size", y="scores_auc", data=scores, logx=True)
pyplot.xlim(xmin=0)
pyplot.ylim(ymin=0.5, ymax=1.0)
Out[8]:
(0.5, 1.0)
In [9]:
scores = all_models_df.groupby("hyperparameters_dropout_probability").scores_auc.mean().to_frame().reset_index().sort_values("scores_auc", ascending=False)

pyplot.figure(figsize=(10, 5))
pyplot.title("Dropout")
ax = seaborn.barplot(x="hyperparameters_dropout_probability", y="scores_auc", data=all_models_df)
pyplot.ylim(ymin=0.5, ymax=1)
Out[9]:
(0.5, 1)
In [10]:
count_impute = selected_models_df.groupby("allele").hyperparameters_impute.sum()

seaborn.regplot(training_sizes.ix[alleles], count_impute.ix[alleles])
pyplot.xlim(xmin=0, xmax=10000)
pyplot.ylim(ymin=0, ymax=16)
pyplot.title("Number of models (out of 16 total in each allele's ensemble)\nthat use imputation")
pyplot.xlabel("Training points for allele")
pyplot.ylabel("Num models")
Out[10]:
<matplotlib.text.Text at 0x11e086dd8>
In [11]:
impute_cums_df = selected_models_df.groupby("allele").hyperparameters_impute.mean().to_frame()
impute_cums_df["size"] = training_sizes
impute_cums_df = impute_cums_df.sort_values("size")
impute_cums_df["cum_mean"] = (
    impute_cums_df.hyperparameters_impute.cumsum() / (numpy.arange(len(impute_cums_df)) + 1))
impute_cums_df
seaborn.regplot("size", "cum_mean", data=impute_cums_df, fit_reg=False, logx=True)
pyplot.xscale("log")
pyplot.xlabel("IEDB Measurements")
pyplot.ylabel("Fraction of models using imputation")
pyplot.title(
    "Fraction of best models for alleles with <= x measurements\n"
    "that use imputation")
Out[11]:
<matplotlib.text.Text at 0x11977ab00>
In [12]:
seaborn.regplot(
    selected_models_df.train_size.values,
    selected_models_df.hyperparameters_dropout_probability.values,
    x_jitter=.015,
    y_jitter=.015)
pyplot.xlim(xmin=0)
pyplot.ylim(ymin=0)
pyplot.title("Dropout rate of selected models")
pyplot.xlabel("Training points for allele")
pyplot.ylabel("Dropout rate")
Out[12]:
<matplotlib.text.Text at 0x11f7f0c50>
In [13]:
seaborn.regplot(
    selected_models_df.train_size.values,
    selected_models_df.hyperparameters_embedding_output_dim.values,
    x_jitter=1,
    y_jitter=1)
pyplot.xlim(xmin=0)
pyplot.ylim(ymin=0)
pyplot.title("Embedding output dimensions of selected models")
pyplot.xlabel("Training points for allele")
pyplot.ylabel("Embedding output dimensions")
Out[13]:
<matplotlib.text.Text at 0x11f7e65c0>
In [14]:
seaborn.regplot(
    selected_models_df.train_size.values,
    selected_models_df.hyperparameters_layer_sizes.map(lambda x: x[0]).values,
    x_jitter=5,
    y_jitter=5)
pyplot.xlim(xmin=0)
pyplot.ylim(ymin=0)
pyplot.title("Hidden layer size of selected models")
pyplot.xlabel("Training points for allele")
pyplot.ylabel("Hidden layer size")
Out[14]:
<matplotlib.text.Text at 0x12214b940>
In [15]:
seaborn.regplot(
    selected_models_df.hyperparameters_embedding_output_dim.values,
    selected_models_df.hyperparameters_layer_sizes.map(lambda x: x[0]).values,
    x_jitter=5,
    y_jitter=5)
pyplot.xlim(xmin=0)
pyplot.ylim(ymin=0)
pyplot.title("Hidden layer size vs. embedding output dims of selected models")
pyplot.xlabel("Embedding output dimensions")
pyplot.ylabel("Hidden layer size")
Out[15]:
<matplotlib.text.Text at 0x12214b710>
In [16]:
log_path = get_path("models_class1_allele_specific_ensemble", "GENERATE.sh")
with open(log_path) as fd:
    di.display_html("<h1>Model selection invocation</h1><pre>%s</pre>" % fd.read(), raw=True)

Model selection invocation

#!/bin/bash

if [[ $# -eq 0 ]] ; then
    echo 'WARNING: This script is intended to be called with additional arguments to pass to mhcflurry-class1-allele-specific-cv-and-train'
    echo 'See README.md'
fi

set -e
set -x

DOWNLOAD_NAME=models_class1_allele_specific_ensemble
SCRATCH_DIR=/tmp/mhcflurry-downloads-generation
SCRIPT_ABSOLUTE_PATH="$(cd "$(dirname "${BASH_SOURCE[0]}")" && pwd)/$(basename "${BASH_SOURCE[0]}")"
SCRIPT_DIR=$(dirname "$SCRIPT_ABSOLUTE_PATH")
export PYTHONUNBUFFERED=1

mkdir -p "$SCRATCH_DIR"
rm -rf "$SCRATCH_DIR/$DOWNLOAD_NAME"
mkdir "$SCRATCH_DIR/$DOWNLOAD_NAME"

# Send stdout and stderr to a logfile included with the archive.
exec >  >(tee -ia "$SCRATCH_DIR/$DOWNLOAD_NAME/LOG.txt")
exec 2> >(tee -ia "$SCRATCH_DIR/$DOWNLOAD_NAME/LOG.txt" >&2)

# Log some environment info
date
pip freeze
git rev-parse HEAD
git status

cd $SCRATCH_DIR/$DOWNLOAD_NAME

mkdir models

cp $SCRIPT_DIR/models.py .
python models.py > models.json

time mhcflurry-class1-allele-specific-ensemble-train \
    --ensemble-size 16 \
    --model-architectures models.json \
    --train-data "$(mhcflurry-downloads path data_combined_iedb_kim2014)/combined_human_class1_dataset.csv" \
    --min-samples-per-allele 20 \
    --out-manifest selected_models.csv \
    --out-model-selection-manifest all_models.csv \
    --out-models models \
    --verbose \
    "$@"

bzip2 all_models.csv
cp $SCRIPT_ABSOLUTE_PATH .
tar -cjf "../${DOWNLOAD_NAME}.tar.bz2" *

echo "Created archive: $SCRATCH_DIR/$DOWNLOAD_NAME.tar.bz2"
In [17]:
log_path = get_path("models_class1_allele_specific_ensemble", "LOG.txt")
with open(log_path) as fd:
    lines = fd.readlines(100000)
    di.display_html("<h1>Model selection log (beginning)</h1><pre>%s</pre>" % "".join(lines), raw=True)

Model selection log (beginning)

+ date
Thu Mar 16 13:18:34 UTC 2017
+ pip freeze
alabaster==0.7.9
anaconda-clean==1.0
anaconda-client==1.5.1
anaconda-navigator==1.3.1
appdirs==1.4.0
argcomplete==1.0.0
astroid==1.4.7
astropy==1.2.1
Babel==2.3.4
backports.shutil-get-terminal-size==1.0.0
beautifulsoup4==4.5.1
biopython==1.68
bitarray==0.8.1
blaze==0.10.1
bokeh==0.12.2
boto==2.42.0
bottle==0.12.13
Bottleneck==1.1.0
cffi==1.7.0
chest==0.2.3
click==6.6
climate==0.4.6
cloudpickle==0.2.1
clyent==1.2.2
colorama==0.3.7
conda==4.2.9
conda-build==2.0.2
configobj==5.0.6
contextlib2==0.5.3
cryptography==1.5
CVXcanon==0.1.1
cvxpy==0.4.8
cycler==0.10.0
Cython==0.24.1
cytoolz==0.8.0
dask==0.11.0
datacache==0.4.20
datashape==0.5.2
decorator==4.0.10
dill==0.2.5
docutils==0.12
downhill==0.4.0
dynd==0.7.3.dev1
ecos==2.0.4
et-xmlfile==1.0.1
fancyimpute==0.1.0
fastcache==1.0.2
filelock==2.0.6
Flask==0.11.1
Flask-Cors==2.1.2
gevent==1.1.2
google-api-python-client==1.5.5
greenlet==0.4.10
gtfparse==0.0.6
h5py==2.6.0
HeapDict==1.0.0
httplib2==0.9.2
humanize==0.5.1
idna==2.1
imagesize==0.7.1
ipdb==0.10.2
ipykernel==4.5.0
ipython==5.1.0
ipython-genutils==0.1.0
ipywidgets==5.2.2
itsdangerous==0.24
jdcal==1.2
jedi==0.9.0
Jinja2==2.8
joblib==0.10.3
jsonschema==2.5.1
jupyter==1.0.0
jupyter-client==4.4.0
jupyter-console==5.0.0
jupyter-core==4.2.0
Keras==1.2.0
knnimpute==0.0.1
-e git+git@github.com:hammerlab/kubeface.git@91fa80a571b9f870c4ec945b834a97fdf863fbc7#egg=kubeface
lazy-object-proxy==1.2.1
llvmlite==0.13.0
locket==0.2.0
lxml==3.6.4
MarkupSafe==0.23
matplotlib==1.5.3
memoized-property==1.0.3
-e git+git@github.com:hammerlab/mhcflurry.git@2925ce8d6c08e8ac0170504b06f1be384a0fc169#egg=mhcflurry
mhcnames==0.1.0
mhctools==0.4.1
mistune==0.7.3
mock==2.0.0
mpmath==0.19
multipledispatch==0.4.8
multiprocess==0.70.4
nb-anacondacloud==1.2.0
nb-conda==2.0.0
nb-conda-kernels==2.0.0
nbconvert==4.2.0
nbformat==4.1.0
nbpresent==3.0.2
-e git+git@github.com:hammerlab/neon.git@f343737d19e1b9509137bf63b9d291d2d8c8bcaf#egg=neon
networkx==1.11
nltk==3.2.1
nose==1.3.7
notebook==4.2.3
numba==0.28.1
numexpr==2.6.1
numpy==1.11.1
oauth2client==4.0.0
odo==0.5.0
openpyxl==2.3.2
pandas==0.18.1
parse==1.6.6
partd==0.3.6
path.py==0.0.0
pathlib2==2.1.0
patsy==0.4.1
pbr==1.10.0
pep8==1.7.0
pepdata==0.7.0
pexpect==4.0.1
pickleshare==0.7.4
Pillow==3.3.1
pkginfo==1.3.2
plac==0.9.6
ply==3.9
progressbar33==2.4
prompt-toolkit==1.0.3
psutil==4.3.1
ptyprocess==0.5.1
py==1.4.31
pyasn1==0.1.9
pyasn1-modules==0.0.8
pycosat==0.6.1
pycparser==2.14
pycrypto==2.6.1
pycurl==7.43.0
pyensembl==1.0.3
pyflakes==1.3.0
Pygments==2.1.3
pylint==1.5.4
pyopen==0.0.6
pyOpenSSL==16.0.0
pyparsing==2.1.4
pytest==2.9.2
python-dateutil==2.5.3
pytz==2016.6.1
PyVCF==0.6.8
PyYAML==3.12
pyzmq==15.4.0
QtAwesome==0.3.3
qtconsole==4.2.1
QtPy==1.1.2
redis==2.10.5
requests==2.11.1
rope-py3k==0.9.4.post1
rsa==3.4.2
ruamel-yaml===-VERSION
scikit-image==0.12.3
scikit-learn==0.18.1
scipy==0.18.1
scs==1.2.6
seaborn==0.7.1
sercol==0.0.2
serializable==0.1.1
simplegeneric==0.8.1
simplejson==3.10.0
singledispatch==3.4.0.3
six==1.10.0
sklearn==0.0
snowballstemmer==1.2.1
sockjs-tornado==1.0.3
Sphinx==1.4.6
spyder==3.0.0
SQLAlchemy==1.0.13
statsmodels==0.6.1
sympy==1.0
tables==3.2.3.1
terminado==0.6
Theano==0.8.2
tinytimer==0.0.0
toolz==0.8.0
tornado==4.4.1
traitlets==4.3.0
typechecks==0.0.2
unicodecsv==0.14.1
uritemplate==3.0.0
varcode==0.5.11
wcwidth==0.1.7
Werkzeug==0.11.11
widgetsnbextension==1.2.6
wrapt==1.10.6
xlrd==1.0.0
XlsxWriter==0.9.3
xlwt==1.1.2
You are using pip version 8.1.2, however version 9.0.1 is available.
You should consider upgrading via the 'pip install --upgrade pip' command.
+ git rev-parse HEAD
2925ce8d6c08e8ac0170504b06f1be384a0fc169
+ git status
On branch add-class1-ensemble
Your branch is up-to-date with 'origin/add-class1-ensemble'.
nothing to commit, working directory clean
+ cd /tmp/mhcflurry-downloads-generation/models_class1_allele_specific_ensemble
+ mkdir models
+ cp /home/tim/sinai/git/mhcflurry/downloads-generation/models_class1_allele_specific_ensemble/models.py .
+ python models.py
Using Theano backend.
/home/tim/anaconda3/lib/python3.5/site-packages/sklearn/cross_validation.py:44: DeprecationWarning: This module was deprecated in version 0.18 in favor of the model_selection module into which all the refactored classes and functions are moved. Also note that the interface of the new CV iterators are different from that of this module. This module will be removed in 0.20.
  "This module will be removed in 0.20.", DeprecationWarning)
Models: 162
++ mhcflurry-downloads path data_combined_iedb_kim2014
Using Theano backend.
/home/tim/anaconda3/lib/python3.5/site-packages/sklearn/cross_validation.py:44: DeprecationWarning: This module was deprecated in version 0.18 in favor of the model_selection module into which all the refactored classes and functions are moved. Also note that the interface of the new CV iterators are different from that of this module. This module will be removed in 0.20.
  "This module will be removed in 0.20.", DeprecationWarning)
+ mhcflurry-class1-allele-specific-ensemble-train --ensemble-size 16 --model-architectures models.json --train-data /home/tim/.local/share/mhcflurry/4/0.0.8/data_combined_iedb_kim2014//combined_human_class1_dataset.csv --min-samples-per-allele 20 --out-manifest selected_models.csv --out-model-selection-manifest all_models.csv --out-models models --verbose --parallel-backend kubeface --target-tasks 10000 --kubeface-backend kubernetes --kubeface-storage gs://kubeface-tim --kubeface-worker-image hammerlab/mhcflurry-misc:latest --kubeface-kubernetes-task-resources-memory-mb 6000 --kubeface-worker-path-prefix venv-py3/bin --kubeface-max-simultaneous-tasks 200 --kubeface-speculation-max-reruns 3 --kubeface-cache-key-prefix tim-note-tim-2017-03-12-16-37-22-27499bde
Using Theano backend.
/home/tim/anaconda3/lib/python3.5/site-packages/sklearn/cross_validation.py:44: DeprecationWarning: This module was deprecated in version 0.18 in favor of the model_selection module into which all the refactored classes and functions are moved. Also note that the interface of the new CV iterators are different from that of this module. This module will be removed in 0.20.
  "This module will be removed in 0.20.", DeprecationWarning)
To show stack trace, run:
kill -s USR1 992
INFO:root:Running with arguments: Namespace(alleles=None, dask_scheduler=None, ensemble_size=16, kubeface_backend='kubernetes', kubeface_cache_key_prefix='tim-note-tim-2017-03-12-16-37-22-27499bde', kubeface_kubernetes_cluster=None, kubeface_kubernetes_image_pull_policy='Always', kubeface_kubernetes_retries=12, kubeface_kubernetes_task_resources_cpu=1, kubeface_kubernetes_task_resources_memory_mb=6000.0, kubeface_local_process_docker_command='docker', kubeface_max_simultaneous_tasks=200, kubeface_never_cleanup=False, kubeface_poll_seconds=30.0, kubeface_speculation_max_reruns=3, kubeface_speculation_percent=20, kubeface_speculation_runtime_percentile=99, kubeface_storage='gs://kubeface-tim', kubeface_wait_to_raise_task_exception=False, kubeface_worker_image='hammerlab/mhcflurry-misc:latest', kubeface_worker_kubeface_install_command='{pip} install https://github.com/hammerlab/kubeface/archive/master.zip', kubeface_worker_kubeface_install_policy='if-not-present', kubeface_worker_path_prefix='venv-py3/bin', kubeface_worker_pip='pip', kubeface_worker_pip_packages=[], max_models=None, min_samples_per_allele=20, model_architectures=<_io.TextIOWrapper name='models.json' mode='r' encoding='UTF-8'>, num_local_processes=None, num_local_threads=1, out_manifest='selected_models.csv', out_model_selection_manifest='all_models.csv', out_models_dir='models', parallel_backend='kubeface', quiet=False, target_tasks=10000, train_data='/home/tim/.local/share/mhcflurry/4/0.0.8/data_combined_iedb_kim2014//combined_human_class1_dataset.csv', verbose=True)
Using parallel backend: >
INFO:root:Read 162 model architectures
INFO:root:Loaded training data: Dataset(n=192550, alleles=['ELA-A1', 'Gogo-B0101', 'H-2-DB', 'H-2-DD', 'H-2-KB', 'H-2-KBM8', 'H-2-KD', 'H-2-KK', 'H-2-LD', 'H-2-LQ', 'HLA-A0101', 'HLA-A0201', 'HLA-A0202', 'HLA-A0203', 'HLA-A0204', 'HLA-A0205', 'HLA-A0206', 'HLA-A0207', 'HLA-A0210', 'HLA-A0211', 'HLA-A0212', 'HLA-A0216', 'HLA-A0217', 'HLA-A0219', 'HLA-A0250', 'HLA-A0301', 'HLA-A0302', 'HLA-A0319', 'HLA-A1', 'HLA-A11', 'HLA-A1101', 'HLA-A1102', 'HLA-A2', 'HLA-A2301', 'HLA-A24', 'HLA-A2402', 'HLA-A2403', 'HLA-A2501', 'HLA-A26', 'HLA-A2601', 'HLA-A2602', 'HLA-A2603', 'HLA-A2902', 'HLA-A3', 'HLA-A3/11', 'HLA-A3001', 'HLA-A3002', 'HLA-A3101', 'HLA-A3201', 'HLA-A3207', 'HLA-A3215', 'HLA-A3301', 'HLA-A6601', 'HLA-A6801', 'HLA-A6802', 'HLA-A6823', 'HLA-A6901', 'HLA-A7401', 'HLA-A8001', 'HLA-B0702', 'HLA-B0801', 'HLA-B0802', 'HLA-B0803', 'HLA-B1401', 'HLA-B1402', 'HLA-B1501', 'HLA-B1502', 'HLA-B1503', 'HLA-B1509', 'HLA-B1517', 'HLA-B1542', 'HLA-B1801', 'HLA-B27', 'HLA-B2701', 'HLA-B2702', 'HLA-B2703', 'HLA-B2704', 'HLA-B2705', 'HLA-B2706', 'HLA-B2710', 'HLA-B2720', 'HLA-B3501', 'HLA-B3503', 'HLA-B3508', 'HLA-B3701', 'HLA-B3801', 'HLA-B39', 'HLA-B3901', 'HLA-B40', 'HLA-B4001', 'HLA-B4002', 'HLA-B4013', 'HLA-B4201', 'HLA-B4202', 'HLA-B44', 'HLA-B4402', 'HLA-B4403', 'HLA-B4501', 'HLA-B4506', 'HLA-B4601', 'HLA-B4801', 'HLA-B51', 'HLA-B5101', 'HLA-B5201', 'HLA-B5301', 'HLA-B5401', 'HLA-B5701', 'HLA-B5702', 'HLA-B5703', 'HLA-B58', 'HLA-B5801', 'HLA-B5802', 'HLA-B60', 'HLA-B62', 'HLA-B7', 'HLA-B7301', 'HLA-B8', 'HLA-B8101', 'HLA-B8301', 'HLA-BOLA102101', 'HLA-BOLA200801', 'HLA-BOLA201201', 'HLA-BOLA402401', 'HLA-BOLA601301', 'HLA-BOLA601302', 'HLA-BOLAHD6', 'HLA-C0303', 'HLA-C0401', 'HLA-C0501', 'HLA-C0602', 'HLA-C0702', 'HLA-C0802', 'HLA-C1', 'HLA-C1203', 'HLA-C1402', 'HLA-C1502', 'HLA-C4', 'HLA-E0101', 'HLA-E0103', 'HLA-EQCA100101', 'HLA-RT1A', 'HLA-RT1BL', 'HLA-SLA10401', 'Mamu-A01', 'Mamu-A02', 'Mamu-A07', 'Mamu-A100101', 'Mamu-A100201', 'Mamu-A101101', 'Mamu-A11', 'Mamu-A20102', 'Mamu-A2201', 'Mamu-A2601', 'Mamu-A70103', 'Mamu-B01', 'Mamu-B01704', 'Mamu-B03', 'Mamu-B04', 'Mamu-B06502', 'Mamu-B08', 'Mamu-B1001', 'Mamu-B17', 'Mamu-B3901', 'Mamu-B52', 'Mamu-B6601', 'Mamu-B8301', 'Mamu-B8701', 'Patr-A0101', 'Patr-A0301', 'Patr-A0401', 'Patr-A0602', 'Patr-A0701', 'Patr-A0901', 'Patr-B0101', 'Patr-B0901', 'Patr-B1301', 'Patr-B1701', 'Patr-B2401'])
INFO:root:Filtered training dataset to alleles with >= 20 observations: Dataset(n=192177, alleles=['H-2-DB', 'H-2-DD', 'H-2-KB', 'H-2-KD', 'H-2-KK', 'H-2-LD', 'HLA-A0101', 'HLA-A0201', 'HLA-A0202', 'HLA-A0203', 'HLA-A0205', 'HLA-A0206', 'HLA-A0207', 'HLA-A0211', 'HLA-A0212', 'HLA-A0216', 'HLA-A0217', 'HLA-A0219', 'HLA-A0250', 'HLA-A0301', 'HLA-A0302', 'HLA-A0319', 'HLA-A11', 'HLA-A1101', 'HLA-A2', 'HLA-A2301', 'HLA-A2402', 'HLA-A2403', 'HLA-A2501', 'HLA-A2601', 'HLA-A2602', 'HLA-A2603', 'HLA-A2902', 'HLA-A3001', 'HLA-A3002', 'HLA-A3101', 'HLA-A3201', 'HLA-A3207', 'HLA-A3215', 'HLA-A3301', 'HLA-A6601', 'HLA-A6801', 'HLA-A6802', 'HLA-A6823', 'HLA-A6901', 'HLA-A8001', 'HLA-B0702', 'HLA-B0801', 'HLA-B0802', 'HLA-B0803', 'HLA-B1401', 'HLA-B1402', 'HLA-B1501', 'HLA-B1502', 'HLA-B1503', 'HLA-B1509', 'HLA-B1517', 'HLA-B1542', 'HLA-B1801', 'HLA-B2703', 'HLA-B2705', 'HLA-B2720', 'HLA-B3501', 'HLA-B3503', 'HLA-B3701', 'HLA-B3801', 'HLA-B3901', 'HLA-B4001', 'HLA-B4002', 'HLA-B4013', 'HLA-B4201', 'HLA-B4402', 'HLA-B4403', 'HLA-B4501', 'HLA-B4506', 'HLA-B4601', 'HLA-B4801', 'HLA-B5101', 'HLA-B5301', 'HLA-B5401', 'HLA-B5701', 'HLA-B5703', 'HLA-B5801', 'HLA-B5802', 'HLA-B7', 'HLA-B7301', 'HLA-B8101', 'HLA-B8301', 'HLA-BOLA601301', 'HLA-BOLAHD6', 'HLA-C0303', 'HLA-C0401', 'HLA-C0501', 'HLA-C0602', 'HLA-C0702', 'HLA-C0802', 'HLA-C1203', 'HLA-C1402', 'HLA-C1502', 'HLA-E0103', 'HLA-EQCA100101', 'HLA-RT1A', 'Mamu-A01', 'Mamu-A02', 'Mamu-A07', 'Mamu-A100101', 'Mamu-A100201', 'Mamu-A101101', 'Mamu-A11', 'Mamu-A20102', 'Mamu-A2201', 'Mamu-A2601', 'Mamu-A70103', 'Mamu-B01', 'Mamu-B01704', 'Mamu-B03', 'Mamu-B08', 'Mamu-B1001', 'Mamu-B17', 'Mamu-B3901', 'Mamu-B52', 'Mamu-B6601', 'Mamu-B8301', 'Mamu-B8701', 'Patr-A0101', 'Patr-A0301', 'Patr-A0401', 'Patr-A0701', 'Patr-A0901', 'Patr-B0101', 'Patr-B1301', 'Patr-B2401'])
INFO:root:Imputing: 16 tasks, imputation args: {'impute_min_observations_per_peptide': 3, 'imputer_args': {'n_imputations': 50, 'n_burn_in': 5, 'n_nearest_columns': 25}, 'impute_method': 'mice', 'impute_min_observations_per_allele': 3}
Job status available at:
	https://storage.cloud.google.com/kubeface-tim/active::json::tim-note-tim-2017-03-12-16-37-22-27499bde-000::node-master::dc8df332.json	[ gs://kubeface-tim/active::json::tim-note-tim-2017-03-12-16-37-22-27499bde-000::node-master::dc8df332.json ]
	https://storage.cloud.google.com/kubeface-tim/active::html::tim-note-tim-2017-03-12-16-37-22-27499bde-000::node-master::dc8df332.html	[ gs://kubeface-tim/active::html::tim-note-tim-2017-03-12-16-37-22-27499bde-000::node-master::dc8df332.html ]
WARNING:googleapiclient.discovery_cache:file_cache is unavailable when using oauth2client >= 4.0.0
Traceback (most recent call last):
  File "/home/tim/anaconda3/lib/python3.5/site-packages/googleapiclient/discovery_cache/__init__.py", line 36, in autodetect
    from google.appengine.api import memcache
ImportError: No module named 'google'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "/home/tim/anaconda3/lib/python3.5/site-packages/googleapiclient/discovery_cache/file_cache.py", line 33, in 
    from oauth2client.contrib.locked_file import LockedFile
ImportError: No module named 'oauth2client.contrib.locked_file'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "/home/tim/anaconda3/lib/python3.5/site-packages/googleapiclient/discovery_cache/file_cache.py", line 37, in 
    from oauth2client.locked_file import LockedFile
ImportError: No module named 'oauth2client.locked_file'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "/home/tim/anaconda3/lib/python3.5/site-packages/googleapiclient/discovery_cache/__init__.py", line 41, in autodetect
    from . import file_cache
  File "/home/tim/anaconda3/lib/python3.5/site-packages/googleapiclient/discovery_cache/file_cache.py", line 41, in 
    'file_cache is unavailable when using oauth2client >= 4.0.0')
ImportError: file_cache is unavailable when using oauth2client >= 4.0.0
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/discovery/v1/apis/storage/v1/rest
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000&alt=json&maxResults=100000
INFO:oauth2client.transport:Attempting refresh to obtain initial access_token
INFO:root:Submitting 200 tasks
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000000+0+1489457655+1489457740++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000001+1+1489457864+1489457929++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000002+0+1489457663+1489457721++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000003+0+1489457666+1489457726++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000004+0+1489457670+1489457730++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000005+0+1489457673+1489457758++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000006+0+1489457677+1489457770++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000007+0+1489457680+1489457744++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000008+1+1489457864+1489457929++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000009+0+1489457688+1489457749++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000010+0+1489457692+1489457802++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000011+0+1489457696+1489457783++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000012+0+1489457700+1489457809++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000013+0+1489457704+1489457802++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000014+0+1489457708+1489457792++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000015+1+1489457864+1489457923++value
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000&alt=json&maxResults=100000
INFO:googleapiclient.discovery:URL being requested: POST https://www.googleapis.com/upload/storage/v1/b/kubeface-tim/o?uploadType=multipart&alt=json
INFO:googleapiclient.discovery:URL being requested: POST https://www.googleapis.com/upload/storage/v1/b/kubeface-tim/o?uploadType=multipart&alt=json
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000&alt=json&maxResults=100000
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000000%2B0%2B1489457655%2B1489457740%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:14:21 2017
 *              run time : 0:01:18.176892
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000000-700a7d3f
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000000
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000000+0+1489457655+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000001%2B1%2B1489457864%2B1489457929%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:17:49 2017
 *              run time : 0:00:58.846496
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000001-ffcc73bc
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000001
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000001+1+1489457864+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000002%2B0%2B1489457663%2B1489457721%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:14:27 2017
 *              run time : 0:00:52.098150
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000002-8d3af68e
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000002
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000002+0+1489457663+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000003%2B0%2B1489457666%2B1489457726%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:14:31 2017
 *              run time : 0:00:53.772626
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000003-d1067c7f
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000003
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000003+0+1489457666+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000004%2B0%2B1489457670%2B1489457730%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:14:36 2017
 *              run time : 0:00:53.499716
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000004-dc19071a
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000004
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000004+0+1489457670+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000005%2B0%2B1489457673%2B1489457758%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:14:38 2017
 *              run time : 0:01:18.616956
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000005-839b9d82
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000005
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000005+0+1489457673+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000006%2B0%2B1489457677%2B1489457770%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:14:42 2017
 *              run time : 0:01:26.611738
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000006-20b45486
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000006
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000006+0+1489457677+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000007%2B0%2B1489457680%2B1489457744%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:14:46 2017
 *              run time : 0:00:56.961026
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000007-5eefd3f5
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000007
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000007+0+1489457680+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000008%2B1%2B1489457864%2B1489457929%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:17:49 2017
 *              run time : 0:00:58.927556
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000008-524729ed
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000008
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000008+1+1489457864+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000009%2B0%2B1489457688%2B1489457749%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:14:53 2017
 *              run time : 0:00:54.847812
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000009-502c6a6d
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000009
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000009+0+1489457688+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000010%2B0%2B1489457692%2B1489457802%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:14:57 2017
 *              run time : 0:01:43.951529
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000010-1b765a46
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000010
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000010+0+1489457692+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000011%2B0%2B1489457696%2B1489457783%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:15:03 2017
 *              run time : 0:01:19.163020
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000011-47f45acf
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000011
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000011+0+1489457696+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000012%2B0%2B1489457700%2B1489457809%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:15:07 2017
 *              run time : 0:01:41.604208
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000012-2408acf0
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000012
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000012+0+1489457700+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000013%2B0%2B1489457704%2B1489457802%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:15:10 2017
 *              run time : 0:01:30.512149
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000013-74fc3d7a
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000013
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000013+0+1489457704+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000014%2B0%2B1489457708%2B1489457792%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:15:15 2017
 *              run time : 0:01:16.764111
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000014-be568f1b
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000014
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000014+0+1489457708+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o/result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3A000015%2B1%2B1489457864%2B1489457923%2B%2Bvalue?alt=media
DEBUG:root:Download 100%.
DEBUG:root:Result (success): 
 *           result type : value
 *            start time : Tue Mar 14 02:17:49 2017
 *              run time : 0:00:52.669978
 *              hostname : tim-note-tim-2017-03-12-16-37-22-27499bde-000--000015-2dc3bbf2
 *              platform : Linux-4.4.21+-x86_64-with-Ubuntu-14.04-trusty
 *        python version : 3.4.3 (default, Nov 17 2016, 01:08:31) 
 *                         [GCC 4.8.4]
 *  invocation arguments : venv-py3/bin/_kubeface-run-task
 *                         gs://kubeface-tim/input::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000015
 *                         gs://kubeface-tim/result::tim-note-tim-2017-03-12-16-37-22-27499bde-000::000015+1+1489457864+{result_time}++{result_type}
 *                         --verbose
 *            input size : 10.0 MiB
 *           result size : 956.0 B
 *     return value type : 
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=active%3A%3Ahtml%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3Anode-master%3A%3Adc8df332.html&alt=json&maxResults=100000
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=active%3A%3Ajson%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3Anode-master%3A%3Adc8df332.json&alt=json&maxResults=100000
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=done%3A%3Ahtml%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3Anode-master%3A%3Adc8df332.html&alt=json&maxResults=100000
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=done%3A%3Ajson%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3Anode-master%3A%3Adc8df332.json&alt=json&maxResults=100000
INFO:root:Marking job 'tim-note-tim-2017-03-12-16-37-22-27499bde-000::node-master::dc8df332' done: renaming active::html::tim-note-tim-2017-03-12-16-37-22-27499bde-000::node-master::dc8df332.html -> done::html::tim-note-tim-2017-03-12-16-37-22-27499bde-000::node-master::dc8df332.html
INFO:googleapiclient.discovery:URL being requested: POST https://www.googleapis.com/storage/v1/b/kubeface-tim/o/active%3A%3Ahtml%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3Anode-master%3A%3Adc8df332.html/rewriteTo/b/kubeface-tim/o/done%3A%3Ahtml%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3Anode-master%3A%3Adc8df332.html?alt=json
INFO:googleapiclient.discovery:URL being requested: DELETE https://www.googleapis.com/storage/v1/b/kubeface-tim/o/active%3A%3Ahtml%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3Anode-master%3A%3Adc8df332.html?
INFO:root:Marking job 'tim-note-tim-2017-03-12-16-37-22-27499bde-000::node-master::dc8df332' done: renaming active::json::tim-note-tim-2017-03-12-16-37-22-27499bde-000::node-master::dc8df332.json -> done::json::tim-note-tim-2017-03-12-16-37-22-27499bde-000::node-master::dc8df332.json
INFO:googleapiclient.discovery:URL being requested: POST https://www.googleapis.com/storage/v1/b/kubeface-tim/o/active%3A%3Ajson%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3Anode-master%3A%3Adc8df332.json/rewriteTo/b/kubeface-tim/o/done%3A%3Ajson%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3Anode-master%3A%3Adc8df332.json?alt=json
INFO:googleapiclient.discovery:URL being requested: DELETE https://www.googleapis.com/storage/v1/b/kubeface-tim/o/active%3A%3Ajson%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-000%3A%3Anode-master%3A%3Adc8df332.json?
INFO:root:Imputation completed.
INFO:root:Training and scoring models: 9504 tasks (target was 10000), total work: 132 alleles * 16 ensemble size * 162 models = 342144, allele/models per task: (min=36 mean=36.000000 max=36)
Job status available at:
	https://storage.cloud.google.com/kubeface-tim/active::json::tim-note-tim-2017-03-12-16-37-22-27499bde-001::node-master::bd30c322.json	[ gs://kubeface-tim/active::json::tim-note-tim-2017-03-12-16-37-22-27499bde-001::node-master::bd30c322.json ]
	https://storage.cloud.google.com/kubeface-tim/active::html::tim-note-tim-2017-03-12-16-37-22-27499bde-001::node-master::bd30c322.html	[ gs://kubeface-tim/active::html::tim-note-tim-2017-03-12-16-37-22-27499bde-001::node-master::bd30c322.html ]
INFO:googleapiclient.discovery:URL being requested: GET https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-001&alt=json&maxResults=100000
INFO:googleapiclient.discovery:URL being requested: list_next https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-001&alt=json&maxResults=100000&pageToken=ClxyZXN1bHQ6OnRpbS1ub3RlLXRpbS0yMDE3LTAzLTEyLTE2LTM3LTIyLTI3NDk5YmRlLTAwMTo6MDAwOTk5KzArMTQ4OTQ2OTY4MCsxNDg5NDczOTg4Kyt2YWx1ZQ%3D%3D
INFO:googleapiclient.discovery:URL being requested: list_next https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-001&alt=json&maxResults=100000&pageToken=ClxyZXN1bHQ6OnRpbS1ub3RlLXRpbS0yMDE3LTAzLTEyLTE2LTM3LTIyLTI3NDk5YmRlLTAwMTo6MDAxOTk5KzArMTQ4OTQ4NDQxOCsxNDg5NDg2NjIwKyt2YWx1ZQ%3D%3D
INFO:googleapiclient.discovery:URL being requested: list_next https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-001&alt=json&maxResults=100000&pageToken=ClxyZXN1bHQ6OnRpbS1ub3RlLXRpbS0yMDE3LTAzLTEyLTE2LTM3LTIyLTI3NDk5YmRlLTAwMTo6MDAyOTk5KzArMTQ4OTQ5OTU0MCsxNDg5NTAwMjU4Kyt2YWx1ZQ%3D%3D
INFO:googleapiclient.discovery:URL being requested: list_next https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-001&alt=json&maxResults=100000&pageToken=ClxyZXN1bHQ6OnRpbS1ub3RlLXRpbS0yMDE3LTAzLTEyLTE2LTM3LTIyLTI3NDk5YmRlLTAwMTo6MDAzOTk5KzArMTQ4OTUxNDUxNSsxNDg5NTE1NzczKyt2YWx1ZQ%3D%3D
INFO:googleapiclient.discovery:URL being requested: list_next https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-001&alt=json&maxResults=100000&pageToken=ClxyZXN1bHQ6OnRpbS1ub3RlLXRpbS0yMDE3LTAzLTEyLTE2LTM3LTIyLTI3NDk5YmRlLTAwMTo6MDA0OTk5KzArMTQ4OTUzNzY1MSsxNDg5NTM4NDQxKyt2YWx1ZQ%3D%3D
INFO:googleapiclient.discovery:URL being requested: list_next https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-001&alt=json&maxResults=100000&pageToken=ClxyZXN1bHQ6OnRpbS1ub3RlLXRpbS0yMDE3LTAzLTEyLTE2LTM3LTIyLTI3NDk5YmRlLTAwMTo6MDA1OTkzKzArMTQ4OTU5ODE1MisxNDg5NTk5NjAzKyt2YWx1ZQ%3D%3D
INFO:googleapiclient.discovery:URL being requested: list_next https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-001&alt=json&maxResults=100000&pageToken=ClxyZXN1bHQ6OnRpbS1ub3RlLXRpbS0yMDE3LTAzLTEyLTE2LTM3LTIyLTI3NDk5YmRlLTAwMTo6MDA2OTkzKzArMTQ4OTYxMjIxNisxNDg5NjE1MjA0Kyt2YWx1ZQ%3D%3D
INFO:googleapiclient.discovery:URL being requested: list_next https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-001&alt=json&maxResults=100000&pageToken=ClxyZXN1bHQ6OnRpbS1ub3RlLXRpbS0yMDE3LTAzLTEyLTE2LTM3LTIyLTI3NDk5YmRlLTAwMTo6MDA3OTkzKzArMTQ4OTYyNjI5MisxNDg5NjI3MjU2Kyt2YWx1ZQ%3D%3D
INFO:googleapiclient.discovery:URL being requested: list_next https://www.googleapis.com/storage/v1/b/kubeface-tim/o?fields=nextPageToken%2Citems%28name%29&prefix=result%3A%3Atim-note-tim-2017-03-12-16-37-22-27499bde-001&alt=json&maxResults=100000&pageToken=ClxyZXN1bHQ6OnRpbS1ub3RlLXRpbS0yMDE3LTAzLTEyLTE2LTM3LTIyLTI3NDk5YmRlLTAwMTo6MDA4OTkzKzArMTQ4OTY0MDc5MSsxNDg5NjQxODkwKyt2YWx1ZQ%3D%3D
INFO:root:Submitting 200 tasks
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000000+0+1489458019+1489458400++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000001+0+1489458019+1489458434++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000002+0+1489458021+1489458422++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000003+0+1489458021+1489458476++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000004+0+1489458021+1489458540++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000005+0+1489458022+1489458562++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000006+0+1489458022+1489458629++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000007+0+1489458023+1489458656++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000008+0+1489458023+1489458869++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000009+0+1489458024+1489458596++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000010+0+1489595903+1489596458++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000011+0+1489458025+1489458441++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000012+0+1489458025+1489458467++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000013+0+1489458025+1489458503++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000014+0+1489458026+1489458515++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000015+0+1489458026+1489458633++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000016+0+1489458027+1489458556++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000017+0+1489458027+1489458634++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000018+0+1489458028+1489458658++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000019+0+1489458028+1489458958++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000020+0+1489458029+1489458591++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000021+0+1489458029+1489458813++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000022+0+1489595903+1489596632++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000023+0+1489458030+1489458505++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000024+0+1489458031+1489458523++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000025+0+1489458031+1489458547++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000026+0+1489595904+1489596627++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000027+0+1489458032+1489458651++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000028+0+1489458033+1489458723++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000029+0+1489458033+1489458772++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000030+0+1489458034+1489459085++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000031+0+1489458034+1489458677++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000032+0+1489458035+1489458961++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000033+0+1489458035+1489458625++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000034+0+1489458036+1489458532++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000035+0+1489458036+1489458589++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000036+0+1489458037+1489458619++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000037+0+1489595904+1489596492++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000038+0+1489458038+1489458744++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000039+0+1489458038+1489458958++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000040+0+1489595905+1489596441++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000041+0+1489458039+1489459572++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000042+0+1489458040+1489458866++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000043+0+1489458041+1489459228++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000044+0+1489595906+1489596703++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000045+0+1489458042+1489458602++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000046+0+1489595906+1489596653++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000047+0+1489458042+1489458736++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000048+0+1489458043+1489458855++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000049+0+1489458043+1489458868++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000050+0+1489458044+1489459058++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000051+0+1489458045+1489459204++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000052+0+1489458045+1489459723++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000053+0+1489458046+1489458939++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000054+0+1489458046+1489459355++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000055+0+1489458047+1489458660++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000056+0+1489458047+1489458625++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000057+0+1489458048+1489458664++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000058+0+1489458048+1489458779++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000059+0+1489458048+1489458991++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000060+0+1489595907+1489597567++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000061+0+1489458049+1489459214++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000062+0+1489595907+1489597108++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000063+0+1489458050+1489459831++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000064+0+1489595908+1489597561++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000065+0+1489458052+1489459628++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000066+0+1489458052+1489458700++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000067+0+1489458053+1489458746++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000068+0+1489458053+1489458764++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000069+1+1489649935+1489650676++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000070+0+1489458054+1489459238++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000071+0+1489458055+1489459195++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000072+0+1489458055+1489459311++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000073+0+1489458056+1489459636++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000074+0+1489458056+1489460483++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000075+0+1489458057+1489459463++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000076+0+1489458057+1489460044++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000077+0+1489458058+1489458802++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000078+0+1489458058+1489458831++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000079+0+1489458059+1489458924++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000080+0+1489595909+1489597328++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000081+0+1489458060+1489459267++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000082+1+1489649541+1489651104++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000083+0+1489458061+1489459426++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000084+0+1489458062+1489459630++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000085+0+1489458062+1489460680++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000086+0+1489458063+1489459519++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000087+0+1489458063+1489460252++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000088+0+1489458064+1489458834++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000089+0+1489458064+1489458960++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000090+0+1489595910+1489597719++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000091+0+1489458065+1489459041++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000092+0+1489458066+1489459377++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000093+0+1489458066+1489459268++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000094+1+1489649112+1489650749++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000095+0+1489458067+1489459895++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000096+0+1489458067+1489460869++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000097+0+1489458068+1489459671++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000098+0+1489458068+1489460449++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000099+0+1489458069+1489458549++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000100+0+1489595911+1489596353++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000101+0+1489595911+1489596327++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000102+0+1489458070+1489458642++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000103+0+1489458071+1489458742++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000104+0+1489458071+1489460003++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000105+0+1489458072+1489460432++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000106+0+1489458072+1489460360++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000107+0+1489458073+1489461423++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000108+0+1489458073+1489459744++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000109+0+1489458074+1489462692++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000110+0+1489458074+1489458948++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000111+0+1489458074+1489462203++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000112+0+1489458075+1489462657++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000113+0+1489458075+1489459352++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000114+0+1489458076+1489459170++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000115+0+1489458076+1489460944++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000116+0+1489458077+1489459340++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000117+0+1489458077+1489460231++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000118+0+1489458078+1489460638++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000119+0+1489458078+1489460697++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000120+0+1489458079+1489459698++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000121+0+1489458081+1489464019++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000122+0+1489458082+1489459067++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000123+0+1489458083+1489459098++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000124+0+1489458083+1489459346++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000125+0+1489458084+1489459511++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000126+0+1489458084+1489460475++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000127+0+1489458085+1489459904++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000128+0+1489458085+1489459917++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000129+0+1489458086+1489465379++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000130+0+1489458086+1489459792++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000131+0+1489458087+1489461125++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000132+0+1489458087+1489459758++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000133+0+1489458088+1489459424++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000134+0+1489458088+1489461160++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000135+0+1489458089+1489459631++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000136+0+1489458089+1489462651++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000137+0+1489458089+1489463343++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000138+0+1489458090+1489459677++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000139+0+1489458090+1489460631++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000140+0+1489458091+1489464476++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000141+0+1489458091+1489459731++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000142+0+1489458092+1489460031++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000143+0+1489458092+1489459741++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000144+0+1489458093+1489464063++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000145+0+1489458093+1489461520++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000146+0+1489458093+1489462194++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000147+0+1489458094+1489460258++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000148+0+1489458094+1489459444++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000149+0+1489458095+1489460788++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000150+0+1489458095+1489461183++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000151+0+1489458096+1489461212++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000152+0+1489458096+1489461615++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000153+0+1489458097+1489461864++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000154+0+1489458097+1489464987++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000155+0+1489458098+1489460949++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000156+0+1489458098+1489461545++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000157+0+1489458098+1489461130++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000158+0+1489458099+1489461456++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000159+0+1489458099+1489459654++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000160+0+1489458100+1489459550++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000161+0+1489458100+1489460440++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000162+0+1489458101+1489460927++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000163+0+1489458101+1489462167++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000164+0+1489458102+1489460262++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000165+0+1489458102+1489460918++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000166+0+1489458103+1489459525++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000167+0+1489458112+1489459825++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000168+0+1489458113+1489459516++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000169+0+1489458113+1489459856++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000170+0+1489458114+1489459656++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000171+0+1489458115+1489460286++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000172+0+1489458115+1489460216++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000173+0+1489458116+1489461338++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000174+0+1489458116+1489460060++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000175+0+1489458117+1489460829++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000176+0+1489458117+1489460440++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000177+0+1489458118+1489462512++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000178+0+1489458118+1489459587++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000179+0+1489458119+1489461929++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000180+0+1489458119+1489460111++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000181+0+1489458120+1489459974++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000182+0+1489458120+1489460400++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000183+0+1489458121+1489461809++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000184+0+1489458121+1489461880++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000185+0+1489458122+1489460176++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000186+0+1489458122+1489463550++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000187+0+1489458123+1489460379++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000188+0+1489458123+1489459415++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000189+0+1489458123+1489461261++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000190+0+1489458124+1489460594++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000191+0+1489458124+1489460791++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000192+0+1489458125+1489462264++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000193+0+1489458126+1489461229++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000194+0+1489458126+1489460700++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000195+0+1489458126+1489461467++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000196+0+1489458127+1489461427++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000197+0+1489458128+1489460984++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000198+0+1489458128+1489460369++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000199+0+1489458129+1489460011++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000200+0+1489458431+1489458925++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000201+0+1489458432+1489459877++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000202+0+1489458462+1489459267++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000203+0+1489458463+1489460501++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000204+0+1489458493+1489460057++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000205+0+1489458494+1489460351++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000206+0+1489458525+1489462540++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000207+0+1489458525+1489459254++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000208+0+1489458526+1489459525++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000209+0+1489458556+1489459467++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000210+0+1489458557+1489462883++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000211+0+1489458557+1489459122++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000212+0+1489458557+1489460878++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000213+0+1489458558+1489463175++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000214+0+1489458588+1489461622++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000215+0+1489458589+1489461340++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000216+0+1489458620+1489459603++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000217+0+1489458620+1489460853++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000218+0+1489458621+1489460535++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000219+0+1489458621+1489460341++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000220+0+1489458652+1489459237++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000221+0+1489458652+1489460268++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000222+0+1489458653+1489459870++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000223+0+1489458653+1489461243++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000224+0+1489458653+1489459707++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000225+0+1489458654+1489460605++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000226+0+1489458654+1489459590++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000227+0+1489458685+1489459604++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000228+0+1489458685+1489462983++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000229+0+1489458686+1489459701++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000230+0+1489458686+1489460851++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000231+0+1489458687+1489459413++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000232+0+1489458687+1489460586++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000233+0+1489458718+1489459448++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000234+0+1489458749+1489459606++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000235+0+1489458749+1489460541++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000236+0+1489458780+1489459678++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000237+0+1489458781+1489459860++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000238+0+1489458781+1489460537++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000239+0+1489458781+1489461773++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000240+0+1489458782+1489460351++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000241+0+1489458813+1489461391++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000242+0+1489458813+1489460298++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000243+0+1489458844+1489459914++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000244+0+1489458844+1489459683++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000245+0+1489458845+1489460611++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000246+0+1489458875+1489462491++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000247+0+1489458906+1489460183++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000248+0+1489458906+1489460638++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000249+0+1489458907+1489465041++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000250+0+1489458937+1489460986++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000251+0+1489458938+1489460314++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000252+0+1489458969+1489460935++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000253+0+1489458969+1489459822++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000254+0+1489458970+1489461192++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000255+0+1489458970+1489460899++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000256+0+1489458971+1489460860++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000257+0+1489459001+1489460429++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000258+0+1489459032+1489462464++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000259+0+1489459062+1489461346++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000260+0+1489459093+1489460789++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000261+0+1489459093+1489461614++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000262+0+1489459094+1489460419++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000263+0+1489459124+1489464016++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000264+0+1489459155+1489460363++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000265+0+1489459186+1489462876++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000266+0+1489459216+1489461356++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000267+0+1489459247+1489460143++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000268+0+1489459247+1489463170++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000269+0+1489459248+1489460951++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000270+0+1489459248+1489461126++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000271+0+1489459279+1489463130++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000272+0+1489459280+1489461692++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000273+0+1489459280+1489460944++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000274+0+1489459310+1489461449++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000275+0+1489459311+1489461706++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000276+0+1489459342+1489460699++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000277+0+1489459372+1489461760++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000278+0+1489459373+1489460833++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000279+0+1489459373+1489461744++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000280+0+1489459374+1489460955++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000281+0+1489459404+1489466817++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000282+0+1489459435+1489464774++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000283+0+1489459435+1489462883++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000284+0+1489459436+1489461553++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000285+0+1489459466+1489463958++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000286+0+1489459467+1489461781++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000287+0+1489459467+1489461059++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000288+0+1489459498+1489460715++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000289+0+1489459498+1489461807++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000290+0+1489459530+1489461549++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000291+0+1489459530+1489467193++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000292+0+1489459561+1489461609++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000293+0+1489459561+1489461793++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000294+0+1489459562+1489470429++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000295+0+1489459562+1489466141++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000296+0+1489459593+1489463045++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000297+0+1489459623+1489462060++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000298+0+1489459624+1489460237++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000299+0+1489459624+1489461582++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000300+0+1489459625+1489461420++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000301+0+1489459625+1489460967++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000302+0+1489459656+1489461143++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000303+0+1489459656+1489461899++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000304+0+1489459657+1489461990++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000305+0+1489459687+1489461698++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000306+0+1489459688+1489461239++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000307+0+1489459689+1489460797++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000308+0+1489459689+1489464727++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000309+0+1489459720+1489461921++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000310+0+1489459720+1489461844++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000311+0+1489459721+1489461255++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000312+0+1489459721+1489461862++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000313+0+1489459721+1489461143++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000314+0+1489459722+1489460608++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000315+0+1489459752+1489460863++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000316+0+1489459753+1489461305++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000317+0+1489459753+1489461080++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000318+0+1489459754+1489460993++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000319+0+1489459784+1489462420++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000320+0+1489459815+1489462019++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000321+0+1489459846+1489461131++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000322+0+1489459846+1489461432++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000323+0+1489459877+1489461071++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000324+0+1489459877+1489466127++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000325+0+1489459877+1489463792++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000326+0+1489459878+1489461192++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000327+0+1489459908+1489465753++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000328+0+1489459939+1489463234++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000329+0+1489459940+1489461722++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000330+0+1489459940+1489463715++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000331+0+1489459941+1489466134++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000332+0+1489460002+1489462115++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000333+0+1489460032+1489463008++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000334+0+1489460033+1489462221++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000335+0+1489460063+1489461636++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000336+0+1489460094+1489462406++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000337+0+1489460094+1489463155++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000338+0+1489460095+1489463464++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000339+0+1489460156+1489462669++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000340+0+1489460186+1489464537++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000341+0+1489460217+1489461693++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000342+0+1489460217+1489461078++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000343+0+1489460248+1489461718++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000344+0+1489460248+1489463691++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000345+0+1489460249+1489464702++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000346+0+1489460279+1489466194++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000347+0+1489460280+1489462252++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000348+0+1489460280+1489462679++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000349+0+1489460281+1489463338++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000350+0+1489460312+1489463423++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000351+0+1489460312+1489466139++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000352+0+1489460343+1489461567++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000353+0+1489460373+1489463040++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000354+0+1489460374+1489462086++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000355+0+1489460374+1489461508++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000356+0+1489460375+1489462151++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000357+0+1489460375+1489461795++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000358+0+1489460376+1489461811++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000359+0+1489460406+1489462189++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000360+0+1489460437+1489462732++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000361+0+1489460438+1489462751++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000362+0+1489460468+1489462740++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000363+0+1489460469+1489462119++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000364+0+1489460469+1489461845++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000365+0+1489460470+1489461930++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000366+0+1489460500+1489462283++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000367+0+1489460501+1489462114++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000368+0+1489460532+1489463354++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000369+0+1489460532+1489464241++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000370+0+1489460563+1489463763++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000371+0+1489460563+1489464682++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000372+0+1489460564+1489463069++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000373+0+1489460595+1489463420++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000374+0+1489460626+1489462476++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000375+0+1489460627+1489461669++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000376+0+1489460627+1489461739++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000377+0+1489460628+1489462690++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000378+0+1489460658+1489462958++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000379+0+1489460659+1489463224++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000380+0+1489460659+1489463576++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000381+0+1489460720+1489463354++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000382+0+1489460721+1489464660++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000383+0+1489460721+1489463038++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000384+0+1489460752+1489464495++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000385+0+1489460752+1489462627++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000386+0+1489460813+1489467029++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000387+0+1489460814+1489461976++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000388+0+1489460814+1489466797++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000389+0+1489460815+1489462657++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000390+0+1489460845+1489462745++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000391+0+1489460876+1489463007++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000392+0+1489460876+1489464013++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000393+0+1489460877+1489465761++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000394+0+1489460877+1489464147++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000395+0+1489460877+1489466287++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000396+0+1489460908+1489462448++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000397+0+1489460909+1489462779++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000398+0+1489460909+1489464407++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000399+0+1489460940+1489464875++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000400+0+1489460971+1489462720++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000401+0+1489460971+1489463610++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000402+0+1489460972+1489463361++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000403+0+1489460972+1489462261++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000404+0+1489460972+1489462362++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000405+0+1489460973+1489463671++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000406+0+1489461003+1489462305++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000407+0+1489461004+1489463390++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000408+0+1489461005+1489465235++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000409+0+1489461005+1489461994++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000410+0+1489461036+1489463564++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000411+0+1489461096+1489462659++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000412+0+1489461097+1489462567++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000413+0+1489461098+1489464166++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000414+0+1489461098+1489463177++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000415+0+1489461159+1489464328++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000416+0+1489461160+1489465001++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000417+0+1489461160+1489462994++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000418+0+1489461161+1489461903++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000419+0+1489461161+1489463730++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000420+0+1489461161+1489463854++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000421+0+1489461192+1489462422++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000422+0+1489461223+1489465175++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000423+0+1489461223+1489462167++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000424+0+1489461223+1489463329++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000425+0+1489461254+1489462726++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000426+0+1489461255+1489464227++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000427+0+1489461255+1489463434++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000428+0+1489461256+1489465876++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000429+0+1489461286+1489462817++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000430+0+1489461287+1489462344++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000431+0+1489461317+1489462364++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000432+0+1489461348+1489462905++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000433+0+1489461379+1489464705++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000434+0+1489461379+1489463804++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000435+0+1489461379+1489463515++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000436+0+1489461410+1489463225++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000437+0+1489461441+1489464736++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000438+0+1489461441+1489464152++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000439+0+1489461442+1489465996++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000440+0+1489461473+1489464533++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000441+0+1489461473+1489462714++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000442+0+1489461504+1489462752++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000443+0+1489461504+1489462591++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000444+0+1489461535+1489464057++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000445+0+1489461535+1489463552++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000446+0+1489461566+1489464037++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000447+0+1489461596+1489463830++value
INFO:root:Using existing result: result::tim-note-tim-2017-03-12-16-37-22-27499bde-001::000448+0+1489461597+1489465607++value