diff --git a/Code/MonoMutliViewClassifiers/ExecClassif.py b/Code/MonoMutliViewClassifiers/ExecClassif.py index 964e0351e9b092068e338a667f2628b271e7d95e..2afcb1adf617b14e8f145e0db6d5a198fba28e75 100644 --- a/Code/MonoMutliViewClassifiers/ExecClassif.py +++ b/Code/MonoMutliViewClassifiers/ExecClassif.py @@ -154,7 +154,7 @@ if args.log: logging.getLogger().addHandler(logging.StreamHandler()) getDatabase = getattr(DB, "get" + args.name + "DB" + args.type[1:]) -DATASET, LABELS_DICTIONARY = getDatabase(args.views, args.pathF, args.name, len(args.CL_classes), args.CL_classes) +DATASET, LABELS_DICTIONARY = getDatabase(args.views.split(":"), args.pathF, args.name, len(args.CL_classes), args.CL_classes) datasetLength = DATASET.get("Metadata").attrs["datasetLength"] NB_VIEW = DATASET.get("Metadata").attrs["nbView"] views = [str(DATASET.get("View"+str(viewIndex)).attrs["name"]) for viewIndex in range(NB_VIEW)] @@ -166,7 +166,7 @@ metric = metrics[0] logging.info("Start:\t Finding all available mono- & multiview algorithms") -benchmark = {} +benchmark = {"Monoview":{}, "Multiview":[]} if args.CL_type.split(":")==["Benchmark"]: if args.CL_algorithm=='': fusionModulesNames = [name for _, name, isPackage @@ -193,8 +193,8 @@ if args.CL_type.split(":")==["Benchmark"]: if "Multiview" in args.CL_type.strip(":"): benchmark["Multiview"] = {} if "Mumbo" in args.CL_algos_multiview.split(":"): - benchmark["Multiview"]["Mumbo"] = [args.MU_types.split(":")] - if "Fusion" in args.CL_algo_multiview.split(":"): + benchmark["Multiview"]["Mumbo"] = args.MU_types.split(":") + if "Fusion" in args.CL_algos_multiview.split(":"): benchmark["Multiview"]["Fusion"]= {} benchmark["Multiview"]["Fusion"]["Methods"] = dict((fusionType, []) for fusionType in args.FU_types.split(":")) if "LateFusion" in args.FU_types.split(":"): @@ -225,15 +225,18 @@ AdaboostKWARGS = {"0": args.CL_Ada_n_est.split(":"), "1": args.CL_Ada_b_est.spli argumentDictionaries = {"Monoview": {}, "Multiview": []} -if benchmark["Monoview"]: - for view in views: - argumentDictionaries["Monoview"][str(view)] = [] - for classifier in benchmark["Monoview"]: - - arguments = {classifier+"KWARGS": globals()[classifier+"KWARGS"], "feat":view, "fileFeat": args.fileFeat, - "fileCL": args.fileCL, "fileCLD": args.fileCLD, "CL_type": classifier} - - argumentDictionaries["Monoview"][str(view)].append(arguments) +try: + if benchmark["Monoview"]: + for view in views: + argumentDictionaries["Monoview"][str(view)] = [] + for classifier in benchmark["Monoview"]: + + arguments = {classifier+"KWARGS": globals()[classifier+"KWARGS"], "feat":view, "fileFeat": args.fileFeat, + "fileCL": args.fileCL, "fileCLD": args.fileCLD, "CL_type": classifier} + + argumentDictionaries["Monoview"][str(view)].append(arguments) +except: + pass bestClassifiers = [] bestClassifiersConfigs = [] resultsMonoview = [] @@ -251,51 +254,68 @@ for viewIndex, viewArguments in enumerate(argumentDictionaries["Monoview"].value bestClassifiersConfigs.append(classifiersConfigs[np.argmax(np.array(accuracies))]) # bestClassifiers = ["DecisionTree", "DecisionTree", "DecisionTree", "DecisionTree"] # bestClassifiersConfigs = [["1"],["1"],["1"],["1"]] - -if benchmark["Multiview"]: - if benchmark["Multiview"]["Mumbo"]: - for combination in itertools.combinations_with_replacement(range(len(benchmark["Multiview"]["Mumbo"])), NB_VIEW): - classifiersNames = [benchmark["Multiview"]["Mumbo"][index] for index in combination] - arguments = {"CL_type": "Mumbo", - "views": args.views.split(":"), - "NB_VIEW": len(args.views.split(":")), - "NB_CLASS": len(args.CL_classes.split(":")), - "LABELS_NAMES": args.CL_classes.split(":"), - "MumboKWARGS": {"classifiersNames": classifiersNames, - "maxIter":int(args.MU_iter[0]), "minIter":int(args.MU_iter[1]), - "threshold":args.MU_iter[2]}} - argumentDictionaries["Multiview"].append(arguments) - if benchmark["Multiview"]["Fusion"]: - if benchmark["Multiview"]["Fusion"]["Methods"]["LateFusion"] and benchmark["Multiview"]["Fusion"]["Classifiers"]: - for method in benchmark["Multiview"]["Fusion"]["Methods"]["LateFusion"]: - arguments = {"CL_type": "Fusion", - "views": args.views.split(":"), - "NB_VIEW": len(args.views.split(":")), - "NB_CLASS": len(args.CL_classes.split(":")), - "LABELS_NAMES": args.CL_classes.split(":"), - "FusionKWARGS": {"fusionType":"LateFusion", "fusionMethod":method, - "classifiersNames": bestClassifiers, - "classifiersConfigs": bestClassifiersConfigs, - 'fusionMethodConfig': fusionMethodConfig}} - argumentDictionaries["Multiview"].append(arguments) - if benchmark["Multiview"]["Fusion"]["Methods"]["EarlyFusion"] and benchmark["Multiview"]["Fusion"]["Classifiers"]: - for method in benchmark["Multiview"]["Fusion"]["Methods"]["EarlyFusion"]: - for classifier in benchmark["Multiview"]["Fusion"]["Classifiers"]: - arguments = {"CL_type": "Fusion", +try: + if benchmark["Multiview"]: + try: + if benchmark["Multiview"]["Mumbo"]: + for combination in itertools.combinations_with_replacement(range(len(benchmark["Multiview"]["Mumbo"])), NB_VIEW): + classifiersNames = [benchmark["Multiview"]["Mumbo"][index] for index in combination] + arguments = {"CL_type": "Mumbo", "views": args.views.split(":"), "NB_VIEW": len(args.views.split(":")), "NB_CLASS": len(args.CL_classes.split(":")), "LABELS_NAMES": args.CL_classes.split(":"), - "FusionKWARGS": {"fusionType":"EarlyFusion", "fusionMethod":method, - "classifiersNames": classifier, - "classifiersConfigs": fusionClassifierConfig, - 'fusionMethodConfig': fusionMethodConfig}} + "MumboKWARGS": {"classifiersNames": classifiersNames, + "maxIter":int(args.MU_iter[0]), "minIter":int(args.MU_iter[1]), + "threshold":args.MU_iter[2], + "classifiersConfigs": [argument.split(":") for argument in args.MU_config]}} argumentDictionaries["Multiview"].append(arguments) - -print len(argumentDictionaries["Multiview"]), len(argumentDictionaries["Monoview"]) + except: + pass + try: + if benchmark["Multiview"]["Fusion"]: + try: + if benchmark["Multiview"]["Fusion"]["Methods"]["LateFusion"] and benchmark["Multiview"]["Fusion"]["Classifiers"]: + for method in benchmark["Multiview"]["Fusion"]["Methods"]["LateFusion"]: + arguments = {"CL_type": "Fusion", + "views": args.views.split(":"), + "NB_VIEW": len(args.views.split(":")), + "NB_CLASS": len(args.CL_classes.split(":")), + "LABELS_NAMES": args.CL_classes.split(":"), + "FusionKWARGS": {"fusionType":"LateFusion", "fusionMethod":method, + "classifiersNames": bestClassifiers, + "classifiersConfigs": bestClassifiersConfigs, + 'fusionMethodConfig': fusionMethodConfig}} + argumentDictionaries["Multiview"].append(arguments) + except: + pass + try: + if benchmark["Multiview"]["Fusion"]["Methods"]["EarlyFusion"] and benchmark["Multiview"]["Fusion"]["Classifiers"]: + for method in benchmark["Multiview"]["Fusion"]["Methods"]["EarlyFusion"]: + for classifier in benchmark["Multiview"]["Fusion"]["Classifiers"]: + arguments = {"CL_type": "Fusion", + "views": args.views.split(":"), + "NB_VIEW": len(args.views.split(":")), + "NB_CLASS": len(args.CL_classes.split(":")), + "LABELS_NAMES": args.CL_classes.split(":"), + "FusionKWARGS": {"fusionType":"EarlyFusion", "fusionMethod":method, + "classifiersNames": classifier, + "classifiersConfigs": fusionClassifierConfig, + 'fusionMethodConfig': fusionMethodConfig}} + argumentDictionaries["Multiview"].append(arguments) + except: + pass + except: + pass +except: + pass + + +# print len(argumentDictionaries["Multiview"]), len(argumentDictionaries["Monoview"]) resultsMultiview = Parallel(n_jobs=nbCores)( delayed(ExecMultiview)(DATASET, args.name, args.CL_split, args.CL_nbFolds, 1, args.type, args.pathF, - LABELS_DICTIONARY, gridSearch=True, metrics=metrics, **arguments) + LABELS_DICTIONARY, #gridSearch=True, + metrics=metrics, **arguments) for arguments in argumentDictionaries["Multiview"]) results = (resultsMonoview, resultsMultiview) diff --git a/Code/MonoMutliViewClassifiers/MonoviewClassifiers/SVMLinear.py b/Code/MonoMutliViewClassifiers/MonoviewClassifiers/SVMLinear.py index 523e998bb70cb4bbfb738ed33e191091d8c59e2c..734a962922a6b8f587f89fdee806f7919d1d9df8 100644 --- a/Code/MonoMutliViewClassifiers/MonoviewClassifiers/SVMLinear.py +++ b/Code/MonoMutliViewClassifiers/MonoviewClassifiers/SVMLinear.py @@ -6,7 +6,7 @@ from scipy.stats import randint def fit(DATASET, CLASS_LABELS, NB_CORES=1,**kwargs): C = int(kwargs['0']) - classifier = SVC(C=C, kernel='linear', probability=True) + classifier = SVC(C=C, kernel='linear', probability=True, max_iter=1000) classifier.fit(DATASET, CLASS_LABELS) return classifier @@ -25,7 +25,7 @@ def fit(DATASET, CLASS_LABELS, NB_CORES=1,**kwargs): def gridSearch(X_train, y_train, nbFolds=4, nbCores=1, metric=["accuracy_score", None], nIter=30): - pipeline_SVMLinear = Pipeline([('classifier', SVC(kernel="linear"))]) + pipeline_SVMLinear = Pipeline([('classifier', SVC(kernel="linear", max_iter=1000))]) param_SVMLinear = {"classifier__C":randint(1, 10000)} metricModule = getattr(Metrics, metric[0]) if metric[1]!=None: diff --git a/Code/MonoMutliViewClassifiers/MonoviewClassifiers/SVMPoly.py b/Code/MonoMutliViewClassifiers/MonoviewClassifiers/SVMPoly.py index 7285b29e98804cc32ee92e9c418aec4e4fac744a..108c8449db66ae3ef64ba452d3a03d501fa2a47a 100644 --- a/Code/MonoMutliViewClassifiers/MonoviewClassifiers/SVMPoly.py +++ b/Code/MonoMutliViewClassifiers/MonoviewClassifiers/SVMPoly.py @@ -7,7 +7,7 @@ from scipy.stats import randint def fit(DATASET, CLASS_LABELS, NB_CORES=1,**kwargs): C = int(kwargs['0']) degree = int(kwargs['1']) - classifier = SVC(C=C, kernel='poly', degree=degree, probability=True) + classifier = SVC(C=C, kernel='poly', degree=degree, probability=True, max_iter=1000) classifier.fit(DATASET, CLASS_LABELS) return classifier @@ -25,7 +25,7 @@ def fit(DATASET, CLASS_LABELS, NB_CORES=1,**kwargs): def gridSearch(X_train, y_train, nbFolds=4, nbCores=1, metric=["accuracy_score", None], nIter=30): - pipeline_SVMPoly = Pipeline([('classifier', SVC(kernel="poly"))]) + pipeline_SVMPoly = Pipeline([('classifier', SVC(kernel="poly", max_iter=1000))]) param_SVMPoly = {"classifier__C": randint(1, 10000), "classifier__degree":randint(1, 30)} metricModule = getattr(Metrics, metric[0]) if metric[1]!=None: diff --git a/Code/MonoMutliViewClassifiers/MonoviewClassifiers/SVMRBF.py b/Code/MonoMutliViewClassifiers/MonoviewClassifiers/SVMRBF.py index 481f2ec0ee632af4c65829265f4a7c84374c7522..87e2ae202739e0509a1fb90a5dac913aa7f9cabc 100644 --- a/Code/MonoMutliViewClassifiers/MonoviewClassifiers/SVMRBF.py +++ b/Code/MonoMutliViewClassifiers/MonoviewClassifiers/SVMRBF.py @@ -6,7 +6,7 @@ from scipy.stats import randint def fit(DATASET, CLASS_LABELS, NB_CORES=1,**kwargs): C = int(kwargs['0']) - classifier = SVC(C=C, kernel='rbf', probability=True) + classifier = SVC(C=C, kernel='rbf', probability=True, max_iter=1000) classifier.fit(DATASET, CLASS_LABELS) return classifier @@ -25,7 +25,7 @@ def fit(DATASET, CLASS_LABELS, NB_CORES=1,**kwargs): def gridSearch(X_train, y_train, nbFolds=4, nbCores=1, metric=["accuracy_score", None], nIter=30): - pipeline_SVMRBF = Pipeline([('classifier', SVC(kernel="rbf"))]) + pipeline_SVMRBF = Pipeline([('classifier', SVC(kernel="rbf", max_iter=1000))]) param_SVMRBF = {"classifier__C": randint(1, 10000)} metricModule = getattr(Metrics, metric[0]) if metric[1]!=None: diff --git a/Code/MonoMutliViewClassifiers/Multiview/ExecMultiview.py b/Code/MonoMutliViewClassifiers/Multiview/ExecMultiview.py index aa2160d50fc8a876746a06d36d34c868ee38ff2d..ad434d7f7180cf529db28205f7dc11db45b1178c 100644 --- a/Code/MonoMutliViewClassifiers/Multiview/ExecMultiview.py +++ b/Code/MonoMutliViewClassifiers/Multiview/ExecMultiview.py @@ -65,7 +65,6 @@ def ExecMultiview(DATASET, name, learningRate, nbFolds, nbCores, databaseType, p extractionTime = time.time() - t_start classifierPackage = globals()[CL_type] # Permet d'appeler un module avec une string - initKWARGS = kwargs[CL_type + 'KWARGS'] classifierModule = getattr(classifierPackage, CL_type) classifierClass = getattr(classifierModule, CL_type) classifierGridSearch = getattr(classifierModule, "gridSearch_hdf5") @@ -122,9 +121,9 @@ def ExecMultiview(DATASET, name, learningRate, nbFolds, nbCores, databaseType, p stringAnalysis, imagesAnalysis, train, test, val = analysisModule.execute(kFoldClassifier, kFoldPredictedTrainLabels, kFoldPredictedTestLabels, kFoldPredictedValidationLabels, - DATASET, initKWARGS, learningRate, LABELS_DICTIONARY, + DATASET, classificationKWARGS, learningRate, LABELS_DICTIONARY, views, nbCores, times, kFolds, name, nbFolds, - validationIndices) + validationIndices, gridSearch, nIter) labelsSet = set(LABELS_DICTIONARY.values()) logging.info(stringAnalysis) featureString = "-".join(views) @@ -139,12 +138,12 @@ def ExecMultiview(DATASET, name, learningRate, nbFolds, nbCores, databaseType, p if imagesAnalysis is not None: for imageName in imagesAnalysis: - # if os.path.isfile(outputFileName + imageName + ".png"): - # for i in range(1,20): - # testFileName = outputFileName + imageName + "-" + str(i) + ".png" - # if os.path.isfile(testFileName )!=True: - # imagesAnalysis[imageName].savefig(testFileName) - # break + if os.path.isfile(outputFileName + imageName + ".png"): + for i in range(1,20): + testFileName = outputFileName + imageName + "-" + str(i) + ".png" + if os.path.isfile(testFileName )!=True: + imagesAnalysis[imageName].savefig(testFileName) + break imagesAnalysis[imageName].savefig(outputFileName + imageName + '.png') diff --git a/Code/MonoMutliViewClassifiers/Multiview/Fusion/analyzeResults.py b/Code/MonoMutliViewClassifiers/Multiview/Fusion/analyzeResults.py index 2dabc62c082d9b2288a70fc80d697f606885cc8f..04e9cb2195f0d55255c9b17f33ce240848360de9 100644 --- a/Code/MonoMutliViewClassifiers/Multiview/Fusion/analyzeResults.py +++ b/Code/MonoMutliViewClassifiers/Multiview/Fusion/analyzeResults.py @@ -23,18 +23,9 @@ def execute(kFoldClassifier, kFoldPredictedTrainLabels, kFoldPredictedTestLabels DATASET_LENGTH = DATASET.get("datasetLength").value-len(validationIndices) NB_CLASS = DATASET.get("nbClass").value - kFoldPredictedTrainLabelsByIter = [] - kFoldPredictedTestLabelsByIter = [] - kFoldPredictedValidationLabelsByIter = [] - kFoldBestClassifiers = [] - kFoldGeneralAlphas = [] - kFoldBestViews = [] kFoldAccuracyOnTrain = [] kFoldAccuracyOnTest = [] kFoldAccuracyOnValidation = [] - kFoldAccuracyOnTrainByIter = [] - kFoldAccuracyOnTestByIter = [] - kFoldAccuracyOnValidationByIter = [] for foldIdx, fold in enumerate(kFolds): if fold != range(DATASET_LENGTH): trainIndices = [index for index in range(DATASET_LENGTH) if index not in fold] diff --git a/Code/MonoMutliViewClassifiers/Multiview/GetMultiviewDb.py b/Code/MonoMutliViewClassifiers/Multiview/GetMultiviewDb.py index a69ea79e7e016af556bff118a2ae1bd2c7d6a66c..0683cf9f9e3c59ea8b30d07dde330689a6b26600 100644 --- a/Code/MonoMutliViewClassifiers/Multiview/GetMultiviewDb.py +++ b/Code/MonoMutliViewClassifiers/Multiview/GetMultiviewDb.py @@ -27,6 +27,7 @@ def getDataset(pathToDB, viewNames, DBName): def getFakeDBhdf5(features, pathF, name , NB_CLASS, LABELS_NAME): NB_VIEW = len(features) DATASET_LENGTH = 300 + NB_CLASS = 2 VIEW_DIMENSIONS = np.random.random_integers(5, 20, NB_VIEW) DATA = dict((indx, @@ -36,6 +37,7 @@ def getFakeDBhdf5(features, pathF, name , NB_CLASS, LABELS_NAME): for indx, viewDimension in enumerate(VIEW_DIMENSIONS)) CLASS_LABELS = np.random.random_integers(0, NB_CLASS-1, DATASET_LENGTH) + print CLASS_LABELS LABELS_DICTIONARY = dict((indx, feature) for indx, feature in enumerate(features)) datasetFile = h5py.File(pathF+"Fake.hdf5", "w") for index, viewData in enumerate(DATA.values()): @@ -389,8 +391,13 @@ def getModifiedMultiOmicDBcsv(features, path, name, NB_CLASS, LABELS_NAMES): logging.debug("Start:\t Getting RNASeq Data") rnaseqData = np.genfromtxt(path+"matching_rnaseq.csv", delimiter=',') - rnaseqDset = datasetFile.create_dataset("View2", rnaseqData.shape) - rnaseqDset[...] = rnaseqData + uselessRows = [] + for rowIndex, row in enumerate(np.transpose(rnaseqData)): + if not row.any(): + uselessRows.append(rowIndex) + usefulRows = [usefulRowIndex for usefulRowIndex in range(rnaseqData.shape[1]) if usefulRowIndex not in uselessRows] + rnaseqDset = datasetFile.create_dataset("View2", (rnaseqData.shape[0], len(usefulRows))) + rnaseqDset[...] = rnaseqData[:, usefulRows] rnaseqDset.attrs["name"]="RNASeq_" logging.debug("Done:\t Getting RNASeq Data") @@ -403,16 +410,34 @@ def getModifiedMultiOmicDBcsv(features, path, name, NB_CLASS, LABELS_NAMES): - logging.debug("Start:\t Getting Modified RNASeq Data") + logging.debug("Start:\t Getting Sorted RNASeq Data") RNASeq = datasetFile["View2"][...] modifiedRNASeq = np.zeros((datasetFile.get("Metadata").attrs["datasetLength"], datasetFile.get("View2").shape[1]), dtype=int) - for exampleindice, exampleArray in enumerate(RNASeq): + for exampleIndex, exampleArray in enumerate(RNASeq): RNASeqDictionary = dict((index, value) for index, value in enumerate(exampleArray)) sorted_x = sorted(RNASeqDictionary.items(), key=operator.itemgetter(1)) - modifiedRNASeq[exampleindice] = np.array([index for (index, value) in sorted_x], dtype=int) + modifiedRNASeq[exampleIndex] = np.array([index for (index, value) in sorted_x], dtype=int) mrnaseqDset = datasetFile.create_dataset("View4", modifiedRNASeq.shape, data=modifiedRNASeq) - mrnaseqDset.attrs["name"] = "MRNASeq" - logging.debug("Done:\t Getting Modified RNASeq Data") + mrnaseqDset.attrs["name"] = "SRNASeq" + logging.debug("Done:\t Getting Sorted RNASeq Data") + + logging.debug("Start:\t Getting Binned RNASeq Data") + SRNASeq = datasetFile["View4"][...] + nbBins = 372 + binLen = 935 + binOffset = 187 + bins = np.zeros((nbBins, binLen), dtype=int) + for binIndex in range(nbBins): + bins[binIndex] = np.arange(binLen)+binIndex*binOffset + binnedRNASeq = np.zeros((datasetFile.get("Metadata").attrs["datasetLength"], datasetFile.get("View2").shape[1]*nbBins), dtype=bool) + for exampleIndex, exampleArray in enumerate(SRNASeq): + for geneRank, geneIndex in enumerate(exampleArray): + for binIndex, bin in bins: + if geneRank in bin: + binnedRNASeq[exampleIndex, geneIndex*nbBins+binIndex] = True + brnaseqDset = datasetFile.create_dataset("View5", binnedRNASeq.shape, data=binnedRNASeq) + brnaseqDset.attrs["name"] = "BRNASeq" + logging.debug("Done:\t Getting Binned RNASeq Data") labelFile = open(path+'brca_labels_triple-negatif.csv') labels = np.array([int(line.strip().split(',')[1]) for line in labelFile]) diff --git a/Code/MonoMutliViewClassifiers/Multiview/Mumbo/Mumbo.py b/Code/MonoMutliViewClassifiers/Multiview/Mumbo/Mumbo.py index 3f4821521dd3c37d3025cc3aef1a05f3c15af089..449df21f728b85812bddd830e16d55ccbcfb9039 100644 --- a/Code/MonoMutliViewClassifiers/Multiview/Mumbo/Mumbo.py +++ b/Code/MonoMutliViewClassifiers/Multiview/Mumbo/Mumbo.py @@ -13,11 +13,11 @@ from sklearn.metrics import accuracy_score def computeWeights(DATASET_LENGTH, iterIndex, viewIndice, CLASS_LABELS, costMatrices): dist = np.sum(costMatrices[iterIndex, viewIndice]) dist = dist - np.sum(np.array( - [costMatrices[iterIndex, viewIndice, exampleIndice, CLASS_LABELS[exampleIndice]] for exampleIndice in + [costMatrices[iterIndex, viewIndice, exampleIndice, int(CLASS_LABELS[exampleIndice])] for exampleIndice in range(DATASET_LENGTH)])) weights = np.array([-costMatrices[iterIndex, viewIndice, - exampleIndice, CLASS_LABELS[exampleIndice]] / dist + exampleIndice, int(CLASS_LABELS[exampleIndice])] / dist for exampleIndice in range(DATASET_LENGTH)]) return weights @@ -146,7 +146,7 @@ class Mumbo: # Learning isStabilized=False self.iterIndex = 0 - while not isStabilized or self.iterIndex >= self.maxIter: + while not isStabilized and not self.iterIndex >= self.maxIter-1: if self.iterIndex > self.minIter: coeffs = np.polyfit(np.log(np.arange(self.iterIndex)+0.00001), self.iterAccuracies[:self.iterIndex], 1) if coeffs[0]/self.iterIndex < self.threshold: @@ -156,7 +156,7 @@ class Mumbo: classifiers, predictedLabels, areBad = self.trainWeakClassifiers_hdf5(DATASET, trainIndices, NB_CLASS, DATASET_LENGTH, NB_VIEW) if areBad.all(): - logging.warning("WARNING:\tAll bad for iteration " + str(self.iterIndex)) + logging.warning("\t\tWARNING:\tAll bad for iteration " + str(self.iterIndex)) self.predictions[self.iterIndex] = predictedLabels @@ -288,7 +288,7 @@ class Mumbo: [costMatrix[exampleIndice, int(predictionMatrix[exampleIndice])] for exampleIndice in range(DATASET_LENGTH)]))) tCost = float(np.sum( - np.array([-costMatrix[exampleIndice, CLASS_LABELS[exampleIndice]] for exampleIndice in + np.array([-costMatrix[exampleIndice, int(CLASS_LABELS[exampleIndice])] for exampleIndice in range(DATASET_LENGTH)]))) if tCost == 0.: self.edges[self.iterIndex, viewIndex] = -cCost @@ -350,7 +350,7 @@ class Mumbo: if classe != CLASS_LABELS[exampleIndice]: self.costMatrices[self.iterIndex + 1, viewIndice, exampleIndice, classe] \ = 1.0 * math.exp(self.fs[self.iterIndex, viewIndice, exampleIndice, classe] - - self.fs[self.iterIndex, viewIndice, exampleIndice, CLASS_LABELS[exampleIndice]]) + self.fs[self.iterIndex, viewIndice, exampleIndice, int(CLASS_LABELS[exampleIndice])]) else: self.costMatrices[self.iterIndex + 1, viewIndice, exampleIndice, classe] \ = -1. * np.sum(np.exp(self.fs[self.iterIndex, viewIndice, exampleIndice] - @@ -389,7 +389,7 @@ class Mumbo: if classe != CLASS_LABELS[exampleIndice]: self.generalCostMatrix[self.iterIndex, exampleIndice, classe] \ = math.exp(self.generalFs[self.iterIndex, exampleIndice, classe] - - self.generalFs[self.iterIndex, exampleIndice, CLASS_LABELS[exampleIndice]]) + self.generalFs[self.iterIndex, exampleIndice, int(CLASS_LABELS[exampleIndice])]) else: self.generalCostMatrix[self.iterIndex, exampleIndice, classe] \ = -1 * np.sum(np.exp(self.generalFs[self.iterIndex, exampleIndice] - diff --git a/Code/MonoMutliViewClassifiers/Multiview/Mumbo/analyzeResults.py b/Code/MonoMutliViewClassifiers/Multiview/Mumbo/analyzeResults.py index 6afefd12cbbb953f3bb547f02cc79484a14fc421..057b64744eecd7d6c56689cd6f68036ebdfd9b2c 100644 --- a/Code/MonoMutliViewClassifiers/Multiview/Mumbo/analyzeResults.py +++ b/Code/MonoMutliViewClassifiers/Multiview/Mumbo/analyzeResults.py @@ -15,7 +15,8 @@ def findMainView(bestViews): return mainView -def plotAccuracyByIter(trainAccuracy, testAccuracy, validationAccuracy, NB_ITER, bestViews, features, classifierAnalysis, viewNames): +def plotAccuracyByIter(trainAccuracy, testAccuracy, validationAccuracy, NB_ITER, bestViews, features, classifierAnalysis): + print NB_ITER x = range(NB_ITER) mainView = findMainView(bestViews) figure = plt.figure() @@ -25,7 +26,7 @@ def plotAccuracyByIter(trainAccuracy, testAccuracy, validationAccuracy, NB_ITER, titleString = "" for view, classifierConfig in zip(features, classifierAnalysis): titleString += "\n" + view + " : " + classifierConfig - titleString+="\nBest view = " + features[int(mainView)] + titleString += "\nBest view = " + features[int(mainView)] ax1.set_title("Accuracy depending on iteration", fontsize=20) plt.text(0.5, 1.08, titleString, @@ -76,24 +77,65 @@ def error(testLabels, computedLabels): return float(error) * 100 / len(computedLabels) -def execute(kFoldClassifier, kFoldPredictedTrainLabels, kFoldPredictedTestLabels, kFoldPredictedValidationLabels, - DATASET, initKWARGS, LEARNING_RATE, LABELS_DICTIONARY, views, NB_CORES, times, kFolds, databaseName, - nbFolds, validationIndices): - CLASS_LABELS = DATASET.get("labels")[...] - MumboKWARGS = {"classifiersConfigs":mumboClassifierConfig, - "classifiersNames":mumboclassifierNames, "maxIter":int(args.MU_iter[0]), - "minIter":int(args.MU_iter[1]), "threshold":args.MU_iter[2]} - classifierConfigs, classifierNames, maxIter, minIter, threshold = initKWARGS.values() +def getDBConfig(DATASET, LEARNING_RATE, nbFolds, databaseName, validationIndices, LABELS_DICTIONARY): nbView = DATASET.get("Metadata").attrs["nbView"] viewNames = [DATASET.get("View"+str(viewIndex)).attrs["name"] for viewIndex in range(nbView)] + viewShapes = [DATASET.get("View"+str(viewIndex)).shape for viewIndex in range(nbView)] + DBString = "Dataset info :\n\t-Dataset name : " + databaseName + DBString += "\n\t-Labels : " + ', '.join(LABELS_DICTIONARY.values()) + DBString += "\n\t-Views : " + ', '.join([viewName+" of shape "+str(viewShape) + for viewName, viewShape in zip(viewNames, viewShapes)]) + DBString += "\n\t-" + str(nbFolds) + " folds" + DBString += "\n\t- Validation set length : "+str(len(validationIndices))+" for learning rate : "+str(LEARNING_RATE)+" on a total number of examples of "+str(DATASET.get("Metadata").attrs["datasetLength"]) + DBString += "\n\n" + return DBString, viewNames + +def getAlgoConfig(initKWARGS, NB_CORES, viewNames, gridSearch, nIter, times): + classifierNames = initKWARGS["classifiersNames"] + maxIter = initKWARGS["maxIter"] + minIter = initKWARGS["minIter"] + threshold = initKWARGS["threshold"] + classifiersConfig = initKWARGS["classifiersConfigs"] + extractionTime, kFoldLearningTime, kFoldPredictionTime, classificationTime = times + weakClassifierConfigs = [getattr(globals()[classifierName], 'getConfig')(classifiersConfig) for classifiersConfig, + classifierName + in zip(classifiersConfig, classifierNames)] + classifierAnalysis = [classifierName + " " + weakClassifierConfig + "on " + feature for classifierName, + weakClassifierConfig, + feature + in zip(classifierNames, weakClassifierConfigs, viewNames)] + gridSearchString = "" + if gridSearch: + gridSearchString += "Configurations found by randomized search with "+str(nIter)+" iterations" + algoString = "\n\nMumbo configuration : \n\t-Used "+str(NB_CORES)+" core(s)" + algoString += "\n\t-Iterations : min " + str(minIter)+ ", max "+str(maxIter)+", threshold "+str(threshold) + algoString += "\n\t-Weak Classifiers : " + "\n\t\t-".join(classifierAnalysis) + algoString += "\n\n" + algoString += "\n\nComputation time on " + str(NB_CORES) + " cores : \n\tDatabase extraction time : " + str( + hms(seconds=int(extractionTime))) + "\n\t" + row_format = "{:>15}" * 3 + algoString += row_format.format("", *['Learn', 'Prediction']) + for index, (learningTime, predictionTime) in enumerate(zip(kFoldLearningTime, kFoldPredictionTime)): + algoString += '\n\t' + algoString += row_format.format("Fold " + str(index + 1), *[str(hms(seconds=int(learningTime))), + str(hms(seconds=int(predictionTime)))]) + algoString += '\n\t' + algoString += row_format.format("Total", *[str(hms(seconds=int(sum(kFoldLearningTime)))), + str(hms(seconds=int(sum(kFoldPredictionTime))))]) + algoString += "\n\tSo a total classification time of " + str(hms(seconds=int(classificationTime))) + ".\n\n" + algoString += "\n\n" + return algoString, classifierAnalysis + + +def getClassificationReport(kFolds, kFoldClassifier, CLASS_LABELS, validationIndices, DATASET, + kFoldPredictedTrainLabels, kFoldPredictedTestLabels, kFoldPredictedValidationLabels): DATASET_LENGTH = DATASET.get("Metadata").attrs["datasetLength"]-len(validationIndices) + nbView = DATASET.get("Metadata").attrs["nbView"] NB_CLASS = DATASET.get("Metadata").attrs["nbClass"] kFoldPredictedTrainLabelsByIter = [] kFoldPredictedTestLabelsByIter = [] kFoldPredictedValidationLabelsByIter = [] - kFoldBestClassifiers = [] - kFoldGeneralAlphas = [] kFoldBestViews = [] kFoldAccuracyOnTrain = [] kFoldAccuracyOnTest = [] @@ -103,6 +145,7 @@ def execute(kFoldClassifier, kFoldPredictedTrainLabels, kFoldPredictedTestLabels kFoldAccuracyOnValidationByIter = [] kFoldMeanAverageAccuracies = [] kFoldBestViewsStats = [] + for foldIdx, fold in enumerate(kFolds): if fold != range(DATASET_LENGTH): mumboClassifier = kFoldClassifier[foldIdx] @@ -125,8 +168,8 @@ def execute(kFoldClassifier, kFoldPredictedTrainLabels, kFoldPredictedTestLabels kFoldAccuracyOnTrainByIter.append([]) kFoldAccuracyOnTestByIter.append([]) kFoldAccuracyOnValidationByIter.append([]) - for iterIndex in range(NB_ITER): - if len(PredictedTestLabelsByIter)==NB_ITER: + for iterIndex in range(mumboClassifier.iterIndex+1): + if len(PredictedTestLabelsByIter)==mumboClassifier.iterIndex+1: kFoldAccuracyOnTestByIter[foldIdx].append(100 * accuracy_score(testLabels, PredictedTestLabelsByIter[iterIndex])) else: @@ -147,64 +190,194 @@ def execute(kFoldClassifier, kFoldPredictedTrainLabels, kFoldPredictedTestLabels totalAccuracyOnTrain = np.mean(kFoldAccuracyOnTrain) totalAccuracyOnTest = np.mean(kFoldAccuracyOnTest) totalAccuracyOnValidation = np.mean(kFoldAccuracyOnValidation) - extractionTime, kFoldLearningTime, kFoldPredictionTime, classificationTime = times - weakClassifierConfigs = [getattr(globals()[classifierName], 'getConfig')(classifierConfig) for classifierConfig, - classifierName - in zip(classifierConfigs, classifierNames)] - classifierAnalysis = [classifierName + " " + weakClassifierConfig + "on " + feature for classifierName, - weakClassifierConfig, - feature - in zip(classifierNames, weakClassifierConfigs, views)] - bestViews = [findMainView(np.array(kFoldBestViews)[:, iterIdx]) for iterIdx in range(NB_ITER)] + return (totalAccuracyOnTrain, totalAccuracyOnTest, totalAccuracyOnValidation, kFoldMeanAverageAccuracies, + kFoldBestViewsStats, kFoldAccuracyOnTrainByIter, kFoldAccuracyOnTestByIter, kFoldAccuracyOnValidationByIter, + kFoldBestViews) + +def iterRelevant(iterIndex, kFoldClassifier): + relevants = np.zeros(len(kFoldClassifier), dtype=bool) + for classifierIndex, classifier in enumerate(kFoldClassifier): + if classifier.iterIndex >= iterIndex: + relevants[classifierIndex] = True + return relevants + + +def modifiedMean(surplusAccuracies): + maxLen = 0 + for foldAccuracies in surplusAccuracies.values(): + if len(foldAccuracies)>maxLen: + maxLen = len(foldAccuracies) + meanAccuracies = [] + for accuracyIndex in range(maxLen): + accuraciesToMean = [] + for foldIndex in surplusAccuracies.keys(): + try: + accuraciesToMean.append(surplusAccuracies[foldIndex][accuracyIndex]) + except: + pass + meanAccuracies.append(np.mean(np.array(accuraciesToMean))) + return meanAccuracies + +def execute(kFoldClassifier, kFoldPredictedTrainLabels, kFoldPredictedTestLabels, kFoldPredictedValidationLabels, + DATASET, initKWARGS, LEARNING_RATE, LABELS_DICTIONARY, views, NB_CORES, times, kFolds, databaseName, + nbFolds, validationIndices, gridSearch, nIter): + CLASS_LABELS = DATASET.get("labels")[...] + classifierNames = initKWARGS["classifiersNames"] + maxIter = initKWARGS["maxIter"] + minIter = initKWARGS["minIter"] + threshold = initKWARGS["threshold"] + classifiersConfig = initKWARGS["classifiersConfigs"] + nbView = DATASET.get("Metadata").attrs["nbView"] + # viewNames = [DATASET.get("View"+str(viewIndex)).attrs["name"] for viewIndex in range(nbView)] + dbConfigurationString, viewNames = getDBConfig(DATASET, LEARNING_RATE, nbFolds, databaseName, validationIndices, LABELS_DICTIONARY) + algoConfigurationString, classifierAnalysis = getAlgoConfig(initKWARGS, NB_CORES, viewNames, gridSearch, nIter, times) + (totalAccuracyOnTrain, totalAccuracyOnTest, totalAccuracyOnValidation, kFoldMeanAverageAccuracies, + kFoldBestViewsStats, kFoldAccuracyOnTrainByIter, kFoldAccuracyOnTestByIter, kFoldAccuracyOnValidationByIter, + kFoldBestViews) = getClassificationReport(kFolds, kFoldClassifier, CLASS_LABELS, validationIndices, DATASET, + kFoldPredictedTrainLabels, kFoldPredictedTestLabels, + kFoldPredictedValidationLabels) + nbMinIter = maxIter + nbMaxIter = minIter + for classifier in kFoldClassifier: + if classifier.iterIndex+1<nbMinIter: + nbMinIter = classifier.iterIndex+1 + if classifier.iterIndex+1>nbMaxIter: + nbMaxIter = classifier.iterIndex+1 + formatedAccuracies = {"Train":np.zeros((nbFolds, nbMinIter)), "Test":np.zeros((nbFolds, nbMinIter)), + "Validation":np.zeros((nbFolds, nbMinIter))} + surplusAccuracies = {"Train":{}, "Test":{},"Validation":{}} + for classifierIndex, classifier in enumerate(kFoldClassifier): + formatedAccuracies["Test"][classifierIndex] = np.array(kFoldAccuracyOnTestByIter[classifierIndex][:nbMinIter]) + formatedAccuracies["Train"][classifierIndex] = np.array(kFoldAccuracyOnTrainByIter[classifierIndex][:nbMinIter]) + formatedAccuracies["Validation"][classifierIndex] = np.array(kFoldAccuracyOnValidationByIter[classifierIndex][:nbMinIter]) + if classifier.iterIndex+1>nbMinIter: + surplusAccuracies["Train"][classifierIndex] = kFoldAccuracyOnTrainByIter[classifierIndex][nbMinIter:] + surplusAccuracies["Test"][classifierIndex] = kFoldAccuracyOnTestByIter[classifierIndex][nbMinIter:] + surplusAccuracies["Validation"][classifierIndex] = kFoldAccuracyOnValidationByIter[classifierIndex][nbMinIter:] + + + + DATASET_LENGTH = DATASET.get("Metadata").attrs["datasetLength"]-len(validationIndices) + NB_CLASS = DATASET.get("Metadata").attrs["nbClass"] + # kFoldPredictedTrainLabelsByIter = [] + # kFoldPredictedTestLabelsByIter = [] + # kFoldPredictedValidationLabelsByIter = [] + # kFoldBestViews = [] + # kFoldAccuracyOnTrain = [] + # kFoldAccuracyOnTest = [] + # kFoldAccuracyOnValidation = [] + # kFoldAccuracyOnTrainByIter = [] + # kFoldAccuracyOnTestByIter = [] + # kFoldAccuracyOnValidationByIter = [] + # kFoldMeanAverageAccuracies = [] + # kFoldBestViewsStats = [] + # for foldIdx, fold in enumerate(kFolds): + # if fold != range(DATASET_LENGTH): + # mumboClassifier = kFoldClassifier[foldIdx] + # meanAverageAccuracies = np.mean(mumboClassifier.averageAccuracies, axis=0) + # kFoldMeanAverageAccuracies.append(meanAverageAccuracies) + # trainIndices = [index for index in range(DATASET_LENGTH) if index not in fold] + # testLabels = CLASS_LABELS[fold] + # trainLabels = CLASS_LABELS[trainIndices] + # validationLabels = CLASS_LABELS[validationIndices] + # PredictedTrainLabelsByIter = mumboClassifier.classifyMumbobyIter_hdf5(DATASET, usedIndices=trainIndices, + # NB_CLASS=NB_CLASS) + # kFoldPredictedTrainLabelsByIter.append(PredictedTrainLabelsByIter) + # PredictedTestLabelsByIter = mumboClassifier.classifyMumbobyIter_hdf5(DATASET, usedIndices=fold, + # NB_CLASS=NB_CLASS) + # kFoldPredictedTestLabelsByIter.append(PredictedTestLabelsByIter) + # PredictedValidationLabelsByIter = mumboClassifier.classifyMumbobyIter_hdf5(DATASET, + # usedIndices=validationIndices, + # NB_CLASS=NB_CLASS) + # kFoldPredictedValidationLabelsByIter.append(PredictedValidationLabelsByIter) + # kFoldAccuracyOnTrainByIter.append([]) + # kFoldAccuracyOnTestByIter.append([]) + # kFoldAccuracyOnValidationByIter.append([]) + # for iterIndex in range(mumboClassifier.iterIndex+1): + # if len(PredictedTestLabelsByIter)==mumboClassifier.iterIndex+1: + # kFoldAccuracyOnTestByIter[foldIdx].append(100 * accuracy_score(testLabels, + # PredictedTestLabelsByIter[iterIndex])) + # else: + # kFoldAccuracyOnTestByIter[foldIdx].append(0.0) + # kFoldAccuracyOnTrainByIter[foldIdx].append(100 * accuracy_score(trainLabels, + # PredictedTrainLabelsByIter[iterIndex])) + # kFoldAccuracyOnValidationByIter[foldIdx].append(100 * accuracy_score(validationLabels, + # PredictedValidationLabelsByIter[iterIndex])) + # kFoldBestViews.append(mumboClassifier.bestViews) + # kFoldBestViewsStats.append([float(list(mumboClassifier.bestViews).count(viewIndex))/ + # len(mumboClassifier.bestViews) + # for viewIndex in range(nbView)]) + # kFoldAccuracyOnTrain.append(100 * accuracy_score(trainLabels, kFoldPredictedTrainLabels[foldIdx])) + # kFoldAccuracyOnTest.append(100 * accuracy_score(testLabels, kFoldPredictedTestLabels[foldIdx])) + # kFoldAccuracyOnValidation.append(100 * accuracy_score(validationLabels, + # kFoldPredictedValidationLabels[foldIdx])) + # + # totalAccuracyOnTrain = np.mean(kFoldAccuracyOnTrain) + # totalAccuracyOnTest = np.mean(kFoldAccuracyOnTest) + # totalAccuracyOnValidation = np.mean(kFoldAccuracyOnValidation) + # extractionTime, kFoldLearningTime, kFoldPredictionTime, classificationTime = times + # weakClassifierConfigs = [getattr(globals()[classifierName], 'getConfig')(classifiersConfig) for classifiersConfig, + # classifierName + # in zip(classifiersConfig, classifierNames)] + # classifierAnalysis = [classifierName + " " + weakClassifierConfig + "on " + feature for classifierName, + # weakClassifierConfig, + # feature + # in zip(classifierNames, weakClassifierConfigs, views)] + bestViews = [findMainView(np.array(kFoldBestViews)[:, iterIdx]) for iterIdx in range(nbMinIter)] stringAnalysis = "\t\tResult for Multiview classification with Mumbo" \ "\n\nAverage accuracy :\n\t-On Train : " + str(totalAccuracyOnTrain) + "\n\t-On Test : " + \ - str(totalAccuracyOnTest) + "\n\t-On Validation : " + str(totalAccuracyOnValidation) +\ - "\n\nDataset info :\n\t-Database name : " + databaseName + "\n\t-Labels : " + \ - ', '.join(LABELS_DICTIONARY.values()) + "\n\t-Views : " + ', '.join(views) + "\n\t-" + str( - nbFolds) + \ - " folds\n\t- Validation set length : "+str(len(validationIndices))+" for learning rate : "+\ - str(LEARNING_RATE)+\ - "\n\nClassification configuration : \n\t-Algorithm used : Mumbo \n\t-Iterations : min " + \ - str(minIter)+ ", max "+ str(maxIter)+", threshold "+ str(threshold)+ + "\n\t-Weak Classifiers : " + "\n\t\t-".join( - classifierAnalysis) + "\n\n Mean average accuracies and stats for each fold : " + str(totalAccuracyOnTest) + "\n\t-On Validation : " + str(totalAccuracyOnValidation) + stringAnalysis += dbConfigurationString + stringAnalysis += algoConfigurationString + # "\n\nDataset info :\n\t-Database name : " + databaseName + "\n\t-Labels : " + \ + # ', '.join(LABELS_DICTIONARY.values()) + "\n\t-Views : " + ', '.join(views) + "\n\t-" + str( + # nbFolds) + \ + # " folds\n\t- Validation set length : "+str(len(validationIndices))+" for learning rate : "+\ + # str(LEARNING_RATE)+\ + # "\n\nClassification configuration : \n\t-Algorithm used : Mumbo \n\t-Iterations : min " + \ + # str(minIter)+ ", max "+ str(maxIter)+", threshold "+ str(threshold)+ + "\n\t-Weak Classifiers : " + "\n\t\t-".join( + # classifierAnalysis) + "\n\n Mean average accuracies and stats for each fold : " + stringAnalysis += "Mean average accuracies and stats for each fold :" for foldIdx in range(nbFolds): - stringAnalysis += "\n\t- Fold "+str(foldIdx)+", used "+str(kFoldClassifier.iterIndex + 1) + stringAnalysis += "\n\t- Fold "+str(foldIdx)+", used "+str(kFoldClassifier[foldIdx].iterIndex + 1) for viewIndex, (meanAverageAccuracy, bestViewStat) in enumerate(zip(kFoldMeanAverageAccuracies[foldIdx], kFoldBestViewsStats[foldIdx])): stringAnalysis+="\n\t\t- On "+viewNames[viewIndex]+\ " : \n\t\t\t- Mean average Accuracy : "+str(meanAverageAccuracy)+\ "\n\t\t\t- Percentage of time chosen : "+str(bestViewStat) stringAnalysis += "\n\n For each iteration : " + print iterRelevant(0, kFoldClassifier) + for iterIndex in range(maxIter): + if iterRelevant(iterIndex, kFoldClassifier).any(): + stringAnalysis += "\n\t- Iteration " + str(iterIndex + 1) + for foldIdx in [index for index, value in enumerate(iterRelevant(iterIndex, kFoldClassifier)) if value]: + stringAnalysis += "\n\t\t Fold " + str(foldIdx + 1) + "\n\t\t\tAccuracy on train : " + \ + str(kFoldAccuracyOnTrainByIter[foldIdx][iterIndex]) + '\n\t\t\tAccuracy on test : ' + \ + str(kFoldAccuracyOnTestByIter[foldIdx][iterIndex]) + '\n\t\t\tAccuracy on validation : '+\ + str(kFoldAccuracyOnValidationByIter[foldIdx][iterIndex]) + '\n\t\t\tSelected View : ' + \ + str(DATASET["View"+str(int(kFoldBestViews[foldIdx][iterIndex]))].attrs["name"]) + # stringAnalysis += "\n\t\t- Mean : \n\t\t\t Accuracy on train : " + str( + # np.array(kFoldAccuracyOnTrainByIter)[:, iterIndex].mean()) + \ + # "\n\t\t\t Accuracy on test : " + str(np.array(kFoldAccuracyOnTestByIter)[:, iterIndex].mean()) - for iterIndex in range(NB_ITER): - stringAnalysis += "\n\t- Iteration " + str(iterIndex + 1) - for foldIdx in range(nbFolds): - stringAnalysis += "\n\t\t Fold " + str(foldIdx + 1) + "\n\t\t\tAccuracy on train : " + \ - str(kFoldAccuracyOnTrainByIter[foldIdx][iterIndex]) + '\n\t\t\tAccuracy on test : ' + \ - str(kFoldAccuracyOnTestByIter[foldIdx][iterIndex]) + '\n\t\t\tAccuracy on validation : '+\ - str(kFoldAccuracyOnValidationByIter[foldIdx][iterIndex]) + '\n\t\t\tSelected View : ' + \ - str(DATASET["View"+str(int(kFoldBestViews[foldIdx][iterIndex]))].attrs["name"]) - stringAnalysis += "\n\t\t- Mean : \n\t\t\t Accuracy on train : " + str( - np.array(kFoldAccuracyOnTrainByIter)[:, iterIndex].mean()) + \ - "\n\t\t\t Accuracy on test : " + str(np.array(kFoldAccuracyOnTestByIter)[:, iterIndex].mean()) - - stringAnalysis += "\n\nComputation time on " + str(NB_CORES) + " cores : \n\tDatabase extraction time : " + str( - hms(seconds=int(extractionTime))) + "\n\t" - row_format = "{:>15}" * 3 - stringAnalysis += row_format.format("", *['Learn', 'Prediction']) - for index, (learningTime, predictionTime) in enumerate(zip(kFoldLearningTime, kFoldPredictionTime)): - stringAnalysis += '\n\t' - stringAnalysis += row_format.format("Fold " + str(index + 1), *[str(hms(seconds=int(learningTime))), - str(hms(seconds=int(predictionTime)))]) - stringAnalysis += '\n\t' - stringAnalysis += row_format.format("Total", *[str(hms(seconds=int(sum(kFoldLearningTime)))), - str(hms(seconds=int(sum(kFoldPredictionTime))))]) - stringAnalysis += "\n\tSo a total classification time of " + str(hms(seconds=int(classificationTime))) + ".\n\n" - - trainAccuracyByIter = np.array(kFoldAccuracyOnTrainByIter).mean(axis=0) - testAccuracyByIter = np.array(kFoldAccuracyOnTestByIter).mean(axis=0) - validationAccuracyByIter = np.array(kFoldAccuracyOnValidationByIter).mean(axis=0) - name, image = plotAccuracyByIter(trainAccuracyByIter, testAccuracyByIter, validationAccuracyByIter, NB_ITER, - bestViews, views, classifierAnalysis, viewNames) + # stringAnalysis += "\n\nComputation time on " + str(NB_CORES) + " cores : \n\tDatabase extraction time : " + str( + # hms(seconds=int(extractionTime))) + "\n\t" + # row_format = "{:>15}" * 3 + # stringAnalysis += row_format.format("", *['Learn', 'Prediction']) + # for index, (learningTime, predictionTime) in enumerate(zip(kFoldLearningTime, kFoldPredictionTime)): + # stringAnalysis += '\n\t' + # stringAnalysis += row_format.format("Fold " + str(index + 1), *[str(hms(seconds=int(learningTime))), + # str(hms(seconds=int(predictionTime)))]) + # stringAnalysis += '\n\t' + # stringAnalysis += row_format.format("Total", *[str(hms(seconds=int(sum(kFoldLearningTime)))), + # str(hms(seconds=int(sum(kFoldPredictionTime))))]) + # stringAnalysis += "\n\tSo a total classification time of " + str(hms(seconds=int(classificationTime))) + ".\n\n" + # + trainAccuracyByIter = list(formatedAccuracies["Train"].mean(axis=0))+modifiedMean(surplusAccuracies["Train"]) + testAccuracyByIter = list(formatedAccuracies["Test"].mean(axis=0))+modifiedMean(surplusAccuracies["Test"]) + validationAccuracyByIter = list(formatedAccuracies["Validation"].mean(axis=0))+modifiedMean(surplusAccuracies["Validation"]) + print nbMaxIter + name, image = plotAccuracyByIter(trainAccuracyByIter, testAccuracyByIter, validationAccuracyByIter, nbMaxIter, + bestViews, views, classifierAnalysis) imagesAnalysis = {name: image} - + # return stringAnalysis, imagesAnalysis, totalAccuracyOnTrain, totalAccuracyOnTest, totalAccuracyOnValidation diff --git a/Code/MonoMutliViewClassifiers/ResultAnalysis.py b/Code/MonoMutliViewClassifiers/ResultAnalysis.py index 99d3abce7306502d0282e389da8a0bbcee93f96c..cc4cde73653e57c0fea9b8553cd49f2f53643e45 100644 --- a/Code/MonoMutliViewClassifiers/ResultAnalysis.py +++ b/Code/MonoMutliViewClassifiers/ResultAnalysis.py @@ -6,7 +6,7 @@ def resultAnalysis(benchmark, results): mono, multi = results names = [type_+feat for [type_, b, c, feat] in mono]+[type_ if type_ != "Fusion" else type_+a["FusionType"]+a["FusionMethod"] for type_, a, b, c, d in multi] nbResults = len(mono)+len(multi) - accuracies = [float(accuracy)*100 for [a, accuracy, c, d] in mono]+[float(accuracy)*100 for a, b, c, d, accuracy in multi] + accuracies = [float(accuracy) for [a, accuracy, c, d] in mono]+[float(accuracy) for a, b, c, d, accuracy in multi] f = pylab.figure() try: fig = plt.gcf() diff --git a/Code/MonoMutliViewClassifiers/Results/20160830-174526-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160830-174526-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..54e4f78a1c500961a0068142da1daba8efe6d72b --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160830-174526-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,63 @@ +2016-08-30 17:45:26,259 INFO: Start: Finding all available mono- & multiview algorithms +2016-08-30 17:45:26,262 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:45:26,262 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:45:26,262 DEBUG: Start: Determine Train/Test split +2016-08-30 17:45:26,262 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:45:26,262 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:45:26,263 DEBUG: Done: Determine Train/Test split +2016-08-30 17:45:26,263 DEBUG: Start: Classification +2016-08-30 17:45:27,353 DEBUG: Info: Time for Classification: 1.09098100662[s] +2016-08-30 17:45:27,353 DEBUG: Done: Classification +2016-08-30 17:45:27,355 DEBUG: Start: Statistic Results +2016-08-30 17:45:27,355 INFO: Accuracy :0.0777777777778 +2016-08-30 17:45:27,356 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:45:27,357 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:45:27,357 DEBUG: Start: Determine Train/Test split +2016-08-30 17:45:27,357 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:45:27,357 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:45:27,357 DEBUG: Done: Determine Train/Test split +2016-08-30 17:45:27,357 DEBUG: Start: Classification +2016-08-30 17:45:28,092 DEBUG: Info: Time for Classification: 0.735261917114[s] +2016-08-30 17:45:28,092 DEBUG: Done: Classification +2016-08-30 17:45:28,093 DEBUG: Start: Statistic Results +2016-08-30 17:45:28,093 INFO: Accuracy :0.0666666666667 +2016-08-30 17:45:28,094 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:45:28,094 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:45:28,094 DEBUG: Start: Determine Train/Test split +2016-08-30 17:45:28,095 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:45:28,095 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:45:28,095 DEBUG: Done: Determine Train/Test split +2016-08-30 17:45:28,095 DEBUG: Start: Classification +2016-08-30 17:45:28,697 DEBUG: Info: Time for Classification: 0.603069067001[s] +2016-08-30 17:45:28,698 DEBUG: Done: Classification +2016-08-30 17:45:28,700 DEBUG: Start: Statistic Results +2016-08-30 17:45:28,700 INFO: Accuracy :0.0888888888889 +2016-08-30 17:45:28,701 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:45:28,701 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:45:28,701 DEBUG: Start: Determine Train/Test split +2016-08-30 17:45:28,702 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:45:28,702 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:45:28,702 DEBUG: Done: Determine Train/Test split +2016-08-30 17:45:28,702 DEBUG: Start: Classification +2016-08-30 17:45:35,101 DEBUG: Info: Time for Classification: 6.39919686317[s] +2016-08-30 17:45:35,101 DEBUG: Done: Classification +2016-08-30 17:45:35,104 DEBUG: Start: Statistic Results +2016-08-30 17:45:35,104 INFO: Accuracy :0.0777777777778 +2016-08-30 17:45:35,105 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:45:35,106 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:45:35,106 DEBUG: Start: Determine Train/Test split +2016-08-30 17:45:35,106 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:45:35,106 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:45:35,106 DEBUG: Done: Determine Train/Test split +2016-08-30 17:45:35,106 DEBUG: Start: Classification +2016-08-30 17:45:36,361 DEBUG: Info: Time for Classification: 1.25554490089[s] +2016-08-30 17:45:36,361 DEBUG: Done: Classification +2016-08-30 17:45:36,362 DEBUG: Start: Statistic Results +2016-08-30 17:45:36,363 INFO: Accuracy :0.111111111111 +2016-08-30 17:45:36,364 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:45:36,364 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:45:36,364 DEBUG: Start: Determine Train/Test split +2016-08-30 17:45:36,364 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:45:36,364 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:45:36,364 DEBUG: Done: Determine Train/Test split +2016-08-30 17:45:36,364 DEBUG: Start: Classification diff --git a/Code/MonoMutliViewClassifiers/Results/20160830-174741-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160830-174741-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..aaafdf471eed75557a94615718ef14089f04adf9 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160830-174741-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,63 @@ +2016-08-30 17:47:41,572 INFO: Start: Finding all available mono- & multiview algorithms +2016-08-30 17:47:41,574 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:47:41,575 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:47:41,575 DEBUG: Start: Determine Train/Test split +2016-08-30 17:47:41,575 DEBUG: Info: Shape X_train:(210, 11), Length of y_train:210 +2016-08-30 17:47:41,575 DEBUG: Info: Shape X_test:(90, 11), Length of y_test:90 +2016-08-30 17:47:41,575 DEBUG: Done: Determine Train/Test split +2016-08-30 17:47:41,575 DEBUG: Start: Classification +2016-08-30 17:47:42,647 DEBUG: Info: Time for Classification: 1.07267999649[s] +2016-08-30 17:47:42,647 DEBUG: Done: Classification +2016-08-30 17:47:42,652 DEBUG: Start: Statistic Results +2016-08-30 17:47:42,653 INFO: Accuracy :0.0333333333333 +2016-08-30 17:47:42,655 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:47:42,656 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:47:42,656 DEBUG: Start: Determine Train/Test split +2016-08-30 17:47:42,656 DEBUG: Info: Shape X_train:(210, 11), Length of y_train:210 +2016-08-30 17:47:42,657 DEBUG: Info: Shape X_test:(90, 11), Length of y_test:90 +2016-08-30 17:47:42,657 DEBUG: Done: Determine Train/Test split +2016-08-30 17:47:42,657 DEBUG: Start: Classification +2016-08-30 17:47:43,333 DEBUG: Info: Time for Classification: 0.67829990387[s] +2016-08-30 17:47:43,333 DEBUG: Done: Classification +2016-08-30 17:47:43,335 DEBUG: Start: Statistic Results +2016-08-30 17:47:43,335 INFO: Accuracy :0.0666666666667 +2016-08-30 17:47:43,336 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:47:43,336 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:47:43,336 DEBUG: Start: Determine Train/Test split +2016-08-30 17:47:43,336 DEBUG: Info: Shape X_train:(210, 11), Length of y_train:210 +2016-08-30 17:47:43,337 DEBUG: Info: Shape X_test:(90, 11), Length of y_test:90 +2016-08-30 17:47:43,337 DEBUG: Done: Determine Train/Test split +2016-08-30 17:47:43,337 DEBUG: Start: Classification +2016-08-30 17:47:43,939 DEBUG: Info: Time for Classification: 0.602705955505[s] +2016-08-30 17:47:43,939 DEBUG: Done: Classification +2016-08-30 17:47:43,941 DEBUG: Start: Statistic Results +2016-08-30 17:47:43,942 INFO: Accuracy :0.0777777777778 +2016-08-30 17:47:43,943 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:47:43,943 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:47:43,943 DEBUG: Start: Determine Train/Test split +2016-08-30 17:47:43,943 DEBUG: Info: Shape X_train:(210, 11), Length of y_train:210 +2016-08-30 17:47:43,943 DEBUG: Info: Shape X_test:(90, 11), Length of y_test:90 +2016-08-30 17:47:43,943 DEBUG: Done: Determine Train/Test split +2016-08-30 17:47:43,944 DEBUG: Start: Classification +2016-08-30 17:47:50,352 DEBUG: Info: Time for Classification: 6.40964508057[s] +2016-08-30 17:47:50,353 DEBUG: Done: Classification +2016-08-30 17:47:50,355 DEBUG: Start: Statistic Results +2016-08-30 17:47:50,355 INFO: Accuracy :0.122222222222 +2016-08-30 17:47:50,356 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:47:50,356 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:47:50,357 DEBUG: Start: Determine Train/Test split +2016-08-30 17:47:50,357 DEBUG: Info: Shape X_train:(210, 11), Length of y_train:210 +2016-08-30 17:47:50,357 DEBUG: Info: Shape X_test:(90, 11), Length of y_test:90 +2016-08-30 17:47:50,357 DEBUG: Done: Determine Train/Test split +2016-08-30 17:47:50,357 DEBUG: Start: Classification +2016-08-30 17:47:51,592 DEBUG: Info: Time for Classification: 1.23550987244[s] +2016-08-30 17:47:51,592 DEBUG: Done: Classification +2016-08-30 17:47:51,593 DEBUG: Start: Statistic Results +2016-08-30 17:47:51,594 INFO: Accuracy :0.1 +2016-08-30 17:47:51,595 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:47:51,595 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:47:51,595 DEBUG: Start: Determine Train/Test split +2016-08-30 17:47:51,595 DEBUG: Info: Shape X_train:(210, 11), Length of y_train:210 +2016-08-30 17:47:51,595 DEBUG: Info: Shape X_test:(90, 11), Length of y_test:90 +2016-08-30 17:47:51,595 DEBUG: Done: Determine Train/Test split +2016-08-30 17:47:51,595 DEBUG: Start: Classification diff --git a/Code/MonoMutliViewClassifiers/Results/20160830-174835-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160830-174835-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..f1c96c5ab4b52a478f2e2cce9e7238b051f9c7ea --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160830-174835-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,63 @@ +2016-08-30 17:48:35,401 INFO: Start: Finding all available mono- & multiview algorithms +2016-08-30 17:48:35,403 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:48:35,403 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:48:35,403 DEBUG: Start: Determine Train/Test split +2016-08-30 17:48:35,404 DEBUG: Info: Shape X_train:(210, 11), Length of y_train:210 +2016-08-30 17:48:35,404 DEBUG: Info: Shape X_test:(90, 11), Length of y_test:90 +2016-08-30 17:48:35,404 DEBUG: Done: Determine Train/Test split +2016-08-30 17:48:35,404 DEBUG: Start: Classification +2016-08-30 17:48:36,502 DEBUG: Info: Time for Classification: 1.09843802452[s] +2016-08-30 17:48:36,502 DEBUG: Done: Classification +2016-08-30 17:48:36,504 DEBUG: Start: Statistic Results +2016-08-30 17:48:36,504 INFO: Accuracy :0.0555555555556 +2016-08-30 17:48:36,505 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:48:36,505 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:48:36,505 DEBUG: Start: Determine Train/Test split +2016-08-30 17:48:36,505 DEBUG: Info: Shape X_train:(210, 11), Length of y_train:210 +2016-08-30 17:48:36,505 DEBUG: Info: Shape X_test:(90, 11), Length of y_test:90 +2016-08-30 17:48:36,505 DEBUG: Done: Determine Train/Test split +2016-08-30 17:48:36,506 DEBUG: Start: Classification +2016-08-30 17:48:37,195 DEBUG: Info: Time for Classification: 0.689888000488[s] +2016-08-30 17:48:37,195 DEBUG: Done: Classification +2016-08-30 17:48:37,196 DEBUG: Start: Statistic Results +2016-08-30 17:48:37,196 INFO: Accuracy :0.0555555555556 +2016-08-30 17:48:37,197 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:48:37,197 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:48:37,198 DEBUG: Start: Determine Train/Test split +2016-08-30 17:48:37,198 DEBUG: Info: Shape X_train:(210, 11), Length of y_train:210 +2016-08-30 17:48:37,198 DEBUG: Info: Shape X_test:(90, 11), Length of y_test:90 +2016-08-30 17:48:37,198 DEBUG: Done: Determine Train/Test split +2016-08-30 17:48:37,198 DEBUG: Start: Classification +2016-08-30 17:48:37,801 DEBUG: Info: Time for Classification: 0.603616952896[s] +2016-08-30 17:48:37,801 DEBUG: Done: Classification +2016-08-30 17:48:37,804 DEBUG: Start: Statistic Results +2016-08-30 17:48:37,804 INFO: Accuracy :0.0555555555556 +2016-08-30 17:48:37,805 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:48:37,805 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:48:37,805 DEBUG: Start: Determine Train/Test split +2016-08-30 17:48:37,805 DEBUG: Info: Shape X_train:(210, 11), Length of y_train:210 +2016-08-30 17:48:37,806 DEBUG: Info: Shape X_test:(90, 11), Length of y_test:90 +2016-08-30 17:48:37,806 DEBUG: Done: Determine Train/Test split +2016-08-30 17:48:37,806 DEBUG: Start: Classification +2016-08-30 17:48:44,587 DEBUG: Info: Time for Classification: 6.78195786476[s] +2016-08-30 17:48:44,587 DEBUG: Done: Classification +2016-08-30 17:48:44,591 DEBUG: Start: Statistic Results +2016-08-30 17:48:44,591 INFO: Accuracy :0.0888888888889 +2016-08-30 17:48:44,592 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:48:44,592 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:48:44,592 DEBUG: Start: Determine Train/Test split +2016-08-30 17:48:44,593 DEBUG: Info: Shape X_train:(210, 11), Length of y_train:210 +2016-08-30 17:48:44,593 DEBUG: Info: Shape X_test:(90, 11), Length of y_test:90 +2016-08-30 17:48:44,593 DEBUG: Done: Determine Train/Test split +2016-08-30 17:48:44,593 DEBUG: Start: Classification +2016-08-30 17:48:45,814 DEBUG: Info: Time for Classification: 1.22223997116[s] +2016-08-30 17:48:45,815 DEBUG: Done: Classification +2016-08-30 17:48:45,816 DEBUG: Start: Statistic Results +2016-08-30 17:48:45,816 INFO: Accuracy :0.111111111111 +2016-08-30 17:48:45,817 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:48:45,817 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:48:45,817 DEBUG: Start: Determine Train/Test split +2016-08-30 17:48:45,817 DEBUG: Info: Shape X_train:(210, 11), Length of y_train:210 +2016-08-30 17:48:45,818 DEBUG: Info: Shape X_test:(90, 11), Length of y_test:90 +2016-08-30 17:48:45,818 DEBUG: Done: Determine Train/Test split +2016-08-30 17:48:45,818 DEBUG: Start: Classification diff --git a/Code/MonoMutliViewClassifiers/Results/20160830-174925-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160830-174925-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..a7613b96a403a91d35a8b6059c23acf7cd426dc6 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160830-174925-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,833 @@ +2016-08-30 17:49:25,881 INFO: Start: Finding all available mono- & multiview algorithms +2016-08-30 17:49:25,884 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:25,884 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:49:25,884 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:25,884 DEBUG: Info: Shape X_train:(210, 9), Length of y_train:210 +2016-08-30 17:49:25,884 DEBUG: Info: Shape X_test:(90, 9), Length of y_test:90 +2016-08-30 17:49:25,885 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:25,885 DEBUG: Start: Classification +2016-08-30 17:49:26,888 DEBUG: Info: Time for Classification: 1.00444507599[s] +2016-08-30 17:49:26,889 DEBUG: Done: Classification +2016-08-30 17:49:26,890 DEBUG: Start: Statistic Results +2016-08-30 17:49:26,891 INFO: Accuracy :0.0888888888889 +2016-08-30 17:49:26,892 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:26,892 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:49:26,892 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:26,892 DEBUG: Info: Shape X_train:(210, 9), Length of y_train:210 +2016-08-30 17:49:26,892 DEBUG: Info: Shape X_test:(90, 9), Length of y_test:90 +2016-08-30 17:49:26,892 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:26,892 DEBUG: Start: Classification +2016-08-30 17:49:27,529 DEBUG: Info: Time for Classification: 0.637562990189[s] +2016-08-30 17:49:27,529 DEBUG: Done: Classification +2016-08-30 17:49:27,531 DEBUG: Start: Statistic Results +2016-08-30 17:49:27,531 INFO: Accuracy :0.111111111111 +2016-08-30 17:49:27,532 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:27,532 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:49:27,532 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:27,532 DEBUG: Info: Shape X_train:(210, 9), Length of y_train:210 +2016-08-30 17:49:27,532 DEBUG: Info: Shape X_test:(90, 9), Length of y_test:90 +2016-08-30 17:49:27,533 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:27,533 DEBUG: Start: Classification +2016-08-30 17:49:28,132 DEBUG: Info: Time for Classification: 0.599709033966[s] +2016-08-30 17:49:28,132 DEBUG: Done: Classification +2016-08-30 17:49:28,135 DEBUG: Start: Statistic Results +2016-08-30 17:49:28,135 INFO: Accuracy :0.0666666666667 +2016-08-30 17:49:28,136 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:28,136 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:49:28,136 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:28,136 DEBUG: Info: Shape X_train:(210, 9), Length of y_train:210 +2016-08-30 17:49:28,136 DEBUG: Info: Shape X_test:(90, 9), Length of y_test:90 +2016-08-30 17:49:28,137 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:28,137 DEBUG: Start: Classification +2016-08-30 17:49:34,184 DEBUG: Info: Time for Classification: 6.04817509651[s] +2016-08-30 17:49:34,184 DEBUG: Done: Classification +2016-08-30 17:49:34,186 DEBUG: Start: Statistic Results +2016-08-30 17:49:34,187 INFO: Accuracy :0.1 +2016-08-30 17:49:34,188 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:34,188 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:49:34,188 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:34,188 DEBUG: Info: Shape X_train:(210, 9), Length of y_train:210 +2016-08-30 17:49:34,188 DEBUG: Info: Shape X_test:(90, 9), Length of y_test:90 +2016-08-30 17:49:34,188 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:34,189 DEBUG: Start: Classification +2016-08-30 17:49:35,409 DEBUG: Info: Time for Classification: 1.22102212906[s] +2016-08-30 17:49:35,409 DEBUG: Done: Classification +2016-08-30 17:49:35,410 DEBUG: Start: Statistic Results +2016-08-30 17:49:35,411 INFO: Accuracy :0.1 +2016-08-30 17:49:35,411 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:35,412 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:49:35,412 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:35,412 DEBUG: Info: Shape X_train:(210, 9), Length of y_train:210 +2016-08-30 17:49:35,412 DEBUG: Info: Shape X_test:(90, 9), Length of y_test:90 +2016-08-30 17:49:35,412 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:35,412 DEBUG: Start: Classification +2016-08-30 17:49:41,286 DEBUG: Info: Time for Classification: 5.87452316284[s] +2016-08-30 17:49:41,286 DEBUG: Done: Classification +2016-08-30 17:49:41,288 DEBUG: Start: Statistic Results +2016-08-30 17:49:41,288 INFO: Accuracy :0.0888888888889 +2016-08-30 17:49:41,289 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:41,289 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:49:41,289 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:41,290 DEBUG: Info: Shape X_train:(210, 9), Length of y_train:210 +2016-08-30 17:49:41,290 DEBUG: Info: Shape X_test:(90, 9), Length of y_test:90 +2016-08-30 17:49:41,290 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:41,290 DEBUG: Start: Classification +2016-08-30 17:49:42,734 DEBUG: Info: Time for Classification: 1.44498991966[s] +2016-08-30 17:49:42,734 DEBUG: Done: Classification +2016-08-30 17:49:42,736 DEBUG: Start: Statistic Results +2016-08-30 17:49:42,737 INFO: Accuracy :0.0666666666667 +2016-08-30 17:49:42,738 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:42,738 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:49:42,738 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:42,738 DEBUG: Info: Shape X_train:(210, 9), Length of y_train:210 +2016-08-30 17:49:42,738 DEBUG: Info: Shape X_test:(90, 9), Length of y_test:90 +2016-08-30 17:49:42,738 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:42,738 DEBUG: Start: Classification +2016-08-30 17:49:44,084 DEBUG: Info: Time for Classification: 1.34591794014[s] +2016-08-30 17:49:44,084 DEBUG: Done: Classification +2016-08-30 17:49:44,086 DEBUG: Start: Statistic Results +2016-08-30 17:49:44,086 INFO: Accuracy :0.111111111111 +2016-08-30 17:49:44,087 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:44,087 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:49:44,088 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:44,088 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:49:44,088 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:49:44,088 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:44,088 DEBUG: Start: Classification +2016-08-30 17:49:45,206 DEBUG: Info: Time for Classification: 1.11849689484[s] +2016-08-30 17:49:45,206 DEBUG: Done: Classification +2016-08-30 17:49:45,210 DEBUG: Start: Statistic Results +2016-08-30 17:49:45,210 INFO: Accuracy :0.0333333333333 +2016-08-30 17:49:45,213 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:45,213 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:49:45,213 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:45,214 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:49:45,214 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:49:45,214 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:45,214 DEBUG: Start: Classification +2016-08-30 17:49:45,965 DEBUG: Info: Time for Classification: 0.752689123154[s] +2016-08-30 17:49:45,965 DEBUG: Done: Classification +2016-08-30 17:49:45,966 DEBUG: Start: Statistic Results +2016-08-30 17:49:45,967 INFO: Accuracy :0.0777777777778 +2016-08-30 17:49:45,968 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:45,968 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:49:45,968 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:45,968 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:49:45,968 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:49:45,968 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:45,968 DEBUG: Start: Classification +2016-08-30 17:49:46,597 DEBUG: Info: Time for Classification: 0.6288189888[s] +2016-08-30 17:49:46,597 DEBUG: Done: Classification +2016-08-30 17:49:46,600 DEBUG: Start: Statistic Results +2016-08-30 17:49:46,600 INFO: Accuracy :0.0444444444444 +2016-08-30 17:49:46,601 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:46,602 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:49:46,602 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:46,602 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:49:46,602 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:49:46,602 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:46,602 DEBUG: Start: Classification +2016-08-30 17:49:52,884 DEBUG: Info: Time for Classification: 6.2820789814[s] +2016-08-30 17:49:52,884 DEBUG: Done: Classification +2016-08-30 17:49:52,886 DEBUG: Start: Statistic Results +2016-08-30 17:49:52,886 INFO: Accuracy :0.0555555555556 +2016-08-30 17:49:52,887 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:52,888 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:49:52,888 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:52,888 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:49:52,888 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:49:52,888 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:52,888 DEBUG: Start: Classification +2016-08-30 17:49:54,192 DEBUG: Info: Time for Classification: 1.3040869236[s] +2016-08-30 17:49:54,192 DEBUG: Done: Classification +2016-08-30 17:49:54,193 DEBUG: Start: Statistic Results +2016-08-30 17:49:54,193 INFO: Accuracy :0.0888888888889 +2016-08-30 17:49:54,194 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:54,194 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:49:54,194 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:54,195 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:49:54,195 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:49:54,195 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:54,195 DEBUG: Start: Classification +2016-08-30 17:49:58,456 DEBUG: Info: Time for Classification: 4.26204299927[s] +2016-08-30 17:49:58,456 DEBUG: Done: Classification +2016-08-30 17:49:58,459 DEBUG: Start: Statistic Results +2016-08-30 17:49:58,459 INFO: Accuracy :0.0444444444444 +2016-08-30 17:49:58,460 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:58,460 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:49:58,460 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:58,460 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:49:58,461 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:49:58,461 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:58,461 DEBUG: Start: Classification +2016-08-30 17:49:59,964 DEBUG: Info: Time for Classification: 1.50386500359[s] +2016-08-30 17:49:59,964 DEBUG: Done: Classification +2016-08-30 17:49:59,966 DEBUG: Start: Statistic Results +2016-08-30 17:49:59,966 INFO: Accuracy :0.0666666666667 +2016-08-30 17:49:59,967 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:49:59,967 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:49:59,968 DEBUG: Start: Determine Train/Test split +2016-08-30 17:49:59,968 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:49:59,968 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:49:59,968 DEBUG: Done: Determine Train/Test split +2016-08-30 17:49:59,968 DEBUG: Start: Classification +2016-08-30 17:50:01,429 DEBUG: Info: Time for Classification: 1.46202206612[s] +2016-08-30 17:50:01,430 DEBUG: Done: Classification +2016-08-30 17:50:01,432 DEBUG: Start: Statistic Results +2016-08-30 17:50:01,432 INFO: Accuracy :0.0555555555556 +2016-08-30 17:50:01,433 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:01,433 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:50:01,434 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:01,434 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:50:01,434 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:50:01,434 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:01,434 DEBUG: Start: Classification +2016-08-30 17:50:02,675 DEBUG: Info: Time for Classification: 1.24181294441[s] +2016-08-30 17:50:02,675 DEBUG: Done: Classification +2016-08-30 17:50:02,677 DEBUG: Start: Statistic Results +2016-08-30 17:50:02,677 INFO: Accuracy :0.1 +2016-08-30 17:50:02,678 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:02,678 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:50:02,678 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:02,679 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:50:02,679 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:50:02,679 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:02,679 DEBUG: Start: Classification +2016-08-30 17:50:03,510 DEBUG: Info: Time for Classification: 0.831603050232[s] +2016-08-30 17:50:03,510 DEBUG: Done: Classification +2016-08-30 17:50:03,512 DEBUG: Start: Statistic Results +2016-08-30 17:50:03,512 INFO: Accuracy :0.0777777777778 +2016-08-30 17:50:03,513 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:03,513 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:50:03,513 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:03,513 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:50:03,513 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:50:03,513 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:03,514 DEBUG: Start: Classification +2016-08-30 17:50:04,130 DEBUG: Info: Time for Classification: 0.616772174835[s] +2016-08-30 17:50:04,130 DEBUG: Done: Classification +2016-08-30 17:50:04,133 DEBUG: Start: Statistic Results +2016-08-30 17:50:04,133 INFO: Accuracy :0.122222222222 +2016-08-30 17:50:04,135 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:04,135 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:50:04,135 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:04,135 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:50:04,135 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:50:04,135 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:04,135 DEBUG: Start: Classification +2016-08-30 17:50:10,613 DEBUG: Info: Time for Classification: 6.47894406319[s] +2016-08-30 17:50:10,614 DEBUG: Done: Classification +2016-08-30 17:50:10,615 DEBUG: Start: Statistic Results +2016-08-30 17:50:10,616 INFO: Accuracy :0.0777777777778 +2016-08-30 17:50:10,617 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:10,617 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:50:10,617 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:10,617 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:50:10,617 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:50:10,617 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:10,617 DEBUG: Start: Classification +2016-08-30 17:50:11,935 DEBUG: Info: Time for Classification: 1.31808495522[s] +2016-08-30 17:50:11,935 DEBUG: Done: Classification +2016-08-30 17:50:11,936 DEBUG: Start: Statistic Results +2016-08-30 17:50:11,936 INFO: Accuracy :0.0555555555556 +2016-08-30 17:50:11,937 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:11,938 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:50:11,938 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:11,938 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:50:11,938 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:50:11,938 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:11,938 DEBUG: Start: Classification +2016-08-30 17:50:15,433 DEBUG: Info: Time for Classification: 3.49516296387[s] +2016-08-30 17:50:15,433 DEBUG: Done: Classification +2016-08-30 17:50:15,435 DEBUG: Start: Statistic Results +2016-08-30 17:50:15,435 INFO: Accuracy :0.0666666666667 +2016-08-30 17:50:15,436 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:15,436 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:50:15,436 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:15,436 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:50:15,437 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:50:15,437 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:15,437 DEBUG: Start: Classification +2016-08-30 17:50:17,089 DEBUG: Info: Time for Classification: 1.65334892273[s] +2016-08-30 17:50:17,090 DEBUG: Done: Classification +2016-08-30 17:50:17,092 DEBUG: Start: Statistic Results +2016-08-30 17:50:17,092 INFO: Accuracy :0.0333333333333 +2016-08-30 17:50:17,093 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:17,093 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:50:17,093 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:17,093 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:50:17,093 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:50:17,094 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:17,094 DEBUG: Start: Classification +2016-08-30 17:50:18,637 DEBUG: Info: Time for Classification: 1.54398703575[s] +2016-08-30 17:50:18,637 DEBUG: Done: Classification +2016-08-30 17:50:18,640 DEBUG: Start: Statistic Results +2016-08-30 17:50:18,640 INFO: Accuracy :0.0555555555556 +2016-08-30 17:50:18,641 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:18,641 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:50:18,641 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:18,641 DEBUG: Info: Shape X_train:(210, 18), Length of y_train:210 +2016-08-30 17:50:18,642 DEBUG: Info: Shape X_test:(90, 18), Length of y_test:90 +2016-08-30 17:50:18,642 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:18,642 DEBUG: Start: Classification +2016-08-30 17:50:19,832 DEBUG: Info: Time for Classification: 1.19086408615[s] +2016-08-30 17:50:19,832 DEBUG: Done: Classification +2016-08-30 17:50:19,833 DEBUG: Start: Statistic Results +2016-08-30 17:50:19,834 INFO: Accuracy :0.0888888888889 +2016-08-30 17:50:19,835 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:19,835 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:50:19,835 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:19,835 DEBUG: Info: Shape X_train:(210, 18), Length of y_train:210 +2016-08-30 17:50:19,835 DEBUG: Info: Shape X_test:(90, 18), Length of y_test:90 +2016-08-30 17:50:19,835 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:19,836 DEBUG: Start: Classification +2016-08-30 17:50:20,620 DEBUG: Info: Time for Classification: 0.784987926483[s] +2016-08-30 17:50:20,620 DEBUG: Done: Classification +2016-08-30 17:50:20,621 DEBUG: Start: Statistic Results +2016-08-30 17:50:20,622 INFO: Accuracy :0.0555555555556 +2016-08-30 17:50:20,622 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:20,623 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:50:20,623 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:20,623 DEBUG: Info: Shape X_train:(210, 18), Length of y_train:210 +2016-08-30 17:50:20,623 DEBUG: Info: Shape X_test:(90, 18), Length of y_test:90 +2016-08-30 17:50:20,623 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:20,623 DEBUG: Start: Classification +2016-08-30 17:50:21,235 DEBUG: Info: Time for Classification: 0.612812995911[s] +2016-08-30 17:50:21,236 DEBUG: Done: Classification +2016-08-30 17:50:21,238 DEBUG: Start: Statistic Results +2016-08-30 17:50:21,238 INFO: Accuracy :0.0777777777778 +2016-08-30 17:50:21,239 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:21,239 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:50:21,239 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:21,240 DEBUG: Info: Shape X_train:(210, 18), Length of y_train:210 +2016-08-30 17:50:21,240 DEBUG: Info: Shape X_test:(90, 18), Length of y_test:90 +2016-08-30 17:50:21,240 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:21,240 DEBUG: Start: Classification +2016-08-30 17:50:28,331 DEBUG: Info: Time for Classification: 7.09207105637[s] +2016-08-30 17:50:28,331 DEBUG: Done: Classification +2016-08-30 17:50:28,333 DEBUG: Start: Statistic Results +2016-08-30 17:50:28,334 INFO: Accuracy :0.0333333333333 +2016-08-30 17:50:28,335 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:28,335 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:50:28,335 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:28,335 DEBUG: Info: Shape X_train:(210, 18), Length of y_train:210 +2016-08-30 17:50:28,335 DEBUG: Info: Shape X_test:(90, 18), Length of y_test:90 +2016-08-30 17:50:28,336 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:28,336 DEBUG: Start: Classification +2016-08-30 17:50:29,594 DEBUG: Info: Time for Classification: 1.25897121429[s] +2016-08-30 17:50:29,594 DEBUG: Done: Classification +2016-08-30 17:50:29,595 DEBUG: Start: Statistic Results +2016-08-30 17:50:29,596 INFO: Accuracy :0.0555555555556 +2016-08-30 17:50:29,597 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:29,597 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:50:29,597 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:29,597 DEBUG: Info: Shape X_train:(210, 18), Length of y_train:210 +2016-08-30 17:50:29,597 DEBUG: Info: Shape X_test:(90, 18), Length of y_test:90 +2016-08-30 17:50:29,597 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:29,597 DEBUG: Start: Classification +2016-08-30 17:50:33,863 DEBUG: Info: Time for Classification: 4.2659778595[s] +2016-08-30 17:50:33,863 DEBUG: Done: Classification +2016-08-30 17:50:33,865 DEBUG: Start: Statistic Results +2016-08-30 17:50:33,865 INFO: Accuracy :0.144444444444 +2016-08-30 17:50:33,866 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:33,866 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:50:33,866 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:33,867 DEBUG: Info: Shape X_train:(210, 18), Length of y_train:210 +2016-08-30 17:50:33,867 DEBUG: Info: Shape X_test:(90, 18), Length of y_test:90 +2016-08-30 17:50:33,867 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:33,867 DEBUG: Start: Classification +2016-08-30 17:50:35,432 DEBUG: Info: Time for Classification: 1.56614279747[s] +2016-08-30 17:50:35,432 DEBUG: Done: Classification +2016-08-30 17:50:35,434 DEBUG: Start: Statistic Results +2016-08-30 17:50:35,435 INFO: Accuracy :0.122222222222 +2016-08-30 17:50:35,436 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:35,436 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:50:35,436 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:35,436 DEBUG: Info: Shape X_train:(210, 18), Length of y_train:210 +2016-08-30 17:50:35,436 DEBUG: Info: Shape X_test:(90, 18), Length of y_test:90 +2016-08-30 17:50:35,436 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:35,436 DEBUG: Start: Classification +2016-08-30 17:50:36,920 DEBUG: Info: Time for Classification: 1.48462200165[s] +2016-08-30 17:50:36,921 DEBUG: Done: Classification +2016-08-30 17:50:36,923 DEBUG: Start: Statistic Results +2016-08-30 17:50:36,923 INFO: Accuracy :0.0777777777778 +2016-08-30 17:50:36,924 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:36,924 DEBUG: ### Classification - Database:Fake Feature:View4 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:50:36,925 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:36,925 DEBUG: Info: Shape X_train:(210, 15), Length of y_train:210 +2016-08-30 17:50:36,925 DEBUG: Info: Shape X_test:(90, 15), Length of y_test:90 +2016-08-30 17:50:36,925 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:36,925 DEBUG: Start: Classification +2016-08-30 17:50:38,095 DEBUG: Info: Time for Classification: 1.17064189911[s] +2016-08-30 17:50:38,095 DEBUG: Done: Classification +2016-08-30 17:50:38,097 DEBUG: Start: Statistic Results +2016-08-30 17:50:38,097 INFO: Accuracy :0.0333333333333 +2016-08-30 17:50:38,098 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:38,098 DEBUG: ### Classification - Database:Fake Feature:View4 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:50:38,098 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:38,098 DEBUG: Info: Shape X_train:(210, 15), Length of y_train:210 +2016-08-30 17:50:38,098 DEBUG: Info: Shape X_test:(90, 15), Length of y_test:90 +2016-08-30 17:50:38,098 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:38,099 DEBUG: Start: Classification +2016-08-30 17:50:38,814 DEBUG: Info: Time for Classification: 0.715914011002[s] +2016-08-30 17:50:38,814 DEBUG: Done: Classification +2016-08-30 17:50:38,815 DEBUG: Start: Statistic Results +2016-08-30 17:50:38,816 INFO: Accuracy :0.0555555555556 +2016-08-30 17:50:38,817 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:38,817 DEBUG: ### Classification - Database:Fake Feature:View4 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:50:38,817 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:38,817 DEBUG: Info: Shape X_train:(210, 15), Length of y_train:210 +2016-08-30 17:50:38,817 DEBUG: Info: Shape X_test:(90, 15), Length of y_test:90 +2016-08-30 17:50:38,817 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:38,817 DEBUG: Start: Classification +2016-08-30 17:50:39,428 DEBUG: Info: Time for Classification: 0.610948085785[s] +2016-08-30 17:50:39,428 DEBUG: Done: Classification +2016-08-30 17:50:39,431 DEBUG: Start: Statistic Results +2016-08-30 17:50:39,431 INFO: Accuracy :0.0444444444444 +2016-08-30 17:50:39,432 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:39,433 DEBUG: ### Classification - Database:Fake Feature:View4 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:50:39,433 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:39,433 DEBUG: Info: Shape X_train:(210, 15), Length of y_train:210 +2016-08-30 17:50:39,433 DEBUG: Info: Shape X_test:(90, 15), Length of y_test:90 +2016-08-30 17:50:39,433 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:39,433 DEBUG: Start: Classification +2016-08-30 17:50:45,901 DEBUG: Info: Time for Classification: 6.46852207184[s] +2016-08-30 17:50:45,901 DEBUG: Done: Classification +2016-08-30 17:50:45,903 DEBUG: Start: Statistic Results +2016-08-30 17:50:45,903 INFO: Accuracy :0.0777777777778 +2016-08-30 17:50:45,904 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:45,904 DEBUG: ### Classification - Database:Fake Feature:View4 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:50:45,904 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:45,904 DEBUG: Info: Shape X_train:(210, 15), Length of y_train:210 +2016-08-30 17:50:45,905 DEBUG: Info: Shape X_test:(90, 15), Length of y_test:90 +2016-08-30 17:50:45,905 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:45,905 DEBUG: Start: Classification +2016-08-30 17:50:47,145 DEBUG: Info: Time for Classification: 1.24090409279[s] +2016-08-30 17:50:47,145 DEBUG: Done: Classification +2016-08-30 17:50:47,146 DEBUG: Start: Statistic Results +2016-08-30 17:50:47,147 INFO: Accuracy :0.0444444444444 +2016-08-30 17:50:47,148 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:47,148 DEBUG: ### Classification - Database:Fake Feature:View4 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:50:47,148 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:47,148 DEBUG: Info: Shape X_train:(210, 15), Length of y_train:210 +2016-08-30 17:50:47,148 DEBUG: Info: Shape X_test:(90, 15), Length of y_test:90 +2016-08-30 17:50:47,148 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:47,148 DEBUG: Start: Classification +2016-08-30 17:50:52,082 DEBUG: Info: Time for Classification: 4.93415617943[s] +2016-08-30 17:50:52,082 DEBUG: Done: Classification +2016-08-30 17:50:52,084 DEBUG: Start: Statistic Results +2016-08-30 17:50:52,084 INFO: Accuracy :0.0555555555556 +2016-08-30 17:50:52,085 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:52,085 DEBUG: ### Classification - Database:Fake Feature:View4 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:50:52,085 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:52,086 DEBUG: Info: Shape X_train:(210, 15), Length of y_train:210 +2016-08-30 17:50:52,086 DEBUG: Info: Shape X_test:(90, 15), Length of y_test:90 +2016-08-30 17:50:52,086 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:52,086 DEBUG: Start: Classification +2016-08-30 17:50:53,841 DEBUG: Info: Time for Classification: 1.75583696365[s] +2016-08-30 17:50:53,841 DEBUG: Done: Classification +2016-08-30 17:50:53,843 DEBUG: Start: Statistic Results +2016-08-30 17:50:53,843 INFO: Accuracy :0.0777777777778 +2016-08-30 17:50:53,844 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:53,845 DEBUG: ### Classification - Database:Fake Feature:View4 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:50:53,845 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:53,845 DEBUG: Info: Shape X_train:(210, 15), Length of y_train:210 +2016-08-30 17:50:53,845 DEBUG: Info: Shape X_test:(90, 15), Length of y_test:90 +2016-08-30 17:50:53,845 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:53,845 DEBUG: Start: Classification +2016-08-30 17:50:55,284 DEBUG: Info: Time for Classification: 1.43910288811[s] +2016-08-30 17:50:55,284 DEBUG: Done: Classification +2016-08-30 17:50:55,286 DEBUG: Start: Statistic Results +2016-08-30 17:50:55,286 INFO: Accuracy :0.1 +2016-08-30 17:50:55,288 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:55,288 DEBUG: ### Classification - Database:Fake Feature:View5 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:50:55,288 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:55,288 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:50:55,288 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:50:55,288 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:55,288 DEBUG: Start: Classification +2016-08-30 17:50:56,348 DEBUG: Info: Time for Classification: 1.0602710247[s] +2016-08-30 17:50:56,348 DEBUG: Done: Classification +2016-08-30 17:50:56,349 DEBUG: Start: Statistic Results +2016-08-30 17:50:56,350 INFO: Accuracy :0.0666666666667 +2016-08-30 17:50:56,351 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:56,351 DEBUG: ### Classification - Database:Fake Feature:View5 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:50:56,351 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:56,351 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:50:56,351 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:50:56,351 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:56,351 DEBUG: Start: Classification +2016-08-30 17:50:57,039 DEBUG: Info: Time for Classification: 0.688349962234[s] +2016-08-30 17:50:57,039 DEBUG: Done: Classification +2016-08-30 17:50:57,040 DEBUG: Start: Statistic Results +2016-08-30 17:50:57,041 INFO: Accuracy :0.0666666666667 +2016-08-30 17:50:57,042 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:57,042 DEBUG: ### Classification - Database:Fake Feature:View5 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:50:57,042 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:57,042 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:50:57,042 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:50:57,042 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:57,042 DEBUG: Start: Classification +2016-08-30 17:50:57,644 DEBUG: Info: Time for Classification: 0.602197885513[s] +2016-08-30 17:50:57,644 DEBUG: Done: Classification +2016-08-30 17:50:57,647 DEBUG: Start: Statistic Results +2016-08-30 17:50:57,648 INFO: Accuracy :0.0555555555556 +2016-08-30 17:50:57,649 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:50:57,649 DEBUG: ### Classification - Database:Fake Feature:View5 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:50:57,649 DEBUG: Start: Determine Train/Test split +2016-08-30 17:50:57,649 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:50:57,649 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:50:57,649 DEBUG: Done: Determine Train/Test split +2016-08-30 17:50:57,649 DEBUG: Start: Classification +2016-08-30 17:51:02,930 DEBUG: Info: Time for Classification: 5.28180098534[s] +2016-08-30 17:51:02,931 DEBUG: Done: Classification +2016-08-30 17:51:02,933 DEBUG: Start: Statistic Results +2016-08-30 17:51:02,933 INFO: Accuracy :0.0888888888889 +2016-08-30 17:51:02,934 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:02,934 DEBUG: ### Classification - Database:Fake Feature:View5 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:51:02,934 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:02,935 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:51:02,935 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:51:02,935 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:02,935 DEBUG: Start: Classification +2016-08-30 17:51:04,147 DEBUG: Info: Time for Classification: 1.21229791641[s] +2016-08-30 17:51:04,147 DEBUG: Done: Classification +2016-08-30 17:51:04,148 DEBUG: Start: Statistic Results +2016-08-30 17:51:04,148 INFO: Accuracy :0.144444444444 +2016-08-30 17:51:04,149 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:04,149 DEBUG: ### Classification - Database:Fake Feature:View5 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:51:04,150 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:04,150 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:51:04,150 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:51:04,150 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:04,150 DEBUG: Start: Classification +2016-08-30 17:51:09,742 DEBUG: Info: Time for Classification: 5.59219312668[s] +2016-08-30 17:51:09,742 DEBUG: Done: Classification +2016-08-30 17:51:09,744 DEBUG: Start: Statistic Results +2016-08-30 17:51:09,744 INFO: Accuracy :0.111111111111 +2016-08-30 17:51:09,745 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:09,745 DEBUG: ### Classification - Database:Fake Feature:View5 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:51:09,745 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:09,745 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:51:09,745 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:51:09,746 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:09,746 DEBUG: Start: Classification +2016-08-30 17:51:11,154 DEBUG: Info: Time for Classification: 1.40862298012[s] +2016-08-30 17:51:11,154 DEBUG: Done: Classification +2016-08-30 17:51:11,156 DEBUG: Start: Statistic Results +2016-08-30 17:51:11,156 INFO: Accuracy :0.133333333333 +2016-08-30 17:51:11,157 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:11,157 DEBUG: ### Classification - Database:Fake Feature:View5 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:51:11,157 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:11,157 DEBUG: Info: Shape X_train:(210, 12), Length of y_train:210 +2016-08-30 17:51:11,158 DEBUG: Info: Shape X_test:(90, 12), Length of y_test:90 +2016-08-30 17:51:11,158 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:11,158 DEBUG: Start: Classification +2016-08-30 17:51:12,569 DEBUG: Info: Time for Classification: 1.41148209572[s] +2016-08-30 17:51:12,569 DEBUG: Done: Classification +2016-08-30 17:51:12,571 DEBUG: Start: Statistic Results +2016-08-30 17:51:12,571 INFO: Accuracy :0.0666666666667 +2016-08-30 17:51:12,573 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:12,573 DEBUG: ### Classification - Database:Fake Feature:View6 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:51:12,573 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:12,573 DEBUG: Info: Shape X_train:(210, 10), Length of y_train:210 +2016-08-30 17:51:12,573 DEBUG: Info: Shape X_test:(90, 10), Length of y_test:90 +2016-08-30 17:51:12,573 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:12,573 DEBUG: Start: Classification +2016-08-30 17:51:13,602 DEBUG: Info: Time for Classification: 1.02968478203[s] +2016-08-30 17:51:13,603 DEBUG: Done: Classification +2016-08-30 17:51:13,604 DEBUG: Start: Statistic Results +2016-08-30 17:51:13,604 INFO: Accuracy :0.0666666666667 +2016-08-30 17:51:13,605 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:13,605 DEBUG: ### Classification - Database:Fake Feature:View6 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:51:13,605 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:13,606 DEBUG: Info: Shape X_train:(210, 10), Length of y_train:210 +2016-08-30 17:51:13,606 DEBUG: Info: Shape X_test:(90, 10), Length of y_test:90 +2016-08-30 17:51:13,606 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:13,606 DEBUG: Start: Classification +2016-08-30 17:51:14,274 DEBUG: Info: Time for Classification: 0.668747901917[s] +2016-08-30 17:51:14,274 DEBUG: Done: Classification +2016-08-30 17:51:14,275 DEBUG: Start: Statistic Results +2016-08-30 17:51:14,276 INFO: Accuracy :0.0888888888889 +2016-08-30 17:51:14,277 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:14,277 DEBUG: ### Classification - Database:Fake Feature:View6 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:51:14,277 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:14,277 DEBUG: Info: Shape X_train:(210, 10), Length of y_train:210 +2016-08-30 17:51:14,277 DEBUG: Info: Shape X_test:(90, 10), Length of y_test:90 +2016-08-30 17:51:14,277 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:14,277 DEBUG: Start: Classification +2016-08-30 17:51:14,871 DEBUG: Info: Time for Classification: 0.594321012497[s] +2016-08-30 17:51:14,871 DEBUG: Done: Classification +2016-08-30 17:51:14,873 DEBUG: Start: Statistic Results +2016-08-30 17:51:14,874 INFO: Accuracy :0.0777777777778 +2016-08-30 17:51:14,875 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:14,875 DEBUG: ### Classification - Database:Fake Feature:View6 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:51:14,875 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:14,875 DEBUG: Info: Shape X_train:(210, 10), Length of y_train:210 +2016-08-30 17:51:14,875 DEBUG: Info: Shape X_test:(90, 10), Length of y_test:90 +2016-08-30 17:51:14,875 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:14,875 DEBUG: Start: Classification +2016-08-30 17:51:21,557 DEBUG: Info: Time for Classification: 6.68256592751[s] +2016-08-30 17:51:21,557 DEBUG: Done: Classification +2016-08-30 17:51:21,561 DEBUG: Start: Statistic Results +2016-08-30 17:51:21,562 INFO: Accuracy :0.0444444444444 +2016-08-30 17:51:21,563 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:21,563 DEBUG: ### Classification - Database:Fake Feature:View6 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:51:21,563 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:21,563 DEBUG: Info: Shape X_train:(210, 10), Length of y_train:210 +2016-08-30 17:51:21,563 DEBUG: Info: Shape X_test:(90, 10), Length of y_test:90 +2016-08-30 17:51:21,563 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:21,563 DEBUG: Start: Classification +2016-08-30 17:51:22,768 DEBUG: Info: Time for Classification: 1.2055990696[s] +2016-08-30 17:51:22,768 DEBUG: Done: Classification +2016-08-30 17:51:22,770 DEBUG: Start: Statistic Results +2016-08-30 17:51:22,770 INFO: Accuracy :0.0888888888889 +2016-08-30 17:51:22,771 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:22,771 DEBUG: ### Classification - Database:Fake Feature:View6 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:51:22,771 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:22,771 DEBUG: Info: Shape X_train:(210, 10), Length of y_train:210 +2016-08-30 17:51:22,771 DEBUG: Info: Shape X_test:(90, 10), Length of y_test:90 +2016-08-30 17:51:22,772 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:22,772 DEBUG: Start: Classification +2016-08-30 17:51:28,380 DEBUG: Info: Time for Classification: 5.6091439724[s] +2016-08-30 17:51:28,380 DEBUG: Done: Classification +2016-08-30 17:51:28,382 DEBUG: Start: Statistic Results +2016-08-30 17:51:28,382 INFO: Accuracy :0.144444444444 +2016-08-30 17:51:28,383 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:28,384 DEBUG: ### Classification - Database:Fake Feature:View6 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:51:28,384 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:28,384 DEBUG: Info: Shape X_train:(210, 10), Length of y_train:210 +2016-08-30 17:51:28,384 DEBUG: Info: Shape X_test:(90, 10), Length of y_test:90 +2016-08-30 17:51:28,384 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:28,384 DEBUG: Start: Classification +2016-08-30 17:51:29,824 DEBUG: Info: Time for Classification: 1.44074702263[s] +2016-08-30 17:51:29,824 DEBUG: Done: Classification +2016-08-30 17:51:29,826 DEBUG: Start: Statistic Results +2016-08-30 17:51:29,827 INFO: Accuracy :0.0888888888889 +2016-08-30 17:51:29,828 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:29,828 DEBUG: ### Classification - Database:Fake Feature:View6 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:51:29,828 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:29,828 DEBUG: Info: Shape X_train:(210, 10), Length of y_train:210 +2016-08-30 17:51:29,828 DEBUG: Info: Shape X_test:(90, 10), Length of y_test:90 +2016-08-30 17:51:29,828 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:29,828 DEBUG: Start: Classification +2016-08-30 17:51:31,195 DEBUG: Info: Time for Classification: 1.36721491814[s] +2016-08-30 17:51:31,195 DEBUG: Done: Classification +2016-08-30 17:51:31,197 DEBUG: Start: Statistic Results +2016-08-30 17:51:31,198 INFO: Accuracy :0.0777777777778 +2016-08-30 17:51:31,199 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:31,199 DEBUG: ### Classification - Database:Fake Feature:View7 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:51:31,199 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:31,199 DEBUG: Info: Shape X_train:(210, 13), Length of y_train:210 +2016-08-30 17:51:31,199 DEBUG: Info: Shape X_test:(90, 13), Length of y_test:90 +2016-08-30 17:51:31,199 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:31,199 DEBUG: Start: Classification +2016-08-30 17:51:32,288 DEBUG: Info: Time for Classification: 1.08883786201[s] +2016-08-30 17:51:32,288 DEBUG: Done: Classification +2016-08-30 17:51:32,289 DEBUG: Start: Statistic Results +2016-08-30 17:51:32,289 INFO: Accuracy :0.0555555555556 +2016-08-30 17:51:32,290 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:32,291 DEBUG: ### Classification - Database:Fake Feature:View7 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:51:32,291 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:32,291 DEBUG: Info: Shape X_train:(210, 13), Length of y_train:210 +2016-08-30 17:51:32,291 DEBUG: Info: Shape X_test:(90, 13), Length of y_test:90 +2016-08-30 17:51:32,291 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:32,291 DEBUG: Start: Classification +2016-08-30 17:51:32,976 DEBUG: Info: Time for Classification: 0.685235977173[s] +2016-08-30 17:51:32,976 DEBUG: Done: Classification +2016-08-30 17:51:32,977 DEBUG: Start: Statistic Results +2016-08-30 17:51:32,977 INFO: Accuracy :0.0777777777778 +2016-08-30 17:51:32,978 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:32,979 DEBUG: ### Classification - Database:Fake Feature:View7 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:51:32,979 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:32,979 DEBUG: Info: Shape X_train:(210, 13), Length of y_train:210 +2016-08-30 17:51:32,979 DEBUG: Info: Shape X_test:(90, 13), Length of y_test:90 +2016-08-30 17:51:32,979 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:32,979 DEBUG: Start: Classification +2016-08-30 17:51:33,581 DEBUG: Info: Time for Classification: 0.602411985397[s] +2016-08-30 17:51:33,581 DEBUG: Done: Classification +2016-08-30 17:51:33,584 DEBUG: Start: Statistic Results +2016-08-30 17:51:33,585 INFO: Accuracy :0.0888888888889 +2016-08-30 17:51:33,586 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:33,586 DEBUG: ### Classification - Database:Fake Feature:View7 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:51:33,586 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:33,586 DEBUG: Info: Shape X_train:(210, 13), Length of y_train:210 +2016-08-30 17:51:33,586 DEBUG: Info: Shape X_test:(90, 13), Length of y_test:90 +2016-08-30 17:51:33,586 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:33,586 DEBUG: Start: Classification +2016-08-30 17:51:41,290 DEBUG: Info: Time for Classification: 7.70460915565[s] +2016-08-30 17:51:41,290 DEBUG: Done: Classification +2016-08-30 17:51:41,294 DEBUG: Start: Statistic Results +2016-08-30 17:51:41,294 INFO: Accuracy :0.1 +2016-08-30 17:51:41,295 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:41,295 DEBUG: ### Classification - Database:Fake Feature:View7 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:51:41,295 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:41,296 DEBUG: Info: Shape X_train:(210, 13), Length of y_train:210 +2016-08-30 17:51:41,296 DEBUG: Info: Shape X_test:(90, 13), Length of y_test:90 +2016-08-30 17:51:41,296 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:41,296 DEBUG: Start: Classification +2016-08-30 17:51:42,607 DEBUG: Info: Time for Classification: 1.31203889847[s] +2016-08-30 17:51:42,607 DEBUG: Done: Classification +2016-08-30 17:51:42,609 DEBUG: Start: Statistic Results +2016-08-30 17:51:42,609 INFO: Accuracy :0.0888888888889 +2016-08-30 17:51:42,610 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:42,610 DEBUG: ### Classification - Database:Fake Feature:View7 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:51:42,610 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:42,611 DEBUG: Info: Shape X_train:(210, 13), Length of y_train:210 +2016-08-30 17:51:42,611 DEBUG: Info: Shape X_test:(90, 13), Length of y_test:90 +2016-08-30 17:51:42,611 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:42,611 DEBUG: Start: Classification +2016-08-30 17:51:47,693 DEBUG: Info: Time for Classification: 5.08244395256[s] +2016-08-30 17:51:47,693 DEBUG: Done: Classification +2016-08-30 17:51:47,695 DEBUG: Start: Statistic Results +2016-08-30 17:51:47,695 INFO: Accuracy :0.0444444444444 +2016-08-30 17:51:47,697 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:47,697 DEBUG: ### Classification - Database:Fake Feature:View7 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:51:47,697 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:47,697 DEBUG: Info: Shape X_train:(210, 13), Length of y_train:210 +2016-08-30 17:51:47,697 DEBUG: Info: Shape X_test:(90, 13), Length of y_test:90 +2016-08-30 17:51:47,697 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:47,697 DEBUG: Start: Classification +2016-08-30 17:51:49,378 DEBUG: Info: Time for Classification: 1.68096709251[s] +2016-08-30 17:51:49,378 DEBUG: Done: Classification +2016-08-30 17:51:49,380 DEBUG: Start: Statistic Results +2016-08-30 17:51:49,380 INFO: Accuracy :0.0888888888889 +2016-08-30 17:51:49,381 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:49,381 DEBUG: ### Classification - Database:Fake Feature:View7 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:51:49,381 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:49,382 DEBUG: Info: Shape X_train:(210, 13), Length of y_train:210 +2016-08-30 17:51:49,382 DEBUG: Info: Shape X_test:(90, 13), Length of y_test:90 +2016-08-30 17:51:49,382 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:49,382 DEBUG: Start: Classification +2016-08-30 17:51:50,832 DEBUG: Info: Time for Classification: 1.45047497749[s] +2016-08-30 17:51:50,832 DEBUG: Done: Classification +2016-08-30 17:51:50,834 DEBUG: Start: Statistic Results +2016-08-30 17:51:50,834 INFO: Accuracy :0.111111111111 +2016-08-30 17:51:50,835 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:50,836 DEBUG: ### Classification - Database:Fake Feature:View8 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:51:50,836 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:50,836 DEBUG: Info: Shape X_train:(210, 5), Length of y_train:210 +2016-08-30 17:51:50,836 DEBUG: Info: Shape X_test:(90, 5), Length of y_test:90 +2016-08-30 17:51:50,836 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:50,836 DEBUG: Start: Classification +2016-08-30 17:51:51,784 DEBUG: Info: Time for Classification: 0.948651790619[s] +2016-08-30 17:51:51,784 DEBUG: Done: Classification +2016-08-30 17:51:51,786 DEBUG: Start: Statistic Results +2016-08-30 17:51:51,786 INFO: Accuracy :0.0666666666667 +2016-08-30 17:51:51,787 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:51,787 DEBUG: ### Classification - Database:Fake Feature:View8 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:51:51,787 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:51,787 DEBUG: Info: Shape X_train:(210, 5), Length of y_train:210 +2016-08-30 17:51:51,788 DEBUG: Info: Shape X_test:(90, 5), Length of y_test:90 +2016-08-30 17:51:51,788 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:51,788 DEBUG: Start: Classification +2016-08-30 17:51:52,381 DEBUG: Info: Time for Classification: 0.593647003174[s] +2016-08-30 17:51:52,381 DEBUG: Done: Classification +2016-08-30 17:51:52,382 DEBUG: Start: Statistic Results +2016-08-30 17:51:52,382 INFO: Accuracy :0.0666666666667 +2016-08-30 17:51:52,383 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:52,383 DEBUG: ### Classification - Database:Fake Feature:View8 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:51:52,384 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:52,384 DEBUG: Info: Shape X_train:(210, 5), Length of y_train:210 +2016-08-30 17:51:52,384 DEBUG: Info: Shape X_test:(90, 5), Length of y_test:90 +2016-08-30 17:51:52,384 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:52,384 DEBUG: Start: Classification +2016-08-30 17:51:52,998 DEBUG: Info: Time for Classification: 0.614758014679[s] +2016-08-30 17:51:52,998 DEBUG: Done: Classification +2016-08-30 17:51:53,001 DEBUG: Start: Statistic Results +2016-08-30 17:51:53,002 INFO: Accuracy :0.0888888888889 +2016-08-30 17:51:53,003 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:53,003 DEBUG: ### Classification - Database:Fake Feature:View8 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:51:53,003 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:53,003 DEBUG: Info: Shape X_train:(210, 5), Length of y_train:210 +2016-08-30 17:51:53,003 DEBUG: Info: Shape X_test:(90, 5), Length of y_test:90 +2016-08-30 17:51:53,003 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:53,003 DEBUG: Start: Classification +2016-08-30 17:51:59,629 DEBUG: Info: Time for Classification: 6.62646508217[s] +2016-08-30 17:51:59,629 DEBUG: Done: Classification +2016-08-30 17:51:59,632 DEBUG: Start: Statistic Results +2016-08-30 17:51:59,632 INFO: Accuracy :0.0666666666667 +2016-08-30 17:51:59,633 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:51:59,633 DEBUG: ### Classification - Database:Fake Feature:View8 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:51:59,633 DEBUG: Start: Determine Train/Test split +2016-08-30 17:51:59,633 DEBUG: Info: Shape X_train:(210, 5), Length of y_train:210 +2016-08-30 17:51:59,633 DEBUG: Info: Shape X_test:(90, 5), Length of y_test:90 +2016-08-30 17:51:59,634 DEBUG: Done: Determine Train/Test split +2016-08-30 17:51:59,634 DEBUG: Start: Classification +2016-08-30 17:52:00,771 DEBUG: Info: Time for Classification: 1.13798594475[s] +2016-08-30 17:52:00,771 DEBUG: Done: Classification +2016-08-30 17:52:00,772 DEBUG: Start: Statistic Results +2016-08-30 17:52:00,773 INFO: Accuracy :0.0666666666667 +2016-08-30 17:52:00,774 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:00,774 DEBUG: ### Classification - Database:Fake Feature:View8 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:52:00,774 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:00,774 DEBUG: Info: Shape X_train:(210, 5), Length of y_train:210 +2016-08-30 17:52:00,774 DEBUG: Info: Shape X_test:(90, 5), Length of y_test:90 +2016-08-30 17:52:00,774 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:00,774 DEBUG: Start: Classification +2016-08-30 17:52:06,741 DEBUG: Info: Time for Classification: 5.9670548439[s] +2016-08-30 17:52:06,741 DEBUG: Done: Classification +2016-08-30 17:52:06,743 DEBUG: Start: Statistic Results +2016-08-30 17:52:06,743 INFO: Accuracy :0.0666666666667 +2016-08-30 17:52:06,744 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:06,744 DEBUG: ### Classification - Database:Fake Feature:View8 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:52:06,744 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:06,745 DEBUG: Info: Shape X_train:(210, 5), Length of y_train:210 +2016-08-30 17:52:06,745 DEBUG: Info: Shape X_test:(90, 5), Length of y_test:90 +2016-08-30 17:52:06,745 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:06,745 DEBUG: Start: Classification +2016-08-30 17:52:08,944 DEBUG: Info: Time for Classification: 2.20023298264[s] +2016-08-30 17:52:08,945 DEBUG: Done: Classification +2016-08-30 17:52:08,946 DEBUG: Start: Statistic Results +2016-08-30 17:52:08,947 INFO: Accuracy :0.1 +2016-08-30 17:52:08,948 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:08,948 DEBUG: ### Classification - Database:Fake Feature:View8 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:52:08,948 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:08,948 DEBUG: Info: Shape X_train:(210, 5), Length of y_train:210 +2016-08-30 17:52:08,948 DEBUG: Info: Shape X_test:(90, 5), Length of y_test:90 +2016-08-30 17:52:08,948 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:08,949 DEBUG: Start: Classification +2016-08-30 17:52:10,301 DEBUG: Info: Time for Classification: 1.35304808617[s] +2016-08-30 17:52:10,301 DEBUG: Done: Classification +2016-08-30 17:52:10,308 DEBUG: Start: Statistic Results +2016-08-30 17:52:10,308 INFO: Accuracy :0.0666666666667 +2016-08-30 17:52:10,311 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:10,311 DEBUG: ### Classification - Database:Fake Feature:View9 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:52:10,311 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:10,311 DEBUG: Info: Shape X_train:(210, 15), Length of y_train:210 +2016-08-30 17:52:10,312 DEBUG: Info: Shape X_test:(90, 15), Length of y_test:90 +2016-08-30 17:52:10,312 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:10,312 DEBUG: Start: Classification +2016-08-30 17:52:11,664 DEBUG: Info: Time for Classification: 1.35363411903[s] +2016-08-30 17:52:11,664 DEBUG: Done: Classification +2016-08-30 17:52:11,665 DEBUG: Start: Statistic Results +2016-08-30 17:52:11,666 INFO: Accuracy :0.0333333333333 +2016-08-30 17:52:11,667 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:11,667 DEBUG: ### Classification - Database:Fake Feature:View9 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:52:11,667 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:11,667 DEBUG: Info: Shape X_train:(210, 15), Length of y_train:210 +2016-08-30 17:52:11,667 DEBUG: Info: Shape X_test:(90, 15), Length of y_test:90 +2016-08-30 17:52:11,668 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:11,668 DEBUG: Start: Classification +2016-08-30 17:52:12,436 DEBUG: Info: Time for Classification: 0.769148111343[s] +2016-08-30 17:52:12,436 DEBUG: Done: Classification +2016-08-30 17:52:12,437 DEBUG: Start: Statistic Results +2016-08-30 17:52:12,438 INFO: Accuracy :0.0222222222222 +2016-08-30 17:52:12,439 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:12,439 DEBUG: ### Classification - Database:Fake Feature:View9 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:52:12,439 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:12,439 DEBUG: Info: Shape X_train:(210, 15), Length of y_train:210 +2016-08-30 17:52:12,439 DEBUG: Info: Shape X_test:(90, 15), Length of y_test:90 +2016-08-30 17:52:12,439 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:12,439 DEBUG: Start: Classification +2016-08-30 17:52:13,114 DEBUG: Info: Time for Classification: 0.675167798996[s] +2016-08-30 17:52:13,114 DEBUG: Done: Classification +2016-08-30 17:52:13,117 DEBUG: Start: Statistic Results +2016-08-30 17:52:13,117 INFO: Accuracy :0.0666666666667 +2016-08-30 17:52:13,118 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:13,118 DEBUG: ### Classification - Database:Fake Feature:View9 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:52:13,118 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:13,118 DEBUG: Info: Shape X_train:(210, 15), Length of y_train:210 +2016-08-30 17:52:13,119 DEBUG: Info: Shape X_test:(90, 15), Length of y_test:90 +2016-08-30 17:52:13,119 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:13,119 DEBUG: Start: Classification diff --git a/Code/MonoMutliViewClassifiers/Results/20160830-175215-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160830-175215-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..5abb4a25c922ae9f4b993e807a8ad363c85335f7 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160830-175215-CMultiV-Benchmark-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,9477 @@ +2016-08-30 17:52:15,116 INFO: Start: Finding all available mono- & multiview algorithms +2016-08-30 17:52:15,118 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:15,118 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:52:15,118 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:15,118 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:52:15,119 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:52:15,119 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:15,119 DEBUG: Start: Classification +2016-08-30 17:52:16,324 DEBUG: Info: Time for Classification: 1.20567297935[s] +2016-08-30 17:52:16,324 DEBUG: Done: Classification +2016-08-30 17:52:16,326 DEBUG: Start: Statistic Results +2016-08-30 17:52:16,326 INFO: Accuracy :0.0888888888889 +2016-08-30 17:52:16,327 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:16,327 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:52:16,327 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:16,327 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:52:16,327 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:52:16,328 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:16,328 DEBUG: Start: Classification +2016-08-30 17:52:17,113 DEBUG: Info: Time for Classification: 0.78587603569[s] +2016-08-30 17:52:17,113 DEBUG: Done: Classification +2016-08-30 17:52:17,114 DEBUG: Start: Statistic Results +2016-08-30 17:52:17,115 INFO: Accuracy :0.0666666666667 +2016-08-30 17:52:17,116 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:17,116 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:52:17,116 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:17,116 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:52:17,116 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:52:17,116 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:17,116 DEBUG: Start: Classification +2016-08-30 17:52:17,726 DEBUG: Info: Time for Classification: 0.610716104507[s] +2016-08-30 17:52:17,726 DEBUG: Done: Classification +2016-08-30 17:52:17,729 DEBUG: Start: Statistic Results +2016-08-30 17:52:17,730 INFO: Accuracy :0.0666666666667 +2016-08-30 17:52:17,731 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:17,731 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:52:17,731 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:17,731 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:52:17,731 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:52:17,731 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:17,732 DEBUG: Start: Classification +2016-08-30 17:52:24,180 DEBUG: Info: Time for Classification: 6.44868612289[s] +2016-08-30 17:52:24,180 DEBUG: Done: Classification +2016-08-30 17:52:24,183 DEBUG: Start: Statistic Results +2016-08-30 17:52:24,183 INFO: Accuracy :0.1 +2016-08-30 17:52:24,184 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:24,184 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:52:24,184 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:24,184 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:52:24,185 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:52:24,185 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:24,185 DEBUG: Start: Classification +2016-08-30 17:52:25,494 DEBUG: Info: Time for Classification: 1.31040716171[s] +2016-08-30 17:52:25,495 DEBUG: Done: Classification +2016-08-30 17:52:25,496 DEBUG: Start: Statistic Results +2016-08-30 17:52:25,496 INFO: Accuracy :0.133333333333 +2016-08-30 17:52:25,497 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:25,497 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:52:25,497 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:25,498 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:52:25,498 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:52:25,498 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:25,498 DEBUG: Start: Classification +2016-08-30 17:52:29,171 DEBUG: Info: Time for Classification: 3.6736907959[s] +2016-08-30 17:52:29,171 DEBUG: Done: Classification +2016-08-30 17:52:29,173 DEBUG: Start: Statistic Results +2016-08-30 17:52:29,173 INFO: Accuracy :0.1 +2016-08-30 17:52:29,174 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:29,175 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:52:29,175 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:29,175 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:52:29,175 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:52:29,175 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:29,175 DEBUG: Start: Classification +2016-08-30 17:52:30,755 DEBUG: Info: Time for Classification: 1.58054304123[s] +2016-08-30 17:52:30,755 DEBUG: Done: Classification +2016-08-30 17:52:30,757 DEBUG: Start: Statistic Results +2016-08-30 17:52:30,758 INFO: Accuracy :0.0555555555556 +2016-08-30 17:52:30,759 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:30,759 DEBUG: ### Classification - Database:Fake Feature:View0 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:52:30,759 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:30,759 DEBUG: Info: Shape X_train:(210, 20), Length of y_train:210 +2016-08-30 17:52:30,759 DEBUG: Info: Shape X_test:(90, 20), Length of y_test:90 +2016-08-30 17:52:30,759 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:30,759 DEBUG: Start: Classification +2016-08-30 17:52:32,241 DEBUG: Info: Time for Classification: 1.48236107826[s] +2016-08-30 17:52:32,241 DEBUG: Done: Classification +2016-08-30 17:52:32,244 DEBUG: Start: Statistic Results +2016-08-30 17:52:32,244 INFO: Accuracy :0.0777777777778 +2016-08-30 17:52:32,245 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:32,245 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:52:32,245 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:32,246 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:52:32,246 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:52:32,246 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:32,246 DEBUG: Start: Classification +2016-08-30 17:52:33,433 DEBUG: Info: Time for Classification: 1.18808889389[s] +2016-08-30 17:52:33,433 DEBUG: Done: Classification +2016-08-30 17:52:33,435 DEBUG: Start: Statistic Results +2016-08-30 17:52:33,435 INFO: Accuracy :0.0777777777778 +2016-08-30 17:52:33,436 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:33,436 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:52:33,436 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:33,437 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:52:33,437 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:52:33,437 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:33,437 DEBUG: Start: Classification +2016-08-30 17:52:34,175 DEBUG: Info: Time for Classification: 0.738460063934[s] +2016-08-30 17:52:34,175 DEBUG: Done: Classification +2016-08-30 17:52:34,176 DEBUG: Start: Statistic Results +2016-08-30 17:52:34,176 INFO: Accuracy :0.0777777777778 +2016-08-30 17:52:34,177 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:34,177 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:52:34,177 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:34,178 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:52:34,178 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:52:34,178 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:34,178 DEBUG: Start: Classification +2016-08-30 17:52:34,776 DEBUG: Info: Time for Classification: 0.59827709198[s] +2016-08-30 17:52:34,776 DEBUG: Done: Classification +2016-08-30 17:52:34,779 DEBUG: Start: Statistic Results +2016-08-30 17:52:34,779 INFO: Accuracy :0.0777777777778 +2016-08-30 17:52:34,780 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:34,780 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:52:34,780 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:34,780 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:52:34,781 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:52:34,781 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:34,781 DEBUG: Start: Classification +2016-08-30 17:52:42,224 DEBUG: Info: Time for Classification: 7.44349002838[s] +2016-08-30 17:52:42,224 DEBUG: Done: Classification +2016-08-30 17:52:42,226 DEBUG: Start: Statistic Results +2016-08-30 17:52:42,226 INFO: Accuracy :0.0555555555556 +2016-08-30 17:52:42,227 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:42,227 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:52:42,227 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:42,228 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:52:42,228 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:52:42,228 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:42,228 DEBUG: Start: Classification +2016-08-30 17:52:43,430 DEBUG: Info: Time for Classification: 1.20295190811[s] +2016-08-30 17:52:43,430 DEBUG: Done: Classification +2016-08-30 17:52:43,432 DEBUG: Start: Statistic Results +2016-08-30 17:52:43,432 INFO: Accuracy :0.0444444444444 +2016-08-30 17:52:43,433 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:43,433 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:52:43,433 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:43,433 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:52:43,433 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:52:43,433 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:43,434 DEBUG: Start: Classification +2016-08-30 17:52:47,729 DEBUG: Info: Time for Classification: 4.29624199867[s] +2016-08-30 17:52:47,729 DEBUG: Done: Classification +2016-08-30 17:52:47,731 DEBUG: Start: Statistic Results +2016-08-30 17:52:47,731 INFO: Accuracy :0.0555555555556 +2016-08-30 17:52:47,732 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:47,733 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:52:47,733 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:47,733 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:52:47,733 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:52:47,733 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:47,733 DEBUG: Start: Classification +2016-08-30 17:52:49,483 DEBUG: Info: Time for Classification: 1.75093483925[s] +2016-08-30 17:52:49,484 DEBUG: Done: Classification +2016-08-30 17:52:49,485 DEBUG: Start: Statistic Results +2016-08-30 17:52:49,486 INFO: Accuracy :0.0777777777778 +2016-08-30 17:52:49,487 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:49,487 DEBUG: ### Classification - Database:Fake Feature:View1 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:52:49,487 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:49,487 DEBUG: Info: Shape X_train:(210, 16), Length of y_train:210 +2016-08-30 17:52:49,487 DEBUG: Info: Shape X_test:(90, 16), Length of y_test:90 +2016-08-30 17:52:49,487 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:49,488 DEBUG: Start: Classification +2016-08-30 17:52:50,980 DEBUG: Info: Time for Classification: 1.4932551384[s] +2016-08-30 17:52:50,980 DEBUG: Done: Classification +2016-08-30 17:52:50,983 DEBUG: Start: Statistic Results +2016-08-30 17:52:50,983 INFO: Accuracy :0.0777777777778 +2016-08-30 17:52:50,984 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:50,984 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:52:50,984 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:50,985 DEBUG: Info: Shape X_train:(210, 19), Length of y_train:210 +2016-08-30 17:52:50,985 DEBUG: Info: Shape X_test:(90, 19), Length of y_test:90 +2016-08-30 17:52:50,985 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:50,985 DEBUG: Start: Classification +2016-08-30 17:52:52,181 DEBUG: Info: Time for Classification: 1.19678902626[s] +2016-08-30 17:52:52,181 DEBUG: Done: Classification +2016-08-30 17:52:52,182 DEBUG: Start: Statistic Results +2016-08-30 17:52:52,183 INFO: Accuracy :0.0888888888889 +2016-08-30 17:52:52,184 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:52,184 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:52:52,184 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:52,184 DEBUG: Info: Shape X_train:(210, 19), Length of y_train:210 +2016-08-30 17:52:52,184 DEBUG: Info: Shape X_test:(90, 19), Length of y_test:90 +2016-08-30 17:52:52,184 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:52,184 DEBUG: Start: Classification +2016-08-30 17:52:53,009 DEBUG: Info: Time for Classification: 0.825353145599[s] +2016-08-30 17:52:53,009 DEBUG: Done: Classification +2016-08-30 17:52:53,010 DEBUG: Start: Statistic Results +2016-08-30 17:52:53,011 INFO: Accuracy :0.1 +2016-08-30 17:52:53,012 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:53,012 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:52:53,012 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:53,012 DEBUG: Info: Shape X_train:(210, 19), Length of y_train:210 +2016-08-30 17:52:53,012 DEBUG: Info: Shape X_test:(90, 19), Length of y_test:90 +2016-08-30 17:52:53,012 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:53,012 DEBUG: Start: Classification +2016-08-30 17:52:53,628 DEBUG: Info: Time for Classification: 0.616662979126[s] +2016-08-30 17:52:53,629 DEBUG: Done: Classification +2016-08-30 17:52:53,632 DEBUG: Start: Statistic Results +2016-08-30 17:52:53,632 INFO: Accuracy :0.0777777777778 +2016-08-30 17:52:53,633 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:52:53,633 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:52:53,633 DEBUG: Start: Determine Train/Test split +2016-08-30 17:52:53,633 DEBUG: Info: Shape X_train:(210, 19), Length of y_train:210 +2016-08-30 17:52:53,633 DEBUG: Info: Shape X_test:(90, 19), Length of y_test:90 +2016-08-30 17:52:53,633 DEBUG: Done: Determine Train/Test split +2016-08-30 17:52:53,633 DEBUG: Start: Classification +2016-08-30 17:53:00,974 DEBUG: Info: Time for Classification: 7.34109997749[s] +2016-08-30 17:53:00,974 DEBUG: Done: Classification +2016-08-30 17:53:00,976 DEBUG: Start: Statistic Results +2016-08-30 17:53:00,976 INFO: Accuracy :0.0777777777778 +2016-08-30 17:53:00,977 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:53:00,977 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:53:00,977 DEBUG: Start: Determine Train/Test split +2016-08-30 17:53:00,977 DEBUG: Info: Shape X_train:(210, 19), Length of y_train:210 +2016-08-30 17:53:00,978 DEBUG: Info: Shape X_test:(90, 19), Length of y_test:90 +2016-08-30 17:53:00,978 DEBUG: Done: Determine Train/Test split +2016-08-30 17:53:00,978 DEBUG: Start: Classification +2016-08-30 17:53:02,278 DEBUG: Info: Time for Classification: 1.30113506317[s] +2016-08-30 17:53:02,278 DEBUG: Done: Classification +2016-08-30 17:53:02,280 DEBUG: Start: Statistic Results +2016-08-30 17:53:02,280 INFO: Accuracy :0.0555555555556 +2016-08-30 17:53:02,281 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:53:02,281 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:53:02,281 DEBUG: Start: Determine Train/Test split +2016-08-30 17:53:02,281 DEBUG: Info: Shape X_train:(210, 19), Length of y_train:210 +2016-08-30 17:53:02,281 DEBUG: Info: Shape X_test:(90, 19), Length of y_test:90 +2016-08-30 17:53:02,282 DEBUG: Done: Determine Train/Test split +2016-08-30 17:53:02,282 DEBUG: Start: Classification +2016-08-30 17:53:05,967 DEBUG: Info: Time for Classification: 3.68570899963[s] +2016-08-30 17:53:05,967 DEBUG: Done: Classification +2016-08-30 17:53:05,969 DEBUG: Start: Statistic Results +2016-08-30 17:53:05,969 INFO: Accuracy :0.122222222222 +2016-08-30 17:53:05,970 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:53:05,970 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:53:05,970 DEBUG: Start: Determine Train/Test split +2016-08-30 17:53:05,970 DEBUG: Info: Shape X_train:(210, 19), Length of y_train:210 +2016-08-30 17:53:05,971 DEBUG: Info: Shape X_test:(90, 19), Length of y_test:90 +2016-08-30 17:53:05,971 DEBUG: Done: Determine Train/Test split +2016-08-30 17:53:05,971 DEBUG: Start: Classification +2016-08-30 17:53:07,535 DEBUG: Info: Time for Classification: 1.56464409828[s] +2016-08-30 17:53:07,535 DEBUG: Done: Classification +2016-08-30 17:53:07,537 DEBUG: Start: Statistic Results +2016-08-30 17:53:07,537 INFO: Accuracy :0.0222222222222 +2016-08-30 17:53:07,538 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:53:07,538 DEBUG: ### Classification - Database:Fake Feature:View2 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:53:07,538 DEBUG: Start: Determine Train/Test split +2016-08-30 17:53:07,539 DEBUG: Info: Shape X_train:(210, 19), Length of y_train:210 +2016-08-30 17:53:07,539 DEBUG: Info: Shape X_test:(90, 19), Length of y_test:90 +2016-08-30 17:53:07,539 DEBUG: Done: Determine Train/Test split +2016-08-30 17:53:07,539 DEBUG: Start: Classification +2016-08-30 17:53:09,046 DEBUG: Info: Time for Classification: 1.50818490982[s] +2016-08-30 17:53:09,047 DEBUG: Done: Classification +2016-08-30 17:53:09,049 DEBUG: Start: Statistic Results +2016-08-30 17:53:09,049 INFO: Accuracy :0.0333333333333 +2016-08-30 17:53:09,050 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:53:09,051 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : Adaboost +2016-08-30 17:53:09,051 DEBUG: Start: Determine Train/Test split +2016-08-30 17:53:09,051 DEBUG: Info: Shape X_train:(210, 6), Length of y_train:210 +2016-08-30 17:53:09,051 DEBUG: Info: Shape X_test:(90, 6), Length of y_test:90 +2016-08-30 17:53:09,051 DEBUG: Done: Determine Train/Test split +2016-08-30 17:53:09,051 DEBUG: Start: Classification +2016-08-30 17:53:10,040 DEBUG: Info: Time for Classification: 0.989593982697[s] +2016-08-30 17:53:10,040 DEBUG: Done: Classification +2016-08-30 17:53:10,042 DEBUG: Start: Statistic Results +2016-08-30 17:53:10,042 INFO: Accuracy :0.0777777777778 +2016-08-30 17:53:10,043 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:53:10,043 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : DecisionTree +2016-08-30 17:53:10,043 DEBUG: Start: Determine Train/Test split +2016-08-30 17:53:10,043 DEBUG: Info: Shape X_train:(210, 6), Length of y_train:210 +2016-08-30 17:53:10,043 DEBUG: Info: Shape X_test:(90, 6), Length of y_test:90 +2016-08-30 17:53:10,044 DEBUG: Done: Determine Train/Test split +2016-08-30 17:53:10,044 DEBUG: Start: Classification +2016-08-30 17:53:10,635 DEBUG: Info: Time for Classification: 0.59154009819[s] +2016-08-30 17:53:10,635 DEBUG: Done: Classification +2016-08-30 17:53:10,636 DEBUG: Start: Statistic Results +2016-08-30 17:53:10,636 INFO: Accuracy :0.111111111111 +2016-08-30 17:53:10,637 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:53:10,637 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : KNN +2016-08-30 17:53:10,637 DEBUG: Start: Determine Train/Test split +2016-08-30 17:53:10,638 DEBUG: Info: Shape X_train:(210, 6), Length of y_train:210 +2016-08-30 17:53:10,638 DEBUG: Info: Shape X_test:(90, 6), Length of y_test:90 +2016-08-30 17:53:10,638 DEBUG: Done: Determine Train/Test split +2016-08-30 17:53:10,638 DEBUG: Start: Classification +2016-08-30 17:53:11,228 DEBUG: Info: Time for Classification: 0.590969085693[s] +2016-08-30 17:53:11,228 DEBUG: Done: Classification +2016-08-30 17:53:11,231 DEBUG: Start: Statistic Results +2016-08-30 17:53:11,231 INFO: Accuracy :0.1 +2016-08-30 17:53:11,232 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:53:11,232 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : RandomForest +2016-08-30 17:53:11,232 DEBUG: Start: Determine Train/Test split +2016-08-30 17:53:11,232 DEBUG: Info: Shape X_train:(210, 6), Length of y_train:210 +2016-08-30 17:53:11,232 DEBUG: Info: Shape X_test:(90, 6), Length of y_test:90 +2016-08-30 17:53:11,233 DEBUG: Done: Determine Train/Test split +2016-08-30 17:53:11,233 DEBUG: Start: Classification +2016-08-30 17:53:17,605 DEBUG: Info: Time for Classification: 6.37281298637[s] +2016-08-30 17:53:17,605 DEBUG: Done: Classification +2016-08-30 17:53:17,607 DEBUG: Start: Statistic Results +2016-08-30 17:53:17,607 INFO: Accuracy :0.0444444444444 +2016-08-30 17:53:17,608 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:53:17,608 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SGD +2016-08-30 17:53:17,608 DEBUG: Start: Determine Train/Test split +2016-08-30 17:53:17,609 DEBUG: Info: Shape X_train:(210, 6), Length of y_train:210 +2016-08-30 17:53:17,609 DEBUG: Info: Shape X_test:(90, 6), Length of y_test:90 +2016-08-30 17:53:17,609 DEBUG: Done: Determine Train/Test split +2016-08-30 17:53:17,609 DEBUG: Start: Classification +2016-08-30 17:53:18,735 DEBUG: Info: Time for Classification: 1.12645411491[s] +2016-08-30 17:53:18,735 DEBUG: Done: Classification +2016-08-30 17:53:18,736 DEBUG: Start: Statistic Results +2016-08-30 17:53:18,736 INFO: Accuracy :0.0777777777778 +2016-08-30 17:53:18,737 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:53:18,737 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMLinear +2016-08-30 17:53:18,737 DEBUG: Start: Determine Train/Test split +2016-08-30 17:53:18,738 DEBUG: Info: Shape X_train:(210, 6), Length of y_train:210 +2016-08-30 17:53:18,738 DEBUG: Info: Shape X_test:(90, 6), Length of y_test:90 +2016-08-30 17:53:18,738 DEBUG: Done: Determine Train/Test split +2016-08-30 17:53:18,738 DEBUG: Start: Classification +2016-08-30 17:53:24,618 DEBUG: Info: Time for Classification: 5.88113307953[s] +2016-08-30 17:53:24,619 DEBUG: Done: Classification +2016-08-30 17:53:24,620 DEBUG: Start: Statistic Results +2016-08-30 17:53:24,621 INFO: Accuracy :0.0333333333333 +2016-08-30 17:53:24,622 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:53:24,622 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMPoly +2016-08-30 17:53:24,622 DEBUG: Start: Determine Train/Test split +2016-08-30 17:53:24,622 DEBUG: Info: Shape X_train:(210, 6), Length of y_train:210 +2016-08-30 17:53:24,622 DEBUG: Info: Shape X_test:(90, 6), Length of y_test:90 +2016-08-30 17:53:24,622 DEBUG: Done: Determine Train/Test split +2016-08-30 17:53:24,622 DEBUG: Start: Classification +2016-08-30 17:53:26,084 DEBUG: Info: Time for Classification: 1.46259999275[s] +2016-08-30 17:53:26,084 DEBUG: Done: Classification +2016-08-30 17:53:26,086 DEBUG: Start: Statistic Results +2016-08-30 17:53:26,087 INFO: Accuracy :0.0333333333333 +2016-08-30 17:53:26,088 DEBUG: ### Main Programm for Classification MonoView +2016-08-30 17:53:26,088 DEBUG: ### Classification - Database:Fake Feature:View3 train_size:0.7, CrossValidation k-folds:5, cores:1, algorithm : SVMRBF +2016-08-30 17:53:26,088 DEBUG: Start: Determine Train/Test split +2016-08-30 17:53:26,088 DEBUG: Info: Shape X_train:(210, 6), Length of y_train:210 +2016-08-30 17:53:26,088 DEBUG: Info: Shape X_test:(90, 6), Length of y_test:90 +2016-08-30 17:53:26,088 DEBUG: Done: Determine Train/Test split +2016-08-30 17:53:26,088 DEBUG: Start: Classification +2016-08-30 17:53:27,405 DEBUG: Info: Time for Classification: 1.3173429966[s] +2016-08-30 17:53:27,405 DEBUG: Done: Classification +2016-08-30 17:53:27,407 DEBUG: Start: Statistic Results +2016-08-30 17:53:27,408 INFO: Accuracy :0.0777777777778 +2016-08-30 17:53:27,409 INFO: ### Main Programm for Multiview Classification +2016-08-30 17:53:27,409 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-08-30 17:53:27,410 INFO: Info: Shape of View0 :(300, 20) +2016-08-30 17:53:27,410 INFO: Info: Shape of View1 :(300, 16) +2016-08-30 17:53:27,411 INFO: Info: Shape of View2 :(300, 19) +2016-08-30 17:53:27,411 INFO: Info: Shape of View3 :(300, 6) +2016-08-30 17:53:27,411 INFO: Done: Read Database Files +2016-08-30 17:53:27,411 INFO: Start: Determine validation split for ratio 0.7 +2016-08-30 17:53:27,422 INFO: Done: Determine validation split +2016-08-30 17:53:27,422 INFO: Start: Determine 5 folds +2016-08-30 17:53:27,432 INFO: Info: Length of Learning Sets: 179 +2016-08-30 17:53:27,433 INFO: Info: Length of Testing Sets: 37 +2016-08-30 17:53:27,433 INFO: Info: Length of Validation Set: 84 +2016-08-30 17:53:27,433 INFO: Done: Determine folds +2016-08-30 17:53:27,433 INFO: Start: Learning with Mumbo and 5 folds +2016-08-30 17:53:27,433 INFO: Start: Gridsearching best settings for monoview classifiers +2016-08-30 17:53:27,433 DEBUG: Start: Gridsearch for DecisionTree on View0 +2016-08-30 17:57:30,784 DEBUG: Info: Best Reslut : 0.592592592593 +2016-08-30 17:57:30,784 DEBUG: Done: Gridsearch for DecisionTree +2016-08-30 17:57:30,786 DEBUG: Start: Gridsearch for DecisionTree on View1 +2016-08-30 18:01:30,563 DEBUG: Info: Best Reslut : 0.59962962963 +2016-08-30 18:01:30,564 DEBUG: Done: Gridsearch for DecisionTree +2016-08-30 18:01:30,564 DEBUG: Start: Gridsearch for DecisionTree on View2 +2016-08-30 18:05:32,662 DEBUG: Info: Best Reslut : 0.50462962963 +2016-08-30 18:05:32,662 DEBUG: Done: Gridsearch for DecisionTree +2016-08-30 18:05:32,663 DEBUG: Start: Gridsearch for DecisionTree on View3 +2016-08-30 18:09:22,062 DEBUG: Info: Best Reslut : 0.575833333333 +2016-08-30 18:09:22,063 DEBUG: Done: Gridsearch for DecisionTree +2016-08-30 18:09:22,063 INFO: Done: Gridsearching best settings for monoview classifiers +2016-08-30 18:09:22,063 INFO: Start: Fold number 1 +2016-08-30 18:09:30,300 DEBUG: Start: Iteration 1 +2016-08-30 18:09:30,348 DEBUG: View 0 : 0.217616580311 +2016-08-30 18:09:30,367 DEBUG: View 1 : 0.233160621762 +2016-08-30 18:09:30,385 DEBUG: View 2 : 0.212435233161 +2016-08-30 18:09:30,409 DEBUG: View 3 : 0.248704663212 +2016-08-30 18:09:30,409 WARNING: WARNING: All bad for iteration 0 +2016-08-30 18:09:30,711 DEBUG: Best view : View2 +2016-08-30 18:09:30,833 DEBUG: Start: Iteration 2 +2016-08-30 18:09:30,855 DEBUG: View 0 : 0.725388601036 +2016-08-30 18:09:30,874 DEBUG: View 1 : 0.564766839378 +2016-08-30 18:09:30,894 DEBUG: View 2 : 0.575129533679 +2016-08-30 18:09:30,917 DEBUG: View 3 : 0.694300518135 +2016-08-30 18:09:31,182 DEBUG: Best view : View0 +2016-08-30 18:09:31,381 DEBUG: Start: Iteration 3 +2016-08-30 18:09:31,403 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:09:31,423 DEBUG: View 1 : 0.461139896373 +2016-08-30 18:09:31,444 DEBUG: View 2 : 0.518134715026 +2016-08-30 18:09:31,467 DEBUG: View 3 : 0.559585492228 +2016-08-30 18:09:31,870 DEBUG: Best view : View0 +2016-08-30 18:09:32,158 DEBUG: Start: Iteration 4 +2016-08-30 18:09:32,180 DEBUG: View 0 : 0.709844559585 +2016-08-30 18:09:32,199 DEBUG: View 1 : 0.512953367876 +2016-08-30 18:09:32,219 DEBUG: View 2 : 0.362694300518 +2016-08-30 18:09:32,242 DEBUG: View 3 : 0.621761658031 +2016-08-30 18:09:32,617 DEBUG: Best view : View0 +2016-08-30 18:09:32,966 DEBUG: Start: Iteration 5 +2016-08-30 18:09:32,988 DEBUG: View 0 : 0.777202072539 +2016-08-30 18:09:33,007 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:09:33,028 DEBUG: View 2 : 0.39896373057 +2016-08-30 18:09:33,051 DEBUG: View 3 : 0.59067357513 +2016-08-30 18:09:33,393 DEBUG: Best view : View0 +2016-08-30 18:09:33,811 DEBUG: Start: Iteration 6 +2016-08-30 18:09:33,833 DEBUG: View 0 : 0.616580310881 +2016-08-30 18:09:33,853 DEBUG: View 1 : 0.450777202073 +2016-08-30 18:09:33,873 DEBUG: View 2 : 0.476683937824 +2016-08-30 18:09:33,896 DEBUG: View 3 : 0.761658031088 +2016-08-30 18:09:34,241 DEBUG: Best view : View3 +2016-08-30 18:09:34,729 DEBUG: Start: Iteration 7 +2016-08-30 18:09:34,751 DEBUG: View 0 : 0.60103626943 +2016-08-30 18:09:34,771 DEBUG: View 1 : 0.518134715026 +2016-08-30 18:09:34,791 DEBUG: View 2 : 0.642487046632 +2016-08-30 18:09:34,814 DEBUG: View 3 : 0.777202072539 +2016-08-30 18:09:35,165 DEBUG: Best view : View3 +2016-08-30 18:09:35,725 DEBUG: Start: Iteration 8 +2016-08-30 18:09:35,747 DEBUG: View 0 : 0.642487046632 +2016-08-30 18:09:35,768 DEBUG: View 1 : 0.554404145078 +2016-08-30 18:09:35,788 DEBUG: View 2 : 0.466321243523 +2016-08-30 18:09:35,813 DEBUG: View 3 : 0.751295336788 +2016-08-30 18:09:36,176 DEBUG: Best view : View3 +2016-08-30 18:09:36,804 DEBUG: Start: Iteration 9 +2016-08-30 18:09:36,826 DEBUG: View 0 : 0.652849740933 +2016-08-30 18:09:36,846 DEBUG: View 1 : 0.538860103627 +2016-08-30 18:09:36,866 DEBUG: View 2 : 0.435233160622 +2016-08-30 18:09:36,889 DEBUG: View 3 : 0.59585492228 +2016-08-30 18:09:37,257 DEBUG: Best view : View0 +2016-08-30 18:09:37,956 DEBUG: Start: Iteration 10 +2016-08-30 18:09:37,978 DEBUG: View 0 : 0.642487046632 +2016-08-30 18:09:37,998 DEBUG: View 1 : 0.362694300518 +2016-08-30 18:09:38,018 DEBUG: View 2 : 0.538860103627 +2016-08-30 18:09:38,042 DEBUG: View 3 : 0.699481865285 +2016-08-30 18:09:38,417 DEBUG: Best view : View3 +2016-08-30 18:09:39,186 DEBUG: Start: Iteration 11 +2016-08-30 18:09:39,208 DEBUG: View 0 : 0.575129533679 +2016-08-30 18:09:39,228 DEBUG: View 1 : 0.476683937824 +2016-08-30 18:09:39,248 DEBUG: View 2 : 0.538860103627 +2016-08-30 18:09:39,271 DEBUG: View 3 : 0.689119170984 +2016-08-30 18:09:39,657 DEBUG: Best view : View3 +2016-08-30 18:09:40,496 DEBUG: Start: Iteration 12 +2016-08-30 18:09:40,518 DEBUG: View 0 : 0.59067357513 +2016-08-30 18:09:40,538 DEBUG: View 1 : 0.336787564767 +2016-08-30 18:09:40,558 DEBUG: View 2 : 0.435233160622 +2016-08-30 18:09:40,581 DEBUG: View 3 : 0.813471502591 +2016-08-30 18:09:40,975 DEBUG: Best view : View3 +2016-08-30 18:09:41,897 DEBUG: Start: Iteration 13 +2016-08-30 18:09:41,919 DEBUG: View 0 : 0.60621761658 +2016-08-30 18:09:41,940 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:09:41,961 DEBUG: View 2 : 0.378238341969 +2016-08-30 18:09:41,983 DEBUG: View 3 : 0.818652849741 +2016-08-30 18:09:42,384 DEBUG: Best view : View3 +2016-08-30 18:09:43,361 DEBUG: Start: Iteration 14 +2016-08-30 18:09:43,382 DEBUG: View 0 : 0.730569948187 +2016-08-30 18:09:43,402 DEBUG: View 1 : 0.347150259067 +2016-08-30 18:09:43,422 DEBUG: View 2 : 0.419689119171 +2016-08-30 18:09:43,445 DEBUG: View 3 : 0.829015544041 +2016-08-30 18:09:43,855 DEBUG: Best view : View3 +2016-08-30 18:09:44,906 DEBUG: Start: Iteration 15 +2016-08-30 18:09:44,928 DEBUG: View 0 : 0.632124352332 +2016-08-30 18:09:44,948 DEBUG: View 1 : 0.336787564767 +2016-08-30 18:09:44,968 DEBUG: View 2 : 0.544041450777 +2016-08-30 18:09:44,991 DEBUG: View 3 : 0.772020725389 +2016-08-30 18:09:45,403 DEBUG: Best view : View3 +2016-08-30 18:09:46,522 DEBUG: Start: Iteration 16 +2016-08-30 18:09:46,543 DEBUG: View 0 : 0.580310880829 +2016-08-30 18:09:46,564 DEBUG: View 1 : 0.336787564767 +2016-08-30 18:09:46,584 DEBUG: View 2 : 0.40932642487 +2016-08-30 18:09:46,607 DEBUG: View 3 : 0.632124352332 +2016-08-30 18:09:47,029 DEBUG: Best view : View3 +2016-08-30 18:09:48,217 DEBUG: Start: Iteration 17 +2016-08-30 18:09:48,239 DEBUG: View 0 : 0.585492227979 +2016-08-30 18:09:48,259 DEBUG: View 1 : 0.373056994819 +2016-08-30 18:09:48,279 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:09:48,302 DEBUG: View 3 : 0.642487046632 +2016-08-30 18:09:48,734 DEBUG: Best view : View3 +2016-08-30 18:09:49,997 DEBUG: Start: Iteration 18 +2016-08-30 18:09:50,019 DEBUG: View 0 : 0.725388601036 +2016-08-30 18:09:50,038 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:09:50,059 DEBUG: View 2 : 0.450777202073 +2016-08-30 18:09:50,081 DEBUG: View 3 : 0.813471502591 +2016-08-30 18:09:50,520 DEBUG: Best view : View3 +2016-08-30 18:09:51,850 DEBUG: Start: Iteration 19 +2016-08-30 18:09:51,873 DEBUG: View 0 : 0.652849740933 +2016-08-30 18:09:51,892 DEBUG: View 1 : 0.347150259067 +2016-08-30 18:09:51,913 DEBUG: View 2 : 0.512953367876 +2016-08-30 18:09:51,936 DEBUG: View 3 : 0.79274611399 +2016-08-30 18:09:52,385 DEBUG: Best view : View3 +2016-08-30 18:09:53,784 DEBUG: Start: Iteration 20 +2016-08-30 18:09:53,806 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:09:53,826 DEBUG: View 1 : 0.564766839378 +2016-08-30 18:09:53,846 DEBUG: View 2 : 0.362694300518 +2016-08-30 18:09:53,869 DEBUG: View 3 : 0.663212435233 +2016-08-30 18:09:54,330 DEBUG: Best view : View0 +2016-08-30 18:09:55,811 DEBUG: Start: Iteration 21 +2016-08-30 18:09:55,832 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:09:55,852 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:09:55,872 DEBUG: View 2 : 0.357512953368 +2016-08-30 18:09:55,896 DEBUG: View 3 : 0.787564766839 +2016-08-30 18:09:56,361 DEBUG: Best view : View3 +2016-08-30 18:09:57,901 DEBUG: Start: Iteration 22 +2016-08-30 18:09:57,923 DEBUG: View 0 : 0.663212435233 +2016-08-30 18:09:57,943 DEBUG: View 1 : 0.316062176166 +2016-08-30 18:09:57,963 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:09:57,986 DEBUG: View 3 : 0.611398963731 +2016-08-30 18:09:58,462 DEBUG: Best view : View0 +2016-08-30 18:10:00,073 DEBUG: Start: Iteration 23 +2016-08-30 18:10:00,095 DEBUG: View 0 : 0.637305699482 +2016-08-30 18:10:00,115 DEBUG: View 1 : 0.321243523316 +2016-08-30 18:10:00,135 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:10:00,159 DEBUG: View 3 : 0.611398963731 +2016-08-30 18:10:00,640 DEBUG: Best view : View0 +2016-08-30 18:10:02,323 DEBUG: Start: Iteration 24 +2016-08-30 18:10:02,345 DEBUG: View 0 : 0.751295336788 +2016-08-30 18:10:02,365 DEBUG: View 1 : 0.352331606218 +2016-08-30 18:10:02,386 DEBUG: View 2 : 0.40932642487 +2016-08-30 18:10:02,409 DEBUG: View 3 : 0.616580310881 +2016-08-30 18:10:02,906 DEBUG: Best view : View0 +2016-08-30 18:10:04,659 DEBUG: Start: Iteration 25 +2016-08-30 18:10:04,681 DEBUG: View 0 : 0.746113989637 +2016-08-30 18:10:04,701 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:10:04,721 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:10:04,744 DEBUG: View 3 : 0.647668393782 +2016-08-30 18:10:05,243 DEBUG: Best view : View0 +2016-08-30 18:10:07,077 DEBUG: Start: Iteration 26 +2016-08-30 18:10:07,100 DEBUG: View 0 : 0.616580310881 +2016-08-30 18:10:07,120 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:10:07,139 DEBUG: View 2 : 0.481865284974 +2016-08-30 18:10:07,162 DEBUG: View 3 : 0.616580310881 +2016-08-30 18:10:07,670 DEBUG: Best view : View3 +2016-08-30 18:10:09,564 DEBUG: Start: Iteration 27 +2016-08-30 18:10:09,585 DEBUG: View 0 : 0.59067357513 +2016-08-30 18:10:09,605 DEBUG: View 1 : 0.357512953368 +2016-08-30 18:10:09,625 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:10:09,648 DEBUG: View 3 : 0.585492227979 +2016-08-30 18:10:10,165 DEBUG: Best view : View3 +2016-08-30 18:10:12,150 DEBUG: Start: Iteration 28 +2016-08-30 18:10:12,171 DEBUG: View 0 : 0.487046632124 +2016-08-30 18:10:12,192 DEBUG: View 1 : 0.424870466321 +2016-08-30 18:10:12,212 DEBUG: View 2 : 0.430051813472 +2016-08-30 18:10:12,235 DEBUG: View 3 : 0.585492227979 +2016-08-30 18:10:12,756 DEBUG: Best view : View3 +2016-08-30 18:10:14,785 DEBUG: Start: Iteration 29 +2016-08-30 18:10:14,806 DEBUG: View 0 : 0.751295336788 +2016-08-30 18:10:14,826 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:10:14,846 DEBUG: View 2 : 0.502590673575 +2016-08-30 18:10:14,869 DEBUG: View 3 : 0.544041450777 +2016-08-30 18:10:15,401 DEBUG: Best view : View0 +2016-08-30 18:10:17,498 DEBUG: Start: Iteration 30 +2016-08-30 18:10:17,519 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:10:17,540 DEBUG: View 1 : 0.440414507772 +2016-08-30 18:10:17,560 DEBUG: View 2 : 0.518134715026 +2016-08-30 18:10:17,584 DEBUG: View 3 : 0.673575129534 +2016-08-30 18:10:18,124 DEBUG: Best view : View0 +2016-08-30 18:10:20,301 DEBUG: Start: Iteration 31 +2016-08-30 18:10:20,322 DEBUG: View 0 : 0.673575129534 +2016-08-30 18:10:20,342 DEBUG: View 1 : 0.424870466321 +2016-08-30 18:10:20,363 DEBUG: View 2 : 0.512953367876 +2016-08-30 18:10:20,386 DEBUG: View 3 : 0.564766839378 +2016-08-30 18:10:20,930 DEBUG: Best view : View0 +2016-08-30 18:10:23,207 DEBUG: Start: Iteration 32 +2016-08-30 18:10:23,229 DEBUG: View 0 : 0.642487046632 +2016-08-30 18:10:23,249 DEBUG: View 1 : 0.569948186528 +2016-08-30 18:10:23,269 DEBUG: View 2 : 0.518134715026 +2016-08-30 18:10:23,292 DEBUG: View 3 : 0.689119170984 +2016-08-30 18:10:23,847 DEBUG: Best view : View3 +2016-08-30 18:10:26,168 DEBUG: Start: Iteration 33 +2016-08-30 18:10:26,190 DEBUG: View 0 : 0.59067357513 +2016-08-30 18:10:26,210 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:10:26,230 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:10:26,254 DEBUG: View 3 : 0.683937823834 +2016-08-30 18:10:26,817 DEBUG: Best view : View3 +2016-08-30 18:10:29,211 DEBUG: Start: Iteration 34 +2016-08-30 18:10:29,233 DEBUG: View 0 : 0.658031088083 +2016-08-30 18:10:29,253 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:10:29,273 DEBUG: View 2 : 0.466321243523 +2016-08-30 18:10:29,296 DEBUG: View 3 : 0.715025906736 +2016-08-30 18:10:29,868 DEBUG: Best view : View3 +2016-08-30 18:10:32,322 DEBUG: Start: Iteration 35 +2016-08-30 18:10:32,344 DEBUG: View 0 : 0.694300518135 +2016-08-30 18:10:32,364 DEBUG: View 1 : 0.59067357513 +2016-08-30 18:10:32,385 DEBUG: View 2 : 0.533678756477 +2016-08-30 18:10:32,408 DEBUG: View 3 : 0.621761658031 +2016-08-30 18:10:32,984 DEBUG: Best view : View0 +2016-08-30 18:10:35,511 DEBUG: Start: Iteration 36 +2016-08-30 18:10:35,533 DEBUG: View 0 : 0.559585492228 +2016-08-30 18:10:35,553 DEBUG: View 1 : 0.585492227979 +2016-08-30 18:10:35,573 DEBUG: View 2 : 0.523316062176 +2016-08-30 18:10:35,596 DEBUG: View 3 : 0.652849740933 +2016-08-30 18:10:36,179 DEBUG: Best view : View3 +2016-08-30 18:10:38,779 DEBUG: Start: Iteration 37 +2016-08-30 18:10:38,800 DEBUG: View 0 : 0.663212435233 +2016-08-30 18:10:38,820 DEBUG: View 1 : 0.40414507772 +2016-08-30 18:10:38,841 DEBUG: View 2 : 0.554404145078 +2016-08-30 18:10:38,864 DEBUG: View 3 : 0.689119170984 +2016-08-30 18:10:39,460 DEBUG: Best view : View3 +2016-08-30 18:10:42,127 DEBUG: Start: Iteration 38 +2016-08-30 18:10:42,149 DEBUG: View 0 : 0.523316062176 +2016-08-30 18:10:42,169 DEBUG: View 1 : 0.362694300518 +2016-08-30 18:10:42,189 DEBUG: View 2 : 0.40932642487 +2016-08-30 18:10:42,212 DEBUG: View 3 : 0.725388601036 +2016-08-30 18:10:42,817 DEBUG: Best view : View3 +2016-08-30 18:10:45,566 DEBUG: Start: Iteration 39 +2016-08-30 18:10:45,588 DEBUG: View 0 : 0.585492227979 +2016-08-30 18:10:45,608 DEBUG: View 1 : 0.523316062176 +2016-08-30 18:10:45,628 DEBUG: View 2 : 0.321243523316 +2016-08-30 18:10:45,651 DEBUG: View 3 : 0.699481865285 +2016-08-30 18:10:46,263 DEBUG: Best view : View3 +2016-08-30 18:10:49,086 DEBUG: Start: Iteration 40 +2016-08-30 18:10:49,108 DEBUG: View 0 : 0.689119170984 +2016-08-30 18:10:49,128 DEBUG: View 1 : 0.430051813472 +2016-08-30 18:10:49,148 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:10:49,171 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:10:49,802 DEBUG: Best view : View0 +2016-08-30 18:10:52,797 DEBUG: Start: Iteration 41 +2016-08-30 18:10:52,819 DEBUG: View 0 : 0.569948186528 +2016-08-30 18:10:52,839 DEBUG: View 1 : 0.461139896373 +2016-08-30 18:10:52,860 DEBUG: View 2 : 0.383419689119 +2016-08-30 18:10:52,884 DEBUG: View 3 : 0.611398963731 +2016-08-30 18:10:53,513 DEBUG: Best view : View3 +2016-08-30 18:10:56,575 DEBUG: Start: Iteration 42 +2016-08-30 18:10:56,597 DEBUG: View 0 : 0.694300518135 +2016-08-30 18:10:56,618 DEBUG: View 1 : 0.424870466321 +2016-08-30 18:10:56,638 DEBUG: View 2 : 0.440414507772 +2016-08-30 18:10:56,661 DEBUG: View 3 : 0.60103626943 +2016-08-30 18:10:57,410 DEBUG: Best view : View0 +2016-08-30 18:11:00,568 DEBUG: Start: Iteration 43 +2016-08-30 18:11:00,590 DEBUG: View 0 : 0.59067357513 +2016-08-30 18:11:00,610 DEBUG: View 1 : 0.471502590674 +2016-08-30 18:11:00,630 DEBUG: View 2 : 0.59585492228 +2016-08-30 18:11:00,653 DEBUG: View 3 : 0.647668393782 +2016-08-30 18:11:01,405 DEBUG: Best view : View3 +2016-08-30 18:11:04,640 DEBUG: Start: Iteration 44 +2016-08-30 18:11:04,663 DEBUG: View 0 : 0.523316062176 +2016-08-30 18:11:04,683 DEBUG: View 1 : 0.59067357513 +2016-08-30 18:11:04,704 DEBUG: View 2 : 0.497409326425 +2016-08-30 18:11:04,728 DEBUG: View 3 : 0.652849740933 +2016-08-30 18:11:05,492 DEBUG: Best view : View3 +2016-08-30 18:11:08,793 DEBUG: Start: Iteration 45 +2016-08-30 18:11:08,815 DEBUG: View 0 : 0.735751295337 +2016-08-30 18:11:08,835 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:11:08,856 DEBUG: View 2 : 0.533678756477 +2016-08-30 18:11:08,880 DEBUG: View 3 : 0.523316062176 +2016-08-30 18:11:09,653 DEBUG: Best view : View0 +2016-08-30 18:11:13,033 DEBUG: Start: Iteration 46 +2016-08-30 18:11:13,054 DEBUG: View 0 : 0.694300518135 +2016-08-30 18:11:13,074 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:11:13,094 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:11:13,117 DEBUG: View 3 : 0.59067357513 +2016-08-30 18:11:13,787 DEBUG: Best view : View0 +2016-08-30 18:11:17,093 DEBUG: Start: Iteration 47 +2016-08-30 18:11:17,115 DEBUG: View 0 : 0.668393782383 +2016-08-30 18:11:17,135 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:11:17,155 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:11:17,179 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:11:17,866 DEBUG: Best view : View0 +2016-08-30 18:11:21,240 DEBUG: Start: Iteration 48 +2016-08-30 18:11:21,263 DEBUG: View 0 : 0.575129533679 +2016-08-30 18:11:21,283 DEBUG: View 1 : 0.424870466321 +2016-08-30 18:11:21,303 DEBUG: View 2 : 0.544041450777 +2016-08-30 18:11:21,327 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:11:22,019 DEBUG: Best view : View0 +2016-08-30 18:11:25,454 DEBUG: Start: Iteration 49 +2016-08-30 18:11:25,475 DEBUG: View 0 : 0.559585492228 +2016-08-30 18:11:25,496 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:11:25,516 DEBUG: View 2 : 0.430051813472 +2016-08-30 18:11:25,539 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:11:26,232 DEBUG: Best view : View0 +2016-08-30 18:11:29,749 DEBUG: Start: Iteration 50 +2016-08-30 18:11:29,771 DEBUG: View 0 : 0.512953367876 +2016-08-30 18:11:29,792 DEBUG: View 1 : 0.40414507772 +2016-08-30 18:11:29,812 DEBUG: View 2 : 0.481865284974 +2016-08-30 18:11:29,835 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:11:30,534 DEBUG: Best view : View3 +2016-08-30 18:11:34,164 DEBUG: Start: Iteration 51 +2016-08-30 18:11:34,186 DEBUG: View 0 : 0.766839378238 +2016-08-30 18:11:34,207 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:11:34,228 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:11:34,252 DEBUG: View 3 : 0.544041450777 +2016-08-30 18:11:34,967 DEBUG: Best view : View0 +2016-08-30 18:11:38,620 DEBUG: Start: Iteration 52 +2016-08-30 18:11:38,642 DEBUG: View 0 : 0.720207253886 +2016-08-30 18:11:38,663 DEBUG: View 1 : 0.445595854922 +2016-08-30 18:11:38,683 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:11:38,706 DEBUG: View 3 : 0.40932642487 +2016-08-30 18:11:39,418 DEBUG: Best view : View0 +2016-08-30 18:11:43,148 DEBUG: Start: Iteration 53 +2016-08-30 18:11:43,170 DEBUG: View 0 : 0.60103626943 +2016-08-30 18:11:43,189 DEBUG: View 1 : 0.40932642487 +2016-08-30 18:11:43,209 DEBUG: View 2 : 0.378238341969 +2016-08-30 18:11:43,233 DEBUG: View 3 : 0.518134715026 +2016-08-30 18:11:43,953 DEBUG: Best view : View0 +2016-08-30 18:11:47,762 DEBUG: Start: Iteration 54 +2016-08-30 18:11:47,784 DEBUG: View 0 : 0.621761658031 +2016-08-30 18:11:47,805 DEBUG: View 1 : 0.341968911917 +2016-08-30 18:11:47,825 DEBUG: View 2 : 0.445595854922 +2016-08-30 18:11:47,848 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:11:48,580 DEBUG: Best view : View0 +2016-08-30 18:11:52,460 DEBUG: Start: Iteration 55 +2016-08-30 18:11:52,482 DEBUG: View 0 : 0.626943005181 +2016-08-30 18:11:52,503 DEBUG: View 1 : 0.419689119171 +2016-08-30 18:11:52,524 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:11:52,548 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:11:53,285 DEBUG: Best view : View0 +2016-08-30 18:11:57,231 DEBUG: Start: Iteration 56 +2016-08-30 18:11:57,253 DEBUG: View 0 : 0.611398963731 +2016-08-30 18:11:57,273 DEBUG: View 1 : 0.569948186528 +2016-08-30 18:11:57,294 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:11:57,317 DEBUG: View 3 : 0.59067357513 +2016-08-30 18:11:58,080 DEBUG: Best view : View0 +2016-08-30 18:12:02,101 DEBUG: Start: Iteration 57 +2016-08-30 18:12:02,122 DEBUG: View 0 : 0.647668393782 +2016-08-30 18:12:02,143 DEBUG: View 1 : 0.347150259067 +2016-08-30 18:12:02,163 DEBUG: View 2 : 0.497409326425 +2016-08-30 18:12:02,186 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:12:02,936 DEBUG: Best view : View0 +2016-08-30 18:12:07,012 DEBUG: Start: Iteration 58 +2016-08-30 18:12:07,034 DEBUG: View 0 : 0.683937823834 +2016-08-30 18:12:07,053 DEBUG: View 1 : 0.523316062176 +2016-08-30 18:12:07,074 DEBUG: View 2 : 0.533678756477 +2016-08-30 18:12:07,097 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:12:07,868 DEBUG: Best view : View0 +2016-08-30 18:12:12,014 DEBUG: Start: Iteration 59 +2016-08-30 18:12:12,035 DEBUG: View 0 : 0.564766839378 +2016-08-30 18:12:12,055 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:12:12,075 DEBUG: View 2 : 0.461139896373 +2016-08-30 18:12:12,098 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:12:12,869 DEBUG: Best view : View0 +2016-08-30 18:12:17,102 DEBUG: Start: Iteration 60 +2016-08-30 18:12:17,124 DEBUG: View 0 : 0.637305699482 +2016-08-30 18:12:17,144 DEBUG: View 1 : 0.40932642487 +2016-08-30 18:12:17,164 DEBUG: View 2 : 0.310880829016 +2016-08-30 18:12:17,188 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:12:17,967 DEBUG: Best view : View0 +2016-08-30 18:12:22,260 DEBUG: Start: Iteration 61 +2016-08-30 18:12:22,282 DEBUG: View 0 : 0.704663212435 +2016-08-30 18:12:22,302 DEBUG: View 1 : 0.445595854922 +2016-08-30 18:12:22,322 DEBUG: View 2 : 0.476683937824 +2016-08-30 18:12:22,345 DEBUG: View 3 : 0.647668393782 +2016-08-30 18:12:23,130 DEBUG: Best view : View0 +2016-08-30 18:12:27,517 DEBUG: Start: Iteration 62 +2016-08-30 18:12:27,539 DEBUG: View 0 : 0.637305699482 +2016-08-30 18:12:27,559 DEBUG: View 1 : 0.440414507772 +2016-08-30 18:12:27,580 DEBUG: View 2 : 0.383419689119 +2016-08-30 18:12:27,603 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:12:28,398 DEBUG: Best view : View0 +2016-08-30 18:12:32,854 DEBUG: Start: Iteration 63 +2016-08-30 18:12:32,876 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:12:32,896 DEBUG: View 1 : 0.455958549223 +2016-08-30 18:12:32,916 DEBUG: View 2 : 0.471502590674 +2016-08-30 18:12:32,939 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:12:33,743 DEBUG: Best view : View0 +2016-08-30 18:12:38,247 DEBUG: Start: Iteration 64 +2016-08-30 18:12:38,269 DEBUG: View 0 : 0.715025906736 +2016-08-30 18:12:38,289 DEBUG: View 1 : 0.487046632124 +2016-08-30 18:12:38,309 DEBUG: View 2 : 0.419689119171 +2016-08-30 18:12:38,331 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:12:39,141 DEBUG: Best view : View0 +2016-08-30 18:12:43,720 DEBUG: Start: Iteration 65 +2016-08-30 18:12:43,742 DEBUG: View 0 : 0.564766839378 +2016-08-30 18:12:43,762 DEBUG: View 1 : 0.424870466321 +2016-08-30 18:12:43,782 DEBUG: View 2 : 0.466321243523 +2016-08-30 18:12:43,805 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:12:44,626 DEBUG: Best view : View0 +2016-08-30 18:12:49,278 DEBUG: Start: Iteration 66 +2016-08-30 18:12:49,300 DEBUG: View 0 : 0.580310880829 +2016-08-30 18:12:49,320 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:12:49,341 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:12:49,364 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:12:50,205 DEBUG: Best view : View0 +2016-08-30 18:12:54,913 DEBUG: Start: Iteration 67 +2016-08-30 18:12:54,935 DEBUG: View 0 : 0.704663212435 +2016-08-30 18:12:54,955 DEBUG: View 1 : 0.430051813472 +2016-08-30 18:12:54,975 DEBUG: View 2 : 0.440414507772 +2016-08-30 18:12:54,998 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:12:55,833 DEBUG: Best view : View0 +2016-08-30 18:13:00,621 DEBUG: Start: Iteration 68 +2016-08-30 18:13:00,643 DEBUG: View 0 : 0.673575129534 +2016-08-30 18:13:00,663 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:13:00,683 DEBUG: View 2 : 0.40414507772 +2016-08-30 18:13:00,706 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:13:01,552 DEBUG: Best view : View0 +2016-08-30 18:13:06,395 DEBUG: Start: Iteration 69 +2016-08-30 18:13:06,416 DEBUG: View 0 : 0.621761658031 +2016-08-30 18:13:06,437 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:13:06,457 DEBUG: View 2 : 0.575129533679 +2016-08-30 18:13:06,481 DEBUG: View 3 : 0.60103626943 +2016-08-30 18:13:07,332 DEBUG: Best view : View0 +2016-08-30 18:13:12,270 DEBUG: Start: Iteration 70 +2016-08-30 18:13:12,292 DEBUG: View 0 : 0.668393782383 +2016-08-30 18:13:12,312 DEBUG: View 1 : 0.300518134715 +2016-08-30 18:13:12,332 DEBUG: View 2 : 0.523316062176 +2016-08-30 18:13:12,355 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:13:13,213 DEBUG: Best view : View0 +2016-08-30 18:13:18,225 DEBUG: Start: Iteration 71 +2016-08-30 18:13:18,248 DEBUG: View 0 : 0.704663212435 +2016-08-30 18:13:18,269 DEBUG: View 1 : 0.430051813472 +2016-08-30 18:13:18,289 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:13:18,311 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:13:19,177 DEBUG: Best view : View0 +2016-08-30 18:13:24,253 DEBUG: Start: Iteration 72 +2016-08-30 18:13:24,275 DEBUG: View 0 : 0.694300518135 +2016-08-30 18:13:24,294 DEBUG: View 1 : 0.455958549223 +2016-08-30 18:13:24,315 DEBUG: View 2 : 0.461139896373 +2016-08-30 18:13:24,338 DEBUG: View 3 : 0.59585492228 +2016-08-30 18:13:25,216 DEBUG: Best view : View0 +2016-08-30 18:13:30,373 DEBUG: Start: Iteration 73 +2016-08-30 18:13:30,394 DEBUG: View 0 : 0.60103626943 +2016-08-30 18:13:30,415 DEBUG: View 1 : 0.373056994819 +2016-08-30 18:13:30,435 DEBUG: View 2 : 0.528497409326 +2016-08-30 18:13:30,458 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:13:31,345 DEBUG: Best view : View0 +2016-08-30 18:13:36,596 DEBUG: Start: Iteration 74 +2016-08-30 18:13:36,618 DEBUG: View 0 : 0.549222797927 +2016-08-30 18:13:36,638 DEBUG: View 1 : 0.430051813472 +2016-08-30 18:13:36,658 DEBUG: View 2 : 0.424870466321 +2016-08-30 18:13:36,681 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:13:37,576 DEBUG: Best view : View0 +2016-08-30 18:13:42,892 DEBUG: Start: Iteration 75 +2016-08-30 18:13:42,914 DEBUG: View 0 : 0.507772020725 +2016-08-30 18:13:42,935 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:13:42,955 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:13:42,978 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:13:43,885 DEBUG: Best view : View3 +2016-08-30 18:13:49,276 DEBUG: Start: Iteration 76 +2016-08-30 18:13:49,297 DEBUG: View 0 : 0.59067357513 +2016-08-30 18:13:49,316 DEBUG: View 1 : 0.492227979275 +2016-08-30 18:13:49,337 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:13:49,360 DEBUG: View 3 : 0.616580310881 +2016-08-30 18:13:50,280 DEBUG: Best view : View3 +2016-08-30 18:13:55,719 DEBUG: Start: Iteration 77 +2016-08-30 18:13:55,741 DEBUG: View 0 : 0.668393782383 +2016-08-30 18:13:55,761 DEBUG: View 1 : 0.326424870466 +2016-08-30 18:13:55,782 DEBUG: View 2 : 0.497409326425 +2016-08-30 18:13:55,807 DEBUG: View 3 : 0.575129533679 +2016-08-30 18:13:56,721 DEBUG: Best view : View0 +2016-08-30 18:14:02,230 DEBUG: Start: Iteration 78 +2016-08-30 18:14:02,252 DEBUG: View 0 : 0.626943005181 +2016-08-30 18:14:02,272 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:14:02,292 DEBUG: View 2 : 0.39896373057 +2016-08-30 18:14:02,316 DEBUG: View 3 : 0.575129533679 +2016-08-30 18:14:03,248 DEBUG: Best view : View0 +2016-08-30 18:14:08,839 DEBUG: Start: Iteration 79 +2016-08-30 18:14:08,861 DEBUG: View 0 : 0.678756476684 +2016-08-30 18:14:08,880 DEBUG: View 1 : 0.445595854922 +2016-08-30 18:14:08,900 DEBUG: View 2 : 0.528497409326 +2016-08-30 18:14:08,923 DEBUG: View 3 : 0.580310880829 +2016-08-30 18:14:09,860 DEBUG: Best view : View0 +2016-08-30 18:14:15,500 DEBUG: Start: Iteration 80 +2016-08-30 18:14:15,522 DEBUG: View 0 : 0.616580310881 +2016-08-30 18:14:15,542 DEBUG: View 1 : 0.419689119171 +2016-08-30 18:14:15,562 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:14:15,585 DEBUG: View 3 : 0.616580310881 +2016-08-30 18:14:16,527 DEBUG: Best view : View3 +2016-08-30 18:14:22,247 DEBUG: Start: Iteration 81 +2016-08-30 18:14:22,269 DEBUG: View 0 : 0.709844559585 +2016-08-30 18:14:22,289 DEBUG: View 1 : 0.352331606218 +2016-08-30 18:14:22,309 DEBUG: View 2 : 0.497409326425 +2016-08-30 18:14:22,332 DEBUG: View 3 : 0.689119170984 +2016-08-30 18:14:23,284 DEBUG: Best view : View0 +2016-08-30 18:14:29,071 DEBUG: Start: Iteration 82 +2016-08-30 18:14:29,093 DEBUG: View 0 : 0.735751295337 +2016-08-30 18:14:29,114 DEBUG: View 1 : 0.352331606218 +2016-08-30 18:14:29,133 DEBUG: View 2 : 0.471502590674 +2016-08-30 18:14:29,156 DEBUG: View 3 : 0.683937823834 +2016-08-30 18:14:30,109 DEBUG: Best view : View0 +2016-08-30 18:14:35,965 DEBUG: Start: Iteration 83 +2016-08-30 18:14:35,987 DEBUG: View 0 : 0.59067357513 +2016-08-30 18:14:36,007 DEBUG: View 1 : 0.362694300518 +2016-08-30 18:14:36,027 DEBUG: View 2 : 0.39378238342 +2016-08-30 18:14:36,050 DEBUG: View 3 : 0.487046632124 +2016-08-30 18:14:37,027 DEBUG: Best view : View0 +2016-08-30 18:14:42,964 DEBUG: Start: Iteration 84 +2016-08-30 18:14:42,985 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:14:43,005 DEBUG: View 1 : 0.430051813472 +2016-08-30 18:14:43,025 DEBUG: View 2 : 0.523316062176 +2016-08-30 18:14:43,048 DEBUG: View 3 : 0.673575129534 +2016-08-30 18:14:44,024 DEBUG: Best view : View0 +2016-08-30 18:14:50,051 DEBUG: Start: Iteration 85 +2016-08-30 18:14:50,074 DEBUG: View 0 : 0.678756476684 +2016-08-30 18:14:50,094 DEBUG: View 1 : 0.481865284974 +2016-08-30 18:14:50,114 DEBUG: View 2 : 0.481865284974 +2016-08-30 18:14:50,138 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:14:51,118 DEBUG: Best view : View0 +2016-08-30 18:14:57,216 DEBUG: Start: Iteration 86 +2016-08-30 18:14:57,238 DEBUG: View 0 : 0.668393782383 +2016-08-30 18:14:57,258 DEBUG: View 1 : 0.492227979275 +2016-08-30 18:14:57,279 DEBUG: View 2 : 0.533678756477 +2016-08-30 18:14:57,302 DEBUG: View 3 : 0.658031088083 +2016-08-30 18:14:58,296 DEBUG: Best view : View0 +2016-08-30 18:15:04,438 DEBUG: Start: Iteration 87 +2016-08-30 18:15:04,460 DEBUG: View 0 : 0.658031088083 +2016-08-30 18:15:04,481 DEBUG: View 1 : 0.378238341969 +2016-08-30 18:15:04,501 DEBUG: View 2 : 0.471502590674 +2016-08-30 18:15:04,526 DEBUG: View 3 : 0.658031088083 +2016-08-30 18:15:05,533 DEBUG: Best view : View3 +2016-08-30 18:15:11,746 DEBUG: Start: Iteration 88 +2016-08-30 18:15:11,768 DEBUG: View 0 : 0.621761658031 +2016-08-30 18:15:11,788 DEBUG: View 1 : 0.362694300518 +2016-08-30 18:15:11,808 DEBUG: View 2 : 0.507772020725 +2016-08-30 18:15:11,831 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:15:12,827 DEBUG: Best view : View0 +2016-08-30 18:15:19,098 DEBUG: Start: Iteration 89 +2016-08-30 18:15:19,120 DEBUG: View 0 : 0.60103626943 +2016-08-30 18:15:19,140 DEBUG: View 1 : 0.326424870466 +2016-08-30 18:15:19,159 DEBUG: View 2 : 0.336787564767 +2016-08-30 18:15:19,182 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:15:20,192 DEBUG: Best view : View0 +2016-08-30 18:15:26,555 DEBUG: Start: Iteration 90 +2016-08-30 18:15:26,576 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:15:26,596 DEBUG: View 1 : 0.40414507772 +2016-08-30 18:15:26,616 DEBUG: View 2 : 0.419689119171 +2016-08-30 18:15:26,639 DEBUG: View 3 : 0.585492227979 +2016-08-30 18:15:27,660 DEBUG: Best view : View0 +2016-08-30 18:15:34,088 DEBUG: Start: Iteration 91 +2016-08-30 18:15:34,109 DEBUG: View 0 : 0.673575129534 +2016-08-30 18:15:34,129 DEBUG: View 1 : 0.430051813472 +2016-08-30 18:15:34,149 DEBUG: View 2 : 0.518134715026 +2016-08-30 18:15:34,172 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:15:35,197 DEBUG: Best view : View0 +2016-08-30 18:15:41,717 DEBUG: Start: Iteration 92 +2016-08-30 18:15:41,740 DEBUG: View 0 : 0.632124352332 +2016-08-30 18:15:41,760 DEBUG: View 1 : 0.352331606218 +2016-08-30 18:15:41,780 DEBUG: View 2 : 0.481865284974 +2016-08-30 18:15:41,804 DEBUG: View 3 : 0.414507772021 +2016-08-30 18:15:42,855 DEBUG: Best view : View0 +2016-08-30 18:15:49,424 DEBUG: Start: Iteration 93 +2016-08-30 18:15:49,445 DEBUG: View 0 : 0.689119170984 +2016-08-30 18:15:49,465 DEBUG: View 1 : 0.663212435233 +2016-08-30 18:15:49,485 DEBUG: View 2 : 0.528497409326 +2016-08-30 18:15:49,508 DEBUG: View 3 : 0.424870466321 +2016-08-30 18:15:50,550 DEBUG: Best view : View1 +2016-08-30 18:15:57,193 DEBUG: Start: Iteration 94 +2016-08-30 18:15:57,215 DEBUG: View 0 : 0.616580310881 +2016-08-30 18:15:57,235 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:15:57,255 DEBUG: View 2 : 0.419689119171 +2016-08-30 18:15:57,278 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:15:58,327 DEBUG: Best view : View0 +2016-08-30 18:16:05,060 DEBUG: Start: Iteration 95 +2016-08-30 18:16:05,082 DEBUG: View 0 : 0.715025906736 +2016-08-30 18:16:05,102 DEBUG: View 1 : 0.502590673575 +2016-08-30 18:16:05,122 DEBUG: View 2 : 0.497409326425 +2016-08-30 18:16:05,146 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:16:06,198 DEBUG: Best view : View0 +2016-08-30 18:16:12,972 DEBUG: Start: Iteration 96 +2016-08-30 18:16:12,993 DEBUG: View 0 : 0.611398963731 +2016-08-30 18:16:13,014 DEBUG: View 1 : 0.466321243523 +2016-08-30 18:16:13,034 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:16:13,058 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:16:14,121 DEBUG: Best view : View0 +2016-08-30 18:16:20,958 DEBUG: Start: Iteration 97 +2016-08-30 18:16:20,980 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:16:21,000 DEBUG: View 1 : 0.59067357513 +2016-08-30 18:16:21,020 DEBUG: View 2 : 0.461139896373 +2016-08-30 18:16:21,044 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:16:22,111 DEBUG: Best view : View0 +2016-08-30 18:16:29,051 DEBUG: Start: Iteration 98 +2016-08-30 18:16:29,072 DEBUG: View 0 : 0.663212435233 +2016-08-30 18:16:29,092 DEBUG: View 1 : 0.580310880829 +2016-08-30 18:16:29,112 DEBUG: View 2 : 0.559585492228 +2016-08-30 18:16:29,136 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:16:30,220 DEBUG: Best view : View0 +2016-08-30 18:16:37,238 DEBUG: Start: Iteration 99 +2016-08-30 18:16:37,260 DEBUG: View 0 : 0.528497409326 +2016-08-30 18:16:37,279 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:16:37,300 DEBUG: View 2 : 0.549222797927 +2016-08-30 18:16:37,323 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:16:38,423 DEBUG: Best view : View2 +2016-08-30 18:16:45,506 DEBUG: Start: Iteration 100 +2016-08-30 18:16:45,528 DEBUG: View 0 : 0.621761658031 +2016-08-30 18:16:45,548 DEBUG: View 1 : 0.373056994819 +2016-08-30 18:16:45,569 DEBUG: View 2 : 0.471502590674 +2016-08-30 18:16:45,592 DEBUG: View 3 : 0.647668393782 +2016-08-30 18:16:46,692 DEBUG: Best view : View3 +2016-08-30 18:16:53,824 DEBUG: Start: Iteration 101 +2016-08-30 18:16:53,845 DEBUG: View 0 : 0.663212435233 +2016-08-30 18:16:53,865 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:16:53,886 DEBUG: View 2 : 0.430051813472 +2016-08-30 18:16:53,909 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:16:55,008 DEBUG: Best view : View0 +2016-08-30 18:17:02,206 DEBUG: Start: Iteration 102 +2016-08-30 18:17:02,228 DEBUG: View 0 : 0.559585492228 +2016-08-30 18:17:02,247 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:17:02,267 DEBUG: View 2 : 0.580310880829 +2016-08-30 18:17:02,290 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:17:03,405 DEBUG: Best view : View2 +2016-08-30 18:17:10,654 DEBUG: Start: Iteration 103 +2016-08-30 18:17:10,676 DEBUG: View 0 : 0.689119170984 +2016-08-30 18:17:10,696 DEBUG: View 1 : 0.40932642487 +2016-08-30 18:17:10,716 DEBUG: View 2 : 0.430051813472 +2016-08-30 18:17:10,740 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:17:11,862 DEBUG: Best view : View0 +2016-08-30 18:17:19,214 DEBUG: Start: Iteration 104 +2016-08-30 18:17:19,236 DEBUG: View 0 : 0.637305699482 +2016-08-30 18:17:19,257 DEBUG: View 1 : 0.40932642487 +2016-08-30 18:17:19,277 DEBUG: View 2 : 0.450777202073 +2016-08-30 18:17:19,300 DEBUG: View 3 : 0.766839378238 +2016-08-30 18:17:20,434 DEBUG: Best view : View3 +2016-08-30 18:17:27,855 DEBUG: Start: Iteration 105 +2016-08-30 18:17:27,877 DEBUG: View 0 : 0.658031088083 +2016-08-30 18:17:27,896 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:17:27,917 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:17:27,940 DEBUG: View 3 : 0.528497409326 +2016-08-30 18:17:29,074 DEBUG: Best view : View0 +2016-08-30 18:17:36,566 DEBUG: Start: Iteration 106 +2016-08-30 18:17:36,588 DEBUG: View 0 : 0.720207253886 +2016-08-30 18:17:36,609 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:17:36,629 DEBUG: View 2 : 0.497409326425 +2016-08-30 18:17:36,653 DEBUG: View 3 : 0.435233160622 +2016-08-30 18:17:37,795 DEBUG: Best view : View0 +2016-08-30 18:17:45,375 DEBUG: Start: Iteration 107 +2016-08-30 18:17:45,396 DEBUG: View 0 : 0.683937823834 +2016-08-30 18:17:45,416 DEBUG: View 1 : 0.569948186528 +2016-08-30 18:17:45,437 DEBUG: View 2 : 0.430051813472 +2016-08-30 18:17:45,461 DEBUG: View 3 : 0.699481865285 +2016-08-30 18:17:46,611 DEBUG: Best view : View3 +2016-08-30 18:17:54,238 DEBUG: Start: Iteration 108 +2016-08-30 18:17:54,260 DEBUG: View 0 : 0.709844559585 +2016-08-30 18:17:54,280 DEBUG: View 1 : 0.435233160622 +2016-08-30 18:17:54,300 DEBUG: View 2 : 0.424870466321 +2016-08-30 18:17:54,324 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:17:55,480 DEBUG: Best view : View0 +2016-08-30 18:18:03,222 DEBUG: Start: Iteration 109 +2016-08-30 18:18:03,244 DEBUG: View 0 : 0.523316062176 +2016-08-30 18:18:03,264 DEBUG: View 1 : 0.455958549223 +2016-08-30 18:18:03,284 DEBUG: View 2 : 0.435233160622 +2016-08-30 18:18:03,308 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:18:04,471 DEBUG: Best view : View0 +2016-08-30 18:18:12,234 DEBUG: Start: Iteration 110 +2016-08-30 18:18:12,255 DEBUG: View 0 : 0.642487046632 +2016-08-30 18:18:12,275 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:18:12,295 DEBUG: View 2 : 0.564766839378 +2016-08-30 18:18:12,318 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:18:13,490 DEBUG: Best view : View0 +2016-08-30 18:18:21,373 DEBUG: Start: Iteration 111 +2016-08-30 18:18:21,395 DEBUG: View 0 : 0.709844559585 +2016-08-30 18:18:21,415 DEBUG: View 1 : 0.435233160622 +2016-08-30 18:18:21,435 DEBUG: View 2 : 0.523316062176 +2016-08-30 18:18:21,459 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:18:22,644 DEBUG: Best view : View0 +2016-08-30 18:18:30,560 DEBUG: Start: Iteration 112 +2016-08-30 18:18:30,581 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:18:30,601 DEBUG: View 1 : 0.362694300518 +2016-08-30 18:18:30,621 DEBUG: View 2 : 0.430051813472 +2016-08-30 18:18:30,644 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:18:31,831 DEBUG: Best view : View0 +2016-08-30 18:18:39,812 DEBUG: Start: Iteration 113 +2016-08-30 18:18:39,835 DEBUG: View 0 : 0.60621761658 +2016-08-30 18:18:39,854 DEBUG: View 1 : 0.533678756477 +2016-08-30 18:18:39,875 DEBUG: View 2 : 0.518134715026 +2016-08-30 18:18:39,898 DEBUG: View 3 : 0.689119170984 +2016-08-30 18:18:41,100 DEBUG: Best view : View3 +2016-08-30 18:18:49,192 DEBUG: Start: Iteration 114 +2016-08-30 18:18:49,213 DEBUG: View 0 : 0.683937823834 +2016-08-30 18:18:49,233 DEBUG: View 1 : 0.487046632124 +2016-08-30 18:18:49,254 DEBUG: View 2 : 0.461139896373 +2016-08-30 18:18:49,278 DEBUG: View 3 : 0.538860103627 +2016-08-30 18:18:50,482 DEBUG: Best view : View0 +2016-08-30 18:18:58,649 DEBUG: Start: Iteration 115 +2016-08-30 18:18:58,671 DEBUG: View 0 : 0.683937823834 +2016-08-30 18:18:58,692 DEBUG: View 1 : 0.59067357513 +2016-08-30 18:18:58,712 DEBUG: View 2 : 0.445595854922 +2016-08-30 18:18:58,735 DEBUG: View 3 : 0.440414507772 +2016-08-30 18:18:59,959 DEBUG: Best view : View0 +2016-08-30 18:19:08,174 DEBUG: Start: Iteration 116 +2016-08-30 18:19:08,196 DEBUG: View 0 : 0.683937823834 +2016-08-30 18:19:08,216 DEBUG: View 1 : 0.373056994819 +2016-08-30 18:19:08,236 DEBUG: View 2 : 0.419689119171 +2016-08-30 18:19:08,259 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:19:09,476 DEBUG: Best view : View0 +2016-08-30 18:19:17,772 DEBUG: Start: Iteration 117 +2016-08-30 18:19:17,794 DEBUG: View 0 : 0.694300518135 +2016-08-30 18:19:17,813 DEBUG: View 1 : 0.430051813472 +2016-08-30 18:19:17,834 DEBUG: View 2 : 0.60103626943 +2016-08-30 18:19:17,857 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:19:19,088 DEBUG: Best view : View0 +2016-08-30 18:19:27,475 DEBUG: Start: Iteration 118 +2016-08-30 18:19:27,497 DEBUG: View 0 : 0.549222797927 +2016-08-30 18:19:27,517 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:19:27,540 DEBUG: View 2 : 0.481865284974 +2016-08-30 18:19:27,564 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:19:28,813 DEBUG: Best view : View0 +2016-08-30 18:19:37,257 DEBUG: Start: Iteration 119 +2016-08-30 18:19:37,279 DEBUG: View 0 : 0.626943005181 +2016-08-30 18:19:37,299 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:19:37,320 DEBUG: View 2 : 0.445595854922 +2016-08-30 18:19:37,344 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:19:38,590 DEBUG: Best view : View0 +2016-08-30 18:19:47,097 DEBUG: Start: Iteration 120 +2016-08-30 18:19:47,119 DEBUG: View 0 : 0.502590673575 +2016-08-30 18:19:47,139 DEBUG: View 1 : 0.455958549223 +2016-08-30 18:19:47,159 DEBUG: View 2 : 0.60103626943 +2016-08-30 18:19:47,182 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:19:48,464 DEBUG: Best view : View2 +2016-08-30 18:19:57,033 DEBUG: Start: Iteration 121 +2016-08-30 18:19:57,056 DEBUG: View 0 : 0.60621761658 +2016-08-30 18:19:57,076 DEBUG: View 1 : 0.357512953368 +2016-08-30 18:19:57,097 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:19:57,121 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:19:58,374 DEBUG: Best view : View0 +2016-08-30 18:20:07,044 DEBUG: Start: Iteration 122 +2016-08-30 18:20:07,067 DEBUG: View 0 : 0.709844559585 +2016-08-30 18:20:07,087 DEBUG: View 1 : 0.362694300518 +2016-08-30 18:20:07,108 DEBUG: View 2 : 0.512953367876 +2016-08-30 18:20:07,132 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:20:08,401 DEBUG: Best view : View0 +2016-08-30 18:20:17,128 DEBUG: Start: Iteration 123 +2016-08-30 18:20:17,150 DEBUG: View 0 : 0.626943005181 +2016-08-30 18:20:17,170 DEBUG: View 1 : 0.580310880829 +2016-08-30 18:20:17,190 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:20:17,214 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:20:18,496 DEBUG: Best view : View0 +2016-08-30 18:20:27,323 DEBUG: Start: Iteration 124 +2016-08-30 18:20:27,345 DEBUG: View 0 : 0.637305699482 +2016-08-30 18:20:27,365 DEBUG: View 1 : 0.528497409326 +2016-08-30 18:20:27,386 DEBUG: View 2 : 0.461139896373 +2016-08-30 18:20:27,409 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:20:28,697 DEBUG: Best view : View0 +2016-08-30 18:20:37,595 DEBUG: Start: Iteration 125 +2016-08-30 18:20:37,617 DEBUG: View 0 : 0.704663212435 +2016-08-30 18:20:37,637 DEBUG: View 1 : 0.487046632124 +2016-08-30 18:20:37,657 DEBUG: View 2 : 0.466321243523 +2016-08-30 18:20:37,680 DEBUG: View 3 : 0.575129533679 +2016-08-30 18:20:38,969 DEBUG: Best view : View0 +2016-08-30 18:20:47,953 DEBUG: Start: Iteration 126 +2016-08-30 18:20:47,975 DEBUG: View 0 : 0.632124352332 +2016-08-30 18:20:47,995 DEBUG: View 1 : 0.430051813472 +2016-08-30 18:20:48,015 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:20:48,038 DEBUG: View 3 : 0.616580310881 +2016-08-30 18:20:49,341 DEBUG: Best view : View3 +2016-08-30 18:20:58,368 DEBUG: Start: Iteration 127 +2016-08-30 18:20:58,391 DEBUG: View 0 : 0.694300518135 +2016-08-30 18:20:58,411 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:20:58,431 DEBUG: View 2 : 0.445595854922 +2016-08-30 18:20:58,455 DEBUG: View 3 : 0.652849740933 +2016-08-30 18:20:59,765 DEBUG: Best view : View0 +2016-08-30 18:21:08,909 DEBUG: Start: Iteration 128 +2016-08-30 18:21:08,931 DEBUG: View 0 : 0.694300518135 +2016-08-30 18:21:08,951 DEBUG: View 1 : 0.440414507772 +2016-08-30 18:21:08,971 DEBUG: View 2 : 0.435233160622 +2016-08-30 18:21:08,994 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:21:10,327 DEBUG: Best view : View0 +2016-08-30 18:21:19,511 DEBUG: Start: Iteration 129 +2016-08-30 18:21:19,533 DEBUG: View 0 : 0.523316062176 +2016-08-30 18:21:19,553 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:21:19,573 DEBUG: View 2 : 0.440414507772 +2016-08-30 18:21:19,597 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:21:20,923 DEBUG: Best view : View0 +2016-08-30 18:21:30,171 DEBUG: Start: Iteration 130 +2016-08-30 18:21:30,194 DEBUG: View 0 : 0.642487046632 +2016-08-30 18:21:30,214 DEBUG: View 1 : 0.471502590674 +2016-08-30 18:21:30,234 DEBUG: View 2 : 0.512953367876 +2016-08-30 18:21:30,257 DEBUG: View 3 : 0.611398963731 +2016-08-30 18:21:31,614 DEBUG: Best view : View0 +2016-08-30 18:21:40,927 DEBUG: Start: Iteration 131 +2016-08-30 18:21:40,949 DEBUG: View 0 : 0.668393782383 +2016-08-30 18:21:40,969 DEBUG: View 1 : 0.492227979275 +2016-08-30 18:21:40,989 DEBUG: View 2 : 0.341968911917 +2016-08-30 18:21:41,012 DEBUG: View 3 : 0.658031088083 +2016-08-30 18:21:42,383 DEBUG: Best view : View0 +2016-08-30 18:21:51,754 DEBUG: Start: Iteration 132 +2016-08-30 18:21:51,776 DEBUG: View 0 : 0.59585492228 +2016-08-30 18:21:51,796 DEBUG: View 1 : 0.326424870466 +2016-08-30 18:21:51,816 DEBUG: View 2 : 0.512953367876 +2016-08-30 18:21:51,840 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:21:53,231 DEBUG: Best view : View0 +2016-08-30 18:22:02,700 DEBUG: Start: Iteration 133 +2016-08-30 18:22:02,722 DEBUG: View 0 : 0.616580310881 +2016-08-30 18:22:02,742 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:22:02,762 DEBUG: View 2 : 0.60621761658 +2016-08-30 18:22:02,785 DEBUG: View 3 : 0.559585492228 +2016-08-30 18:22:04,181 DEBUG: Best view : View0 +2016-08-30 18:22:13,718 DEBUG: Start: Iteration 134 +2016-08-30 18:22:13,741 DEBUG: View 0 : 0.689119170984 +2016-08-30 18:22:13,760 DEBUG: View 1 : 0.341968911917 +2016-08-30 18:22:13,781 DEBUG: View 2 : 0.321243523316 +2016-08-30 18:22:13,804 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:22:15,219 DEBUG: Best view : View0 +2016-08-30 18:22:24,830 DEBUG: Start: Iteration 135 +2016-08-30 18:22:24,852 DEBUG: View 0 : 0.652849740933 +2016-08-30 18:22:24,872 DEBUG: View 1 : 0.564766839378 +2016-08-30 18:22:24,893 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:22:24,916 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:22:26,334 DEBUG: Best view : View0 +2016-08-30 18:22:36,060 DEBUG: Start: Iteration 136 +2016-08-30 18:22:36,082 DEBUG: View 0 : 0.616580310881 +2016-08-30 18:22:36,103 DEBUG: View 1 : 0.40932642487 +2016-08-30 18:22:36,123 DEBUG: View 2 : 0.373056994819 +2016-08-30 18:22:36,147 DEBUG: View 3 : 0.60621761658 +2016-08-30 18:22:37,575 DEBUG: Best view : View0 +2016-08-30 18:22:47,313 DEBUG: Start: Iteration 137 +2016-08-30 18:22:47,335 DEBUG: View 0 : 0.730569948187 +2016-08-30 18:22:47,356 DEBUG: View 1 : 0.300518134715 +2016-08-30 18:22:47,376 DEBUG: View 2 : 0.461139896373 +2016-08-30 18:22:47,399 DEBUG: View 3 : 0.652849740933 +2016-08-30 18:22:48,879 DEBUG: Best view : View0 +2016-08-30 18:22:58,711 DEBUG: Start: Iteration 138 +2016-08-30 18:22:58,733 DEBUG: View 0 : 0.709844559585 +2016-08-30 18:22:58,753 DEBUG: View 1 : 0.331606217617 +2016-08-30 18:22:58,773 DEBUG: View 2 : 0.357512953368 +2016-08-30 18:22:58,796 DEBUG: View 3 : 0.414507772021 +2016-08-30 18:23:00,239 DEBUG: Best view : View0 +2016-08-30 18:23:10,104 DEBUG: Start: Iteration 139 +2016-08-30 18:23:10,126 DEBUG: View 0 : 0.668393782383 +2016-08-30 18:23:10,146 DEBUG: View 1 : 0.450777202073 +2016-08-30 18:23:10,166 DEBUG: View 2 : 0.60621761658 +2016-08-30 18:23:10,190 DEBUG: View 3 : 0.621761658031 +2016-08-30 18:23:11,626 DEBUG: Best view : View0 +2016-08-30 18:23:21,587 DEBUG: Start: Iteration 140 +2016-08-30 18:23:21,609 DEBUG: View 0 : 0.538860103627 +2016-08-30 18:23:21,628 DEBUG: View 1 : 0.300518134715 +2016-08-30 18:23:21,648 DEBUG: View 2 : 0.585492227979 +2016-08-30 18:23:21,671 DEBUG: View 3 : 0.694300518135 +2016-08-30 18:23:23,119 DEBUG: Best view : View3 +2016-08-30 18:23:33,147 DEBUG: Start: Iteration 141 +2016-08-30 18:23:33,170 DEBUG: View 0 : 0.466321243523 +2016-08-30 18:23:33,191 DEBUG: View 1 : 0.481865284974 +2016-08-30 18:23:33,211 DEBUG: View 2 : 0.476683937824 +2016-08-30 18:23:33,236 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:23:33,236 WARNING: WARNING: All bad for iteration 140 +2016-08-30 18:23:34,705 DEBUG: Best view : View3 +2016-08-30 18:23:44,842 DEBUG: Start: Iteration 142 +2016-08-30 18:23:44,863 DEBUG: View 0 : 0.704663212435 +2016-08-30 18:23:44,883 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:23:44,904 DEBUG: View 2 : 0.564766839378 +2016-08-30 18:23:44,927 DEBUG: View 3 : 0.844559585492 +2016-08-30 18:23:46,405 DEBUG: Best view : View3 +2016-08-30 18:23:56,560 DEBUG: Start: Iteration 143 +2016-08-30 18:23:56,582 DEBUG: View 0 : 0.538860103627 +2016-08-30 18:23:56,602 DEBUG: View 1 : 0.40932642487 +2016-08-30 18:23:56,623 DEBUG: View 2 : 0.497409326425 +2016-08-30 18:23:56,646 DEBUG: View 3 : 0.689119170984 +2016-08-30 18:23:58,123 DEBUG: Best view : View3 +2016-08-30 18:24:08,416 DEBUG: Start: Iteration 144 +2016-08-30 18:24:08,437 DEBUG: View 0 : 0.647668393782 +2016-08-30 18:24:08,457 DEBUG: View 1 : 0.471502590674 +2016-08-30 18:24:08,477 DEBUG: View 2 : 0.538860103627 +2016-08-30 18:24:08,500 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:24:09,976 DEBUG: Best view : View0 +2016-08-30 18:24:20,283 DEBUG: Start: Iteration 145 +2016-08-30 18:24:20,305 DEBUG: View 0 : 0.704663212435 +2016-08-30 18:24:20,325 DEBUG: View 1 : 0.424870466321 +2016-08-30 18:24:20,346 DEBUG: View 2 : 0.512953367876 +2016-08-30 18:24:20,369 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:24:21,859 DEBUG: Best view : View0 +2016-08-30 18:24:32,236 DEBUG: Start: Iteration 146 +2016-08-30 18:24:32,258 DEBUG: View 0 : 0.79792746114 +2016-08-30 18:24:32,278 DEBUG: View 1 : 0.419689119171 +2016-08-30 18:24:32,298 DEBUG: View 2 : 0.445595854922 +2016-08-30 18:24:32,322 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:24:33,830 DEBUG: Best view : View0 +2016-08-30 18:24:44,294 DEBUG: Start: Iteration 147 +2016-08-30 18:24:44,317 DEBUG: View 0 : 0.580310880829 +2016-08-30 18:24:44,336 DEBUG: View 1 : 0.471502590674 +2016-08-30 18:24:44,356 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:24:44,380 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:24:45,901 DEBUG: Best view : View0 +2016-08-30 18:24:56,446 DEBUG: Start: Iteration 148 +2016-08-30 18:24:56,468 DEBUG: View 0 : 0.518134715026 +2016-08-30 18:24:56,488 DEBUG: View 1 : 0.40932642487 +2016-08-30 18:24:56,508 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:24:56,532 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:24:58,049 DEBUG: Best view : View0 +2016-08-30 18:25:08,670 DEBUG: Start: Iteration 149 +2016-08-30 18:25:08,692 DEBUG: View 0 : 0.569948186528 +2016-08-30 18:25:08,712 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:25:08,732 DEBUG: View 2 : 0.414507772021 +2016-08-30 18:25:08,755 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:25:10,266 DEBUG: Best view : View0 +2016-08-30 18:25:20,921 DEBUG: Start: Iteration 150 +2016-08-30 18:25:20,943 DEBUG: View 0 : 0.59585492228 +2016-08-30 18:25:20,962 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:25:20,983 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:25:21,006 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:25:22,500 DEBUG: Best view : View0 +2016-08-30 18:25:33,269 DEBUG: Start: Iteration 151 +2016-08-30 18:25:33,291 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:25:33,311 DEBUG: View 1 : 0.533678756477 +2016-08-30 18:25:33,331 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:25:33,354 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:25:34,880 DEBUG: Best view : View0 +2016-08-30 18:25:45,689 DEBUG: Start: Iteration 152 +2016-08-30 18:25:45,711 DEBUG: View 0 : 0.735751295337 +2016-08-30 18:25:45,730 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:25:45,751 DEBUG: View 2 : 0.40414507772 +2016-08-30 18:25:45,774 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:25:47,312 DEBUG: Best view : View0 +2016-08-30 18:25:58,204 DEBUG: Start: Iteration 153 +2016-08-30 18:25:58,226 DEBUG: View 0 : 0.694300518135 +2016-08-30 18:25:58,246 DEBUG: View 1 : 0.373056994819 +2016-08-30 18:25:58,266 DEBUG: View 2 : 0.533678756477 +2016-08-30 18:25:58,289 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:25:59,853 DEBUG: Best view : View0 +2016-08-30 18:26:10,815 DEBUG: Start: Iteration 154 +2016-08-30 18:26:10,836 DEBUG: View 0 : 0.533678756477 +2016-08-30 18:26:10,856 DEBUG: View 1 : 0.528497409326 +2016-08-30 18:26:10,877 DEBUG: View 2 : 0.637305699482 +2016-08-30 18:26:10,901 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:26:12,484 DEBUG: Best view : View2 +2016-08-30 18:26:23,551 DEBUG: Start: Iteration 155 +2016-08-30 18:26:23,573 DEBUG: View 0 : 0.60621761658 +2016-08-30 18:26:23,593 DEBUG: View 1 : 0.419689119171 +2016-08-30 18:26:23,614 DEBUG: View 2 : 0.435233160622 +2016-08-30 18:26:23,637 DEBUG: View 3 : 0.533678756477 +2016-08-30 18:26:25,212 DEBUG: Best view : View0 +2016-08-30 18:26:36,357 DEBUG: Start: Iteration 156 +2016-08-30 18:26:36,378 DEBUG: View 0 : 0.528497409326 +2016-08-30 18:26:36,397 DEBUG: View 1 : 0.455958549223 +2016-08-30 18:26:36,417 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:26:36,440 DEBUG: View 3 : 0.689119170984 +2016-08-30 18:26:38,033 DEBUG: Best view : View3 +2016-08-30 18:26:49,204 DEBUG: Start: Iteration 157 +2016-08-30 18:26:49,226 DEBUG: View 0 : 0.497409326425 +2016-08-30 18:26:49,245 DEBUG: View 1 : 0.575129533679 +2016-08-30 18:26:49,266 DEBUG: View 2 : 0.471502590674 +2016-08-30 18:26:49,289 DEBUG: View 3 : 0.658031088083 +2016-08-30 18:26:50,889 DEBUG: Best view : View3 +2016-08-30 18:27:02,187 DEBUG: Start: Iteration 158 +2016-08-30 18:27:02,209 DEBUG: View 0 : 0.709844559585 +2016-08-30 18:27:02,229 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:27:02,250 DEBUG: View 2 : 0.367875647668 +2016-08-30 18:27:02,274 DEBUG: View 3 : 0.455958549223 +2016-08-30 18:27:03,871 DEBUG: Best view : View0 +2016-08-30 18:27:15,186 DEBUG: Start: Iteration 159 +2016-08-30 18:27:15,208 DEBUG: View 0 : 0.668393782383 +2016-08-30 18:27:15,228 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:27:15,249 DEBUG: View 2 : 0.518134715026 +2016-08-30 18:27:15,271 DEBUG: View 3 : 0.481865284974 +2016-08-30 18:27:16,875 DEBUG: Best view : View0 +2016-08-30 18:27:28,290 DEBUG: Start: Iteration 160 +2016-08-30 18:27:28,312 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:27:28,331 DEBUG: View 1 : 0.538860103627 +2016-08-30 18:27:28,352 DEBUG: View 2 : 0.435233160622 +2016-08-30 18:27:28,376 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:27:29,990 DEBUG: Best view : View0 +2016-08-30 18:27:41,396 DEBUG: Start: Iteration 161 +2016-08-30 18:27:41,418 DEBUG: View 0 : 0.658031088083 +2016-08-30 18:27:41,438 DEBUG: View 1 : 0.373056994819 +2016-08-30 18:27:41,458 DEBUG: View 2 : 0.435233160622 +2016-08-30 18:27:41,481 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:27:43,097 DEBUG: Best view : View0 +2016-08-30 18:27:54,547 DEBUG: Start: Iteration 162 +2016-08-30 18:27:54,569 DEBUG: View 0 : 0.658031088083 +2016-08-30 18:27:54,589 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:27:54,609 DEBUG: View 2 : 0.440414507772 +2016-08-30 18:27:54,632 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:27:56,248 DEBUG: Best view : View0 +2016-08-30 18:28:07,785 DEBUG: Start: Iteration 163 +2016-08-30 18:28:07,807 DEBUG: View 0 : 0.611398963731 +2016-08-30 18:28:07,827 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:28:07,847 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:28:07,871 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:28:09,518 DEBUG: Best view : View0 +2016-08-30 18:28:21,187 DEBUG: Start: Iteration 164 +2016-08-30 18:28:21,209 DEBUG: View 0 : 0.621761658031 +2016-08-30 18:28:21,229 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:28:21,250 DEBUG: View 2 : 0.471502590674 +2016-08-30 18:28:21,272 DEBUG: View 3 : 0.642487046632 +2016-08-30 18:28:22,920 DEBUG: Best view : View3 +2016-08-30 18:28:34,617 DEBUG: Start: Iteration 165 +2016-08-30 18:28:34,638 DEBUG: View 0 : 0.730569948187 +2016-08-30 18:28:34,659 DEBUG: View 1 : 0.316062176166 +2016-08-30 18:28:34,679 DEBUG: View 2 : 0.383419689119 +2016-08-30 18:28:34,701 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:28:36,351 DEBUG: Best view : View0 +2016-08-30 18:28:48,083 DEBUG: Start: Iteration 166 +2016-08-30 18:28:48,105 DEBUG: View 0 : 0.60621761658 +2016-08-30 18:28:48,126 DEBUG: View 1 : 0.40932642487 +2016-08-30 18:28:48,146 DEBUG: View 2 : 0.362694300518 +2016-08-30 18:28:48,169 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:28:49,835 DEBUG: Best view : View0 +2016-08-30 18:29:01,688 DEBUG: Start: Iteration 167 +2016-08-30 18:29:01,710 DEBUG: View 0 : 0.626943005181 +2016-08-30 18:29:01,730 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:29:01,750 DEBUG: View 2 : 0.528497409326 +2016-08-30 18:29:01,773 DEBUG: View 3 : 0.663212435233 +2016-08-30 18:29:03,424 DEBUG: Best view : View3 +2016-08-30 18:29:15,373 DEBUG: Start: Iteration 168 +2016-08-30 18:29:15,395 DEBUG: View 0 : 0.528497409326 +2016-08-30 18:29:15,415 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:29:15,435 DEBUG: View 2 : 0.512953367876 +2016-08-30 18:29:15,459 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:29:17,143 DEBUG: Best view : View2 +2016-08-30 18:29:29,163 DEBUG: Start: Iteration 169 +2016-08-30 18:29:29,185 DEBUG: View 0 : 0.637305699482 +2016-08-30 18:29:29,205 DEBUG: View 1 : 0.347150259067 +2016-08-30 18:29:29,225 DEBUG: View 2 : 0.518134715026 +2016-08-30 18:29:29,249 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:29:30,926 DEBUG: Best view : View0 +2016-08-30 18:29:43,014 DEBUG: Start: Iteration 170 +2016-08-30 18:29:43,035 DEBUG: View 0 : 0.725388601036 +2016-08-30 18:29:43,054 DEBUG: View 1 : 0.40414507772 +2016-08-30 18:29:43,074 DEBUG: View 2 : 0.461139896373 +2016-08-30 18:29:43,098 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:29:44,788 DEBUG: Best view : View0 +2016-08-30 18:29:56,884 DEBUG: Start: Iteration 171 +2016-08-30 18:29:56,905 DEBUG: View 0 : 0.678756476684 +2016-08-30 18:29:56,926 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:29:56,946 DEBUG: View 2 : 0.528497409326 +2016-08-30 18:29:56,969 DEBUG: View 3 : 0.668393782383 +2016-08-30 18:29:58,661 DEBUG: Best view : View0 +2016-08-30 18:30:10,854 DEBUG: Start: Iteration 172 +2016-08-30 18:30:10,875 DEBUG: View 0 : 0.751295336788 +2016-08-30 18:30:10,895 DEBUG: View 1 : 0.435233160622 +2016-08-30 18:30:10,916 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:30:10,939 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:30:12,634 DEBUG: Best view : View0 +2016-08-30 18:30:24,931 DEBUG: Start: Iteration 173 +2016-08-30 18:30:24,952 DEBUG: View 0 : 0.756476683938 +2016-08-30 18:30:24,972 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:30:24,993 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:30:25,016 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:30:26,715 DEBUG: Best view : View0 +2016-08-30 18:30:39,089 DEBUG: Start: Iteration 174 +2016-08-30 18:30:39,111 DEBUG: View 0 : 0.632124352332 +2016-08-30 18:30:39,130 DEBUG: View 1 : 0.445595854922 +2016-08-30 18:30:39,150 DEBUG: View 2 : 0.544041450777 +2016-08-30 18:30:39,174 DEBUG: View 3 : 0.663212435233 +2016-08-30 18:30:40,883 DEBUG: Best view : View3 +2016-08-30 18:30:53,276 DEBUG: Start: Iteration 175 +2016-08-30 18:30:53,298 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:30:53,318 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:30:53,338 DEBUG: View 2 : 0.39896373057 +2016-08-30 18:30:53,362 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:30:55,078 DEBUG: Best view : View0 +2016-08-30 18:31:07,540 DEBUG: Start: Iteration 176 +2016-08-30 18:31:07,562 DEBUG: View 0 : 0.704663212435 +2016-08-30 18:31:07,582 DEBUG: View 1 : 0.373056994819 +2016-08-30 18:31:07,602 DEBUG: View 2 : 0.40932642487 +2016-08-30 18:31:07,626 DEBUG: View 3 : 0.621761658031 +2016-08-30 18:31:09,345 DEBUG: Best view : View0 +2016-08-30 18:31:21,931 DEBUG: Start: Iteration 177 +2016-08-30 18:31:21,952 DEBUG: View 0 : 0.616580310881 +2016-08-30 18:31:21,973 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:31:21,993 DEBUG: View 2 : 0.461139896373 +2016-08-30 18:31:22,016 DEBUG: View 3 : 0.694300518135 +2016-08-30 18:31:23,770 DEBUG: Best view : View3 +2016-08-30 18:31:36,410 DEBUG: Start: Iteration 178 +2016-08-30 18:31:36,433 DEBUG: View 0 : 0.689119170984 +2016-08-30 18:31:36,453 DEBUG: View 1 : 0.430051813472 +2016-08-30 18:31:36,473 DEBUG: View 2 : 0.440414507772 +2016-08-30 18:31:36,496 DEBUG: View 3 : 0.632124352332 +2016-08-30 18:31:38,246 DEBUG: Best view : View0 +2016-08-30 18:31:50,942 DEBUG: Start: Iteration 179 +2016-08-30 18:31:50,964 DEBUG: View 0 : 0.497409326425 +2016-08-30 18:31:50,984 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:31:51,004 DEBUG: View 2 : 0.507772020725 +2016-08-30 18:31:51,028 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:31:52,790 DEBUG: Best view : View2 +2016-08-30 18:32:05,585 DEBUG: Start: Iteration 180 +2016-08-30 18:32:05,607 DEBUG: View 0 : 0.704663212435 +2016-08-30 18:32:05,627 DEBUG: View 1 : 0.40414507772 +2016-08-30 18:32:05,648 DEBUG: View 2 : 0.321243523316 +2016-08-30 18:32:05,671 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:32:07,428 DEBUG: Best view : View0 +2016-08-30 18:32:20,280 DEBUG: Start: Iteration 181 +2016-08-30 18:32:20,301 DEBUG: View 0 : 0.642487046632 +2016-08-30 18:32:20,321 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:32:20,341 DEBUG: View 2 : 0.461139896373 +2016-08-30 18:32:20,364 DEBUG: View 3 : 0.507772020725 +2016-08-30 18:32:22,126 DEBUG: Best view : View0 +2016-08-30 18:32:35,037 DEBUG: Start: Iteration 182 +2016-08-30 18:32:35,058 DEBUG: View 0 : 0.704663212435 +2016-08-30 18:32:35,078 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:32:35,099 DEBUG: View 2 : 0.450777202073 +2016-08-30 18:32:35,122 DEBUG: View 3 : 0.637305699482 +2016-08-30 18:32:36,902 DEBUG: Best view : View0 +2016-08-30 18:32:49,879 DEBUG: Start: Iteration 183 +2016-08-30 18:32:49,901 DEBUG: View 0 : 0.704663212435 +2016-08-30 18:32:49,921 DEBUG: View 1 : 0.367875647668 +2016-08-30 18:32:49,942 DEBUG: View 2 : 0.497409326425 +2016-08-30 18:32:49,965 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:32:51,741 DEBUG: Best view : View0 +2016-08-30 18:33:04,797 DEBUG: Start: Iteration 184 +2016-08-30 18:33:04,819 DEBUG: View 0 : 0.518134715026 +2016-08-30 18:33:04,838 DEBUG: View 1 : 0.549222797927 +2016-08-30 18:33:04,859 DEBUG: View 2 : 0.461139896373 +2016-08-30 18:33:04,882 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:33:06,663 DEBUG: Best view : View1 +2016-08-30 18:33:19,812 DEBUG: Start: Iteration 185 +2016-08-30 18:33:19,834 DEBUG: View 0 : 0.725388601036 +2016-08-30 18:33:19,854 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:33:19,874 DEBUG: View 2 : 0.440414507772 +2016-08-30 18:33:19,899 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:33:21,692 DEBUG: Best view : View0 +2016-08-30 18:33:34,851 DEBUG: Start: Iteration 186 +2016-08-30 18:33:34,873 DEBUG: View 0 : 0.60103626943 +2016-08-30 18:33:34,895 DEBUG: View 1 : 0.445595854922 +2016-08-30 18:33:34,915 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:33:34,939 DEBUG: View 3 : 0.673575129534 +2016-08-30 18:33:36,752 DEBUG: Best view : View3 +2016-08-30 18:33:50,021 DEBUG: Start: Iteration 187 +2016-08-30 18:33:50,044 DEBUG: View 0 : 0.518134715026 +2016-08-30 18:33:50,064 DEBUG: View 1 : 0.419689119171 +2016-08-30 18:33:50,085 DEBUG: View 2 : 0.585492227979 +2016-08-30 18:33:50,108 DEBUG: View 3 : 0.709844559585 +2016-08-30 18:33:51,955 DEBUG: Best view : View3 +2016-08-30 18:34:05,279 DEBUG: Start: Iteration 188 +2016-08-30 18:34:05,300 DEBUG: View 0 : 0.621761658031 +2016-08-30 18:34:05,321 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:34:05,341 DEBUG: View 2 : 0.481865284974 +2016-08-30 18:34:05,364 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:34:07,185 DEBUG: Best view : View0 +2016-08-30 18:34:20,631 DEBUG: Start: Iteration 189 +2016-08-30 18:34:20,652 DEBUG: View 0 : 0.678756476684 +2016-08-30 18:34:20,672 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:34:20,693 DEBUG: View 2 : 0.616580310881 +2016-08-30 18:34:20,716 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:34:22,552 DEBUG: Best view : View0 +2016-08-30 18:34:36,046 DEBUG: Start: Iteration 190 +2016-08-30 18:34:36,068 DEBUG: View 0 : 0.569948186528 +2016-08-30 18:34:36,087 DEBUG: View 1 : 0.40932642487 +2016-08-30 18:34:36,107 DEBUG: View 2 : 0.461139896373 +2016-08-30 18:34:36,132 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:34:37,994 DEBUG: Best view : View0 +2016-08-30 18:34:51,575 DEBUG: Start: Iteration 191 +2016-08-30 18:34:51,597 DEBUG: View 0 : 0.689119170984 +2016-08-30 18:34:51,617 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:34:51,638 DEBUG: View 2 : 0.528497409326 +2016-08-30 18:34:51,661 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:34:53,516 DEBUG: Best view : View0 +2016-08-30 18:35:07,159 DEBUG: Start: Iteration 192 +2016-08-30 18:35:07,181 DEBUG: View 0 : 0.528497409326 +2016-08-30 18:35:07,201 DEBUG: View 1 : 0.373056994819 +2016-08-30 18:35:07,222 DEBUG: View 2 : 0.435233160622 +2016-08-30 18:35:07,245 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:35:09,111 DEBUG: Best view : View0 +2016-08-30 18:35:22,785 DEBUG: Start: Iteration 193 +2016-08-30 18:35:22,807 DEBUG: View 0 : 0.637305699482 +2016-08-30 18:35:22,828 DEBUG: View 1 : 0.40932642487 +2016-08-30 18:35:22,848 DEBUG: View 2 : 0.507772020725 +2016-08-30 18:35:22,872 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:35:24,743 DEBUG: Best view : View0 +2016-08-30 18:35:38,505 DEBUG: Start: Iteration 194 +2016-08-30 18:35:38,527 DEBUG: View 0 : 0.663212435233 +2016-08-30 18:35:38,547 DEBUG: View 1 : 0.424870466321 +2016-08-30 18:35:38,568 DEBUG: View 2 : 0.507772020725 +2016-08-30 18:35:38,591 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:35:40,477 DEBUG: Best view : View0 +2016-08-30 18:35:54,320 DEBUG: Start: Iteration 195 +2016-08-30 18:35:54,342 DEBUG: View 0 : 0.632124352332 +2016-08-30 18:35:54,362 DEBUG: View 1 : 0.445595854922 +2016-08-30 18:35:54,381 DEBUG: View 2 : 0.559585492228 +2016-08-30 18:35:54,405 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:35:56,298 DEBUG: Best view : View0 +2016-08-30 18:36:10,203 DEBUG: Start: Iteration 196 +2016-08-30 18:36:10,225 DEBUG: View 0 : 0.673575129534 +2016-08-30 18:36:10,245 DEBUG: View 1 : 0.533678756477 +2016-08-30 18:36:10,266 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:36:10,289 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:36:12,177 DEBUG: Best view : View0 +2016-08-30 18:36:26,203 DEBUG: Start: Iteration 197 +2016-08-30 18:36:26,225 DEBUG: View 0 : 0.580310880829 +2016-08-30 18:36:26,245 DEBUG: View 1 : 0.357512953368 +2016-08-30 18:36:26,266 DEBUG: View 2 : 0.435233160622 +2016-08-30 18:36:26,290 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:36:28,192 DEBUG: Best view : View0 +2016-08-30 18:36:42,286 DEBUG: Start: Iteration 198 +2016-08-30 18:36:42,308 DEBUG: View 0 : 0.709844559585 +2016-08-30 18:36:42,329 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:36:42,349 DEBUG: View 2 : 0.362694300518 +2016-08-30 18:36:42,373 DEBUG: View 3 : 0.709844559585 +2016-08-30 18:36:44,279 DEBUG: Best view : View3 +2016-08-30 18:36:58,480 DEBUG: Start: Iteration 199 +2016-08-30 18:36:58,502 DEBUG: View 0 : 0.611398963731 +2016-08-30 18:36:58,522 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:36:58,542 DEBUG: View 2 : 0.585492227979 +2016-08-30 18:36:58,565 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:37:00,488 DEBUG: Best view : View0 +2016-08-30 18:37:14,694 DEBUG: Start: Iteration 200 +2016-08-30 18:37:14,715 DEBUG: View 0 : 0.59067357513 +2016-08-30 18:37:14,736 DEBUG: View 1 : 0.357512953368 +2016-08-30 18:37:14,756 DEBUG: View 2 : 0.419689119171 +2016-08-30 18:37:14,780 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:37:16,684 DEBUG: Best view : View0 +2016-08-30 18:37:30,929 DEBUG: Start: Iteration 201 +2016-08-30 18:37:30,951 DEBUG: View 0 : 0.538860103627 +2016-08-30 18:37:30,971 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:37:30,992 DEBUG: View 2 : 0.40414507772 +2016-08-30 18:37:31,015 DEBUG: View 3 : 0.642487046632 +2016-08-30 18:37:32,937 DEBUG: Best view : View3 +2016-08-30 18:37:47,248 DEBUG: Start: Iteration 202 +2016-08-30 18:37:47,270 DEBUG: View 0 : 0.642487046632 +2016-08-30 18:37:47,290 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:37:47,311 DEBUG: View 2 : 0.512953367876 +2016-08-30 18:37:47,335 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:37:49,270 DEBUG: Best view : View0 +2016-08-30 18:38:03,672 DEBUG: Start: Iteration 203 +2016-08-30 18:38:03,694 DEBUG: View 0 : 0.647668393782 +2016-08-30 18:38:03,715 DEBUG: View 1 : 0.445595854922 +2016-08-30 18:38:03,735 DEBUG: View 2 : 0.424870466321 +2016-08-30 18:38:03,758 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:38:05,716 DEBUG: Best view : View0 +2016-08-30 18:38:20,172 DEBUG: Start: Iteration 204 +2016-08-30 18:38:20,193 DEBUG: View 0 : 0.585492227979 +2016-08-30 18:38:20,212 DEBUG: View 1 : 0.378238341969 +2016-08-30 18:38:20,233 DEBUG: View 2 : 0.450777202073 +2016-08-30 18:38:20,257 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:38:22,213 DEBUG: Best view : View0 +2016-08-30 18:38:36,764 DEBUG: Start: Iteration 205 +2016-08-30 18:38:36,786 DEBUG: View 0 : 0.689119170984 +2016-08-30 18:38:36,805 DEBUG: View 1 : 0.507772020725 +2016-08-30 18:38:36,826 DEBUG: View 2 : 0.518134715026 +2016-08-30 18:38:36,849 DEBUG: View 3 : 0.59585492228 +2016-08-30 18:38:38,803 DEBUG: Best view : View0 +2016-08-30 18:38:53,387 DEBUG: Start: Iteration 206 +2016-08-30 18:38:53,408 DEBUG: View 0 : 0.652849740933 +2016-08-30 18:38:53,428 DEBUG: View 1 : 0.544041450777 +2016-08-30 18:38:53,448 DEBUG: View 2 : 0.466321243523 +2016-08-30 18:38:53,471 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:38:55,426 DEBUG: Best view : View0 +2016-08-30 18:39:10,111 DEBUG: Start: Iteration 207 +2016-08-30 18:39:10,133 DEBUG: View 0 : 0.626943005181 +2016-08-30 18:39:10,154 DEBUG: View 1 : 0.440414507772 +2016-08-30 18:39:10,174 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:39:10,197 DEBUG: View 3 : 0.761658031088 +2016-08-30 18:39:12,167 DEBUG: Best view : View3 +2016-08-30 18:39:26,948 DEBUG: Start: Iteration 208 +2016-08-30 18:39:26,969 DEBUG: View 0 : 0.549222797927 +2016-08-30 18:39:26,989 DEBUG: View 1 : 0.40414507772 +2016-08-30 18:39:27,010 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:39:27,034 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:39:29,011 DEBUG: Best view : View0 +2016-08-30 18:39:43,812 DEBUG: Start: Iteration 209 +2016-08-30 18:39:43,833 DEBUG: View 0 : 0.663212435233 +2016-08-30 18:39:43,853 DEBUG: View 1 : 0.487046632124 +2016-08-30 18:39:43,873 DEBUG: View 2 : 0.471502590674 +2016-08-30 18:39:43,898 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:39:45,883 DEBUG: Best view : View0 +2016-08-30 18:40:00,769 DEBUG: Start: Iteration 210 +2016-08-30 18:40:00,791 DEBUG: View 0 : 0.761658031088 +2016-08-30 18:40:00,811 DEBUG: View 1 : 0.445595854922 +2016-08-30 18:40:00,832 DEBUG: View 2 : 0.445595854922 +2016-08-30 18:40:00,854 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:40:02,867 DEBUG: Best view : View0 +2016-08-30 18:40:17,810 DEBUG: Start: Iteration 211 +2016-08-30 18:40:17,832 DEBUG: View 0 : 0.694300518135 +2016-08-30 18:40:17,852 DEBUG: View 1 : 0.435233160622 +2016-08-30 18:40:17,872 DEBUG: View 2 : 0.497409326425 +2016-08-30 18:40:17,895 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:40:19,901 DEBUG: Best view : View0 +2016-08-30 18:40:34,928 DEBUG: Start: Iteration 212 +2016-08-30 18:40:34,950 DEBUG: View 0 : 0.673575129534 +2016-08-30 18:40:34,970 DEBUG: View 1 : 0.378238341969 +2016-08-30 18:40:34,990 DEBUG: View 2 : 0.424870466321 +2016-08-30 18:40:35,013 DEBUG: View 3 : 0.538860103627 +2016-08-30 18:40:37,018 DEBUG: Best view : View0 +2016-08-30 18:40:52,103 DEBUG: Start: Iteration 213 +2016-08-30 18:40:52,125 DEBUG: View 0 : 0.632124352332 +2016-08-30 18:40:52,145 DEBUG: View 1 : 0.362694300518 +2016-08-30 18:40:52,165 DEBUG: View 2 : 0.497409326425 +2016-08-30 18:40:52,188 DEBUG: View 3 : 0.559585492228 +2016-08-30 18:40:54,212 DEBUG: Best view : View0 +2016-08-30 18:41:09,402 DEBUG: Start: Iteration 214 +2016-08-30 18:41:09,423 DEBUG: View 0 : 0.663212435233 +2016-08-30 18:41:09,444 DEBUG: View 1 : 0.435233160622 +2016-08-30 18:41:09,464 DEBUG: View 2 : 0.481865284974 +2016-08-30 18:41:09,487 DEBUG: View 3 : 0.616580310881 +2016-08-30 18:41:11,527 DEBUG: Best view : View0 +2016-08-30 18:41:26,772 DEBUG: Start: Iteration 215 +2016-08-30 18:41:26,794 DEBUG: View 0 : 0.538860103627 +2016-08-30 18:41:26,814 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:41:26,834 DEBUG: View 2 : 0.424870466321 +2016-08-30 18:41:26,857 DEBUG: View 3 : 0.621761658031 +2016-08-30 18:41:28,911 DEBUG: Best view : View3 +2016-08-30 18:41:44,269 DEBUG: Start: Iteration 216 +2016-08-30 18:41:44,292 DEBUG: View 0 : 0.611398963731 +2016-08-30 18:41:44,312 DEBUG: View 1 : 0.430051813472 +2016-08-30 18:41:44,332 DEBUG: View 2 : 0.357512953368 +2016-08-30 18:41:44,355 DEBUG: View 3 : 0.621761658031 +2016-08-30 18:41:46,410 DEBUG: Best view : View3 +2016-08-30 18:42:01,845 DEBUG: Start: Iteration 217 +2016-08-30 18:42:01,866 DEBUG: View 0 : 0.626943005181 +2016-08-30 18:42:01,887 DEBUG: View 1 : 0.466321243523 +2016-08-30 18:42:01,907 DEBUG: View 2 : 0.445595854922 +2016-08-30 18:42:01,930 DEBUG: View 3 : 0.715025906736 +2016-08-30 18:42:04,012 DEBUG: Best view : View3 +2016-08-30 18:42:19,456 DEBUG: Start: Iteration 218 +2016-08-30 18:42:19,478 DEBUG: View 0 : 0.580310880829 +2016-08-30 18:42:19,498 DEBUG: View 1 : 0.40932642487 +2016-08-30 18:42:19,519 DEBUG: View 2 : 0.39896373057 +2016-08-30 18:42:19,542 DEBUG: View 3 : 0.476683937824 +2016-08-30 18:42:21,601 DEBUG: Best view : View0 +2016-08-30 18:42:37,119 DEBUG: Start: Iteration 219 +2016-08-30 18:42:37,141 DEBUG: View 0 : 0.673575129534 +2016-08-30 18:42:37,160 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:42:37,181 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:42:37,204 DEBUG: View 3 : 0.476683937824 +2016-08-30 18:42:39,278 DEBUG: Best view : View0 +2016-08-30 18:42:54,884 DEBUG: Start: Iteration 220 +2016-08-30 18:42:54,905 DEBUG: View 0 : 0.694300518135 +2016-08-30 18:42:54,925 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:42:54,945 DEBUG: View 2 : 0.430051813472 +2016-08-30 18:42:54,968 DEBUG: View 3 : 0.761658031088 +2016-08-30 18:42:57,051 DEBUG: Best view : View3 +2016-08-30 18:43:12,769 DEBUG: Start: Iteration 221 +2016-08-30 18:43:12,790 DEBUG: View 0 : 0.720207253886 +2016-08-30 18:43:12,812 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:43:12,832 DEBUG: View 2 : 0.523316062176 +2016-08-30 18:43:12,855 DEBUG: View 3 : 0.476683937824 +2016-08-30 18:43:14,947 DEBUG: Best view : View0 +2016-08-30 18:43:30,684 DEBUG: Start: Iteration 222 +2016-08-30 18:43:30,706 DEBUG: View 0 : 0.481865284974 +2016-08-30 18:43:30,726 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:43:30,746 DEBUG: View 2 : 0.39896373057 +2016-08-30 18:43:30,770 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:43:30,770 WARNING: WARNING: All bad for iteration 221 +2016-08-30 18:43:32,872 DEBUG: Best view : View0 +2016-08-30 18:43:48,711 DEBUG: Start: Iteration 223 +2016-08-30 18:43:48,733 DEBUG: View 0 : 0.647668393782 +2016-08-30 18:43:48,753 DEBUG: View 1 : 0.554404145078 +2016-08-30 18:43:48,773 DEBUG: View 2 : 0.461139896373 +2016-08-30 18:43:48,797 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:43:50,895 DEBUG: Best view : View0 +2016-08-30 18:44:06,811 DEBUG: Start: Iteration 224 +2016-08-30 18:44:06,832 DEBUG: View 0 : 0.637305699482 +2016-08-30 18:44:06,853 DEBUG: View 1 : 0.331606217617 +2016-08-30 18:44:06,874 DEBUG: View 2 : 0.538860103627 +2016-08-30 18:44:06,897 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:44:08,987 DEBUG: Best view : View0 +2016-08-30 18:44:24,942 DEBUG: Start: Iteration 225 +2016-08-30 18:44:24,963 DEBUG: View 0 : 0.575129533679 +2016-08-30 18:44:24,983 DEBUG: View 1 : 0.40414507772 +2016-08-30 18:44:25,004 DEBUG: View 2 : 0.533678756477 +2016-08-30 18:44:25,027 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:44:27,137 DEBUG: Best view : View0 +2016-08-30 18:44:43,223 DEBUG: Start: Iteration 226 +2016-08-30 18:44:43,245 DEBUG: View 0 : 0.642487046632 +2016-08-30 18:44:43,265 DEBUG: View 1 : 0.435233160622 +2016-08-30 18:44:43,285 DEBUG: View 2 : 0.569948186528 +2016-08-30 18:44:43,308 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:44:45,448 DEBUG: Best view : View0 +2016-08-30 18:45:01,638 DEBUG: Start: Iteration 227 +2016-08-30 18:45:01,660 DEBUG: View 0 : 0.626943005181 +2016-08-30 18:45:01,680 DEBUG: View 1 : 0.419689119171 +2016-08-30 18:45:01,701 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:45:01,724 DEBUG: View 3 : 0.476683937824 +2016-08-30 18:45:03,855 DEBUG: Best view : View0 +2016-08-30 18:45:20,025 DEBUG: Start: Iteration 228 +2016-08-30 18:45:20,047 DEBUG: View 0 : 0.668393782383 +2016-08-30 18:45:20,068 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:45:20,088 DEBUG: View 2 : 0.497409326425 +2016-08-30 18:45:20,111 DEBUG: View 3 : 0.476683937824 +2016-08-30 18:45:22,239 DEBUG: Best view : View0 +2016-08-30 18:45:38,476 DEBUG: Start: Iteration 229 +2016-08-30 18:45:38,498 DEBUG: View 0 : 0.668393782383 +2016-08-30 18:45:38,518 DEBUG: View 1 : 0.419689119171 +2016-08-30 18:45:38,538 DEBUG: View 2 : 0.471502590674 +2016-08-30 18:45:38,561 DEBUG: View 3 : 0.559585492228 +2016-08-30 18:45:40,709 DEBUG: Best view : View0 +2016-08-30 18:45:57,027 DEBUG: Start: Iteration 230 +2016-08-30 18:45:57,049 DEBUG: View 0 : 0.689119170984 +2016-08-30 18:45:57,069 DEBUG: View 1 : 0.414507772021 +2016-08-30 18:45:57,090 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:45:57,114 DEBUG: View 3 : 0.559585492228 +2016-08-30 18:45:59,266 DEBUG: Best view : View0 +2016-08-30 18:46:15,701 DEBUG: Start: Iteration 231 +2016-08-30 18:46:15,723 DEBUG: View 0 : 0.694300518135 +2016-08-30 18:46:15,743 DEBUG: View 1 : 0.440414507772 +2016-08-30 18:46:15,763 DEBUG: View 2 : 0.481865284974 +2016-08-30 18:46:15,787 DEBUG: View 3 : 0.559585492228 +2016-08-30 18:46:17,954 DEBUG: Best view : View0 +2016-08-30 18:46:34,401 DEBUG: Start: Iteration 232 +2016-08-30 18:46:34,423 DEBUG: View 0 : 0.518134715026 +2016-08-30 18:46:34,442 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:46:34,463 DEBUG: View 2 : 0.445595854922 +2016-08-30 18:46:34,486 DEBUG: View 3 : 0.616580310881 +2016-08-30 18:46:36,661 DEBUG: Best view : View3 +2016-08-30 18:46:53,178 DEBUG: Start: Iteration 233 +2016-08-30 18:46:53,200 DEBUG: View 0 : 0.668393782383 +2016-08-30 18:46:53,221 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:46:53,241 DEBUG: View 2 : 0.341968911917 +2016-08-30 18:46:53,264 DEBUG: View 3 : 0.663212435233 +2016-08-30 18:46:55,444 DEBUG: Best view : View3 +2016-08-30 18:47:12,038 DEBUG: Start: Iteration 234 +2016-08-30 18:47:12,060 DEBUG: View 0 : 0.626943005181 +2016-08-30 18:47:12,080 DEBUG: View 1 : 0.341968911917 +2016-08-30 18:47:12,101 DEBUG: View 2 : 0.507772020725 +2016-08-30 18:47:12,124 DEBUG: View 3 : 0.663212435233 +2016-08-30 18:47:14,303 DEBUG: Best view : View3 +2016-08-30 18:47:30,943 DEBUG: Start: Iteration 235 +2016-08-30 18:47:30,965 DEBUG: View 0 : 0.715025906736 +2016-08-30 18:47:30,984 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:47:31,004 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:47:31,027 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:47:33,245 DEBUG: Best view : View0 +2016-08-30 18:47:49,962 DEBUG: Start: Iteration 236 +2016-08-30 18:47:49,984 DEBUG: View 0 : 0.663212435233 +2016-08-30 18:47:50,005 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:47:50,025 DEBUG: View 2 : 0.580310880829 +2016-08-30 18:47:50,049 DEBUG: View 3 : 0.476683937824 +2016-08-30 18:47:52,258 DEBUG: Best view : View0 +2016-08-30 18:48:09,047 DEBUG: Start: Iteration 237 +2016-08-30 18:48:09,069 DEBUG: View 0 : 0.642487046632 +2016-08-30 18:48:09,089 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:48:09,110 DEBUG: View 2 : 0.512953367876 +2016-08-30 18:48:09,133 DEBUG: View 3 : 0.476683937824 +2016-08-30 18:48:11,334 DEBUG: Best view : View0 +2016-08-30 18:48:28,263 DEBUG: Start: Iteration 238 +2016-08-30 18:48:28,286 DEBUG: View 0 : 0.725388601036 +2016-08-30 18:48:28,307 DEBUG: View 1 : 0.435233160622 +2016-08-30 18:48:28,328 DEBUG: View 2 : 0.59067357513 +2016-08-30 18:48:28,352 DEBUG: View 3 : 0.476683937824 +2016-08-30 18:48:30,587 DEBUG: Best view : View0 +2016-08-30 18:48:47,514 DEBUG: Start: Iteration 239 +2016-08-30 18:48:47,536 DEBUG: View 0 : 0.689119170984 +2016-08-30 18:48:47,555 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:48:47,575 DEBUG: View 2 : 0.580310880829 +2016-08-30 18:48:47,600 DEBUG: View 3 : 0.59585492228 +2016-08-30 18:48:49,821 DEBUG: Best view : View0 +2016-08-30 18:49:06,901 DEBUG: Start: Iteration 240 +2016-08-30 18:49:06,923 DEBUG: View 0 : 0.507772020725 +2016-08-30 18:49:06,943 DEBUG: View 1 : 0.559585492228 +2016-08-30 18:49:06,963 DEBUG: View 2 : 0.585492227979 +2016-08-30 18:49:06,986 DEBUG: View 3 : 0.476683937824 +2016-08-30 18:49:09,209 DEBUG: Best view : View2 +2016-08-30 18:49:26,368 DEBUG: Start: Iteration 241 +2016-08-30 18:49:26,390 DEBUG: View 0 : 0.60103626943 +2016-08-30 18:49:26,410 DEBUG: View 1 : 0.290155440415 +2016-08-30 18:49:26,431 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:49:26,453 DEBUG: View 3 : 0.689119170984 +2016-08-30 18:49:28,755 DEBUG: Best view : View3 +2016-08-30 18:49:45,906 DEBUG: Start: Iteration 242 +2016-08-30 18:49:45,928 DEBUG: View 0 : 0.632124352332 +2016-08-30 18:49:45,948 DEBUG: View 1 : 0.424870466321 +2016-08-30 18:49:45,968 DEBUG: View 2 : 0.523316062176 +2016-08-30 18:49:45,992 DEBUG: View 3 : 0.476683937824 +2016-08-30 18:49:48,251 DEBUG: Best view : View0 +2016-08-30 18:50:05,627 DEBUG: Start: Iteration 243 +2016-08-30 18:50:05,648 DEBUG: View 0 : 0.709844559585 +2016-08-30 18:50:05,668 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:50:05,689 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:50:05,713 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:50:07,984 DEBUG: Best view : View0 +2016-08-30 18:50:25,292 DEBUG: Start: Iteration 244 +2016-08-30 18:50:25,313 DEBUG: View 0 : 0.709844559585 +2016-08-30 18:50:25,334 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:50:25,354 DEBUG: View 2 : 0.518134715026 +2016-08-30 18:50:25,377 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:50:27,643 DEBUG: Best view : View0 +2016-08-30 18:50:45,081 DEBUG: Start: Iteration 245 +2016-08-30 18:50:45,103 DEBUG: View 0 : 0.554404145078 +2016-08-30 18:50:45,123 DEBUG: View 1 : 0.362694300518 +2016-08-30 18:50:45,144 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:50:45,167 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:50:47,445 DEBUG: Best view : View0 +2016-08-30 18:51:04,938 DEBUG: Start: Iteration 246 +2016-08-30 18:51:04,960 DEBUG: View 0 : 0.678756476684 +2016-08-30 18:51:04,980 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:51:05,000 DEBUG: View 2 : 0.523316062176 +2016-08-30 18:51:05,024 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:51:07,315 DEBUG: Best view : View0 +2016-08-30 18:51:24,935 DEBUG: Start: Iteration 247 +2016-08-30 18:51:24,956 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:51:24,976 DEBUG: View 1 : 0.378238341969 +2016-08-30 18:51:24,996 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:51:25,021 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:51:27,330 DEBUG: Best view : View0 +2016-08-30 18:51:44,954 DEBUG: Start: Iteration 248 +2016-08-30 18:51:44,975 DEBUG: View 0 : 0.704663212435 +2016-08-30 18:51:44,995 DEBUG: View 1 : 0.450777202073 +2016-08-30 18:51:45,016 DEBUG: View 2 : 0.471502590674 +2016-08-30 18:51:45,039 DEBUG: View 3 : 0.611398963731 +2016-08-30 18:51:47,345 DEBUG: Best view : View0 +2016-08-30 18:52:04,991 DEBUG: Start: Iteration 249 +2016-08-30 18:52:05,013 DEBUG: View 0 : 0.59067357513 +2016-08-30 18:52:05,032 DEBUG: View 1 : 0.388601036269 +2016-08-30 18:52:05,053 DEBUG: View 2 : 0.523316062176 +2016-08-30 18:52:05,077 DEBUG: View 3 : 0.497409326425 +2016-08-30 18:52:07,374 DEBUG: Best view : View0 +2016-08-30 18:52:25,054 DEBUG: Start: Iteration 250 +2016-08-30 18:52:25,076 DEBUG: View 0 : 0.59585492228 +2016-08-30 18:52:25,096 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:52:25,117 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:52:25,141 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:52:27,467 DEBUG: Best view : View0 +2016-08-30 18:52:45,249 DEBUG: Start: Iteration 251 +2016-08-30 18:52:45,271 DEBUG: View 0 : 0.621761658031 +2016-08-30 18:52:45,291 DEBUG: View 1 : 0.435233160622 +2016-08-30 18:52:45,311 DEBUG: View 2 : 0.492227979275 +2016-08-30 18:52:45,334 DEBUG: View 3 : 0.694300518135 +2016-08-30 18:52:47,658 DEBUG: Best view : View3 +2016-08-30 18:53:05,560 DEBUG: Start: Iteration 252 +2016-08-30 18:53:05,581 DEBUG: View 0 : 0.689119170984 +2016-08-30 18:53:05,602 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:53:05,622 DEBUG: View 2 : 0.512953367876 +2016-08-30 18:53:05,645 DEBUG: View 3 : 0.694300518135 +2016-08-30 18:53:07,958 DEBUG: Best view : View3 +2016-08-30 18:53:25,979 DEBUG: Start: Iteration 253 +2016-08-30 18:53:26,001 DEBUG: View 0 : 0.715025906736 +2016-08-30 18:53:26,021 DEBUG: View 1 : 0.383419689119 +2016-08-30 18:53:26,042 DEBUG: View 2 : 0.424870466321 +2016-08-30 18:53:26,066 DEBUG: View 3 : 0.471502590674 +2016-08-30 18:53:28,396 DEBUG: Best view : View0 +2016-08-30 18:53:46,399 DEBUG: Start: Iteration 254 +2016-08-30 18:53:46,421 DEBUG: View 0 : 0.689119170984 +2016-08-30 18:53:46,441 DEBUG: View 1 : 0.549222797927 +2016-08-30 18:53:46,462 DEBUG: View 2 : 0.476683937824 +2016-08-30 18:53:46,485 DEBUG: View 3 : 0.668393782383 +2016-08-30 18:53:48,834 DEBUG: Best view : View3 +2016-08-30 18:54:06,943 DEBUG: Start: Iteration 255 +2016-08-30 18:54:06,965 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:54:06,985 DEBUG: View 1 : 0.497409326425 +2016-08-30 18:54:07,005 DEBUG: View 2 : 0.414507772021 +2016-08-30 18:54:07,028 DEBUG: View 3 : 0.476683937824 +2016-08-30 18:54:09,383 DEBUG: Best view : View0 +2016-08-30 18:54:27,574 DEBUG: Start: Iteration 256 +2016-08-30 18:54:27,595 DEBUG: View 0 : 0.709844559585 +2016-08-30 18:54:27,616 DEBUG: View 1 : 0.341968911917 +2016-08-30 18:54:27,637 DEBUG: View 2 : 0.481865284974 +2016-08-30 18:54:27,660 DEBUG: View 3 : 0.704663212435 +2016-08-30 18:54:30,034 DEBUG: Best view : View3 +2016-08-30 18:54:48,322 DEBUG: Start: Iteration 257 +2016-08-30 18:54:48,343 DEBUG: View 0 : 0.492227979275 +2016-08-30 18:54:48,363 DEBUG: View 1 : 0.39378238342 +2016-08-30 18:54:48,383 DEBUG: View 2 : 0.435233160622 +2016-08-30 18:54:48,407 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:54:48,407 WARNING: WARNING: All bad for iteration 256 +2016-08-30 18:54:50,797 DEBUG: Best view : View0 +2016-08-30 18:55:09,260 DEBUG: Start: Iteration 258 +2016-08-30 18:55:09,281 DEBUG: View 0 : 0.730569948187 +2016-08-30 18:55:09,302 DEBUG: View 1 : 0.378238341969 +2016-08-30 18:55:09,322 DEBUG: View 2 : 0.497409326425 +2016-08-30 18:55:09,345 DEBUG: View 3 : 0.554404145078 +2016-08-30 18:55:11,739 DEBUG: Best view : View0 +2016-08-30 18:55:30,094 DEBUG: Start: Iteration 259 +2016-08-30 18:55:30,115 DEBUG: View 0 : 0.616580310881 +2016-08-30 18:55:30,135 DEBUG: View 1 : 0.559585492228 +2016-08-30 18:55:30,156 DEBUG: View 2 : 0.507772020725 +2016-08-30 18:55:30,180 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:55:32,575 DEBUG: Best view : View0 +2016-08-30 18:55:50,982 DEBUG: Start: Iteration 260 +2016-08-30 18:55:51,004 DEBUG: View 0 : 0.704663212435 +2016-08-30 18:55:51,024 DEBUG: View 1 : 0.373056994819 +2016-08-30 18:55:51,044 DEBUG: View 2 : 0.512953367876 +2016-08-30 18:55:51,066 DEBUG: View 3 : 0.699481865285 +2016-08-30 18:55:53,457 DEBUG: Best view : View3 +2016-08-30 18:56:11,979 DEBUG: Start: Iteration 261 +2016-08-30 18:56:12,001 DEBUG: View 0 : 0.626943005181 +2016-08-30 18:56:12,021 DEBUG: View 1 : 0.352331606218 +2016-08-30 18:56:12,041 DEBUG: View 2 : 0.487046632124 +2016-08-30 18:56:12,064 DEBUG: View 3 : 0.580310880829 +2016-08-30 18:56:14,470 DEBUG: Best view : View0 +2016-08-30 18:56:32,999 DEBUG: Start: Iteration 262 +2016-08-30 18:56:33,021 DEBUG: View 0 : 0.60621761658 +2016-08-30 18:56:33,040 DEBUG: View 1 : 0.564766839378 +2016-08-30 18:56:33,061 DEBUG: View 2 : 0.507772020725 +2016-08-30 18:56:33,084 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:56:35,493 DEBUG: Best view : View0 +2016-08-30 18:56:54,119 DEBUG: Start: Iteration 263 +2016-08-30 18:56:54,141 DEBUG: View 0 : 0.637305699482 +2016-08-30 18:56:54,161 DEBUG: View 1 : 0.39896373057 +2016-08-30 18:56:54,181 DEBUG: View 2 : 0.523316062176 +2016-08-30 18:56:54,205 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:56:56,627 DEBUG: Best view : View0 +2016-08-30 18:57:15,318 DEBUG: Start: Iteration 264 +2016-08-30 18:57:15,340 DEBUG: View 0 : 0.683937823834 +2016-08-30 18:57:15,360 DEBUG: View 1 : 0.40932642487 +2016-08-30 18:57:15,381 DEBUG: View 2 : 0.523316062176 +2016-08-30 18:57:15,404 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:57:17,827 DEBUG: Best view : View0 +2016-08-30 18:57:36,641 DEBUG: Start: Iteration 265 +2016-08-30 18:57:36,663 DEBUG: View 0 : 0.518134715026 +2016-08-30 18:57:36,683 DEBUG: View 1 : 0.362694300518 +2016-08-30 18:57:36,704 DEBUG: View 2 : 0.440414507772 +2016-08-30 18:57:36,727 DEBUG: View 3 : 0.476683937824 +2016-08-30 18:57:39,153 DEBUG: Best view : View0 +2016-08-30 18:57:58,000 DEBUG: Start: Iteration 266 +2016-08-30 18:57:58,022 DEBUG: View 0 : 0.637305699482 +2016-08-30 18:57:58,043 DEBUG: View 1 : 0.461139896373 +2016-08-30 18:57:58,064 DEBUG: View 2 : 0.455958549223 +2016-08-30 18:57:58,087 DEBUG: View 3 : 0.611398963731 +2016-08-30 18:58:00,520 DEBUG: Best view : View3 +2016-08-30 18:58:19,388 DEBUG: Start: Iteration 267 +2016-08-30 18:58:19,409 DEBUG: View 0 : 0.699481865285 +2016-08-30 18:58:19,429 DEBUG: View 1 : 0.367875647668 +2016-08-30 18:58:19,449 DEBUG: View 2 : 0.430051813472 +2016-08-30 18:58:19,472 DEBUG: View 3 : 0.663212435233 +2016-08-30 18:58:21,928 DEBUG: Best view : View0 +2016-08-30 18:58:40,914 DEBUG: Start: Iteration 268 +2016-08-30 18:58:40,936 DEBUG: View 0 : 0.626943005181 +2016-08-30 18:58:40,956 DEBUG: View 1 : 0.424870466321 +2016-08-30 18:58:40,975 DEBUG: View 2 : 0.549222797927 +2016-08-30 18:58:40,999 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:58:43,450 DEBUG: Best view : View0 +2016-08-30 18:59:02,531 DEBUG: Start: Iteration 269 +2016-08-30 18:59:02,552 DEBUG: View 0 : 0.544041450777 +2016-08-30 18:59:02,573 DEBUG: View 1 : 0.528497409326 +2016-08-30 18:59:02,593 DEBUG: View 2 : 0.59585492228 +2016-08-30 18:59:02,616 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:59:05,079 DEBUG: Best view : View2 +2016-08-30 18:59:24,193 DEBUG: Start: Iteration 270 +2016-08-30 18:59:24,215 DEBUG: View 0 : 0.621761658031 +2016-08-30 18:59:24,236 DEBUG: View 1 : 0.471502590674 +2016-08-30 18:59:24,257 DEBUG: View 2 : 0.466321243523 +2016-08-30 18:59:24,281 DEBUG: View 3 : 0.419689119171 +2016-08-30 18:59:26,738 DEBUG: Best view : View0 +2016-08-30 18:59:45,968 DEBUG: Start: Iteration 271 +2016-08-30 18:59:45,989 DEBUG: View 0 : 0.637305699482 +2016-08-30 18:59:46,009 DEBUG: View 1 : 0.378238341969 +2016-08-30 18:59:46,030 DEBUG: View 2 : 0.60103626943 +2016-08-30 18:59:46,054 DEBUG: View 3 : 0.740932642487 +2016-08-30 18:59:48,500 DEBUG: Best view : View3 +2016-08-30 19:00:07,929 DEBUG: Start: Iteration 272 +2016-08-30 19:00:07,951 DEBUG: View 0 : 0.689119170984 +2016-08-30 19:00:07,971 DEBUG: View 1 : 0.378238341969 +2016-08-30 19:00:07,992 DEBUG: View 2 : 0.580310880829 +2016-08-30 19:00:08,015 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:00:10,495 DEBUG: Best view : View0 +2016-08-30 19:00:29,841 DEBUG: Start: Iteration 273 +2016-08-30 19:00:29,864 DEBUG: View 0 : 0.694300518135 +2016-08-30 19:00:29,883 DEBUG: View 1 : 0.445595854922 +2016-08-30 19:00:29,903 DEBUG: View 2 : 0.60621761658 +2016-08-30 19:00:29,927 DEBUG: View 3 : 0.658031088083 +2016-08-30 19:00:32,414 DEBUG: Best view : View0 +2016-08-30 19:00:51,895 DEBUG: Start: Iteration 274 +2016-08-30 19:00:51,916 DEBUG: View 0 : 0.611398963731 +2016-08-30 19:00:51,936 DEBUG: View 1 : 0.414507772021 +2016-08-30 19:00:51,956 DEBUG: View 2 : 0.419689119171 +2016-08-30 19:00:51,979 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:00:54,524 DEBUG: Best view : View0 +2016-08-30 19:01:14,022 DEBUG: Start: Iteration 275 +2016-08-30 19:01:14,043 DEBUG: View 0 : 0.730569948187 +2016-08-30 19:01:14,063 DEBUG: View 1 : 0.39378238342 +2016-08-30 19:01:14,084 DEBUG: View 2 : 0.450777202073 +2016-08-30 19:01:14,108 DEBUG: View 3 : 0.435233160622 +2016-08-30 19:01:16,631 DEBUG: Best view : View0 +2016-08-30 19:01:36,236 DEBUG: Start: Iteration 276 +2016-08-30 19:01:36,258 DEBUG: View 0 : 0.497409326425 +2016-08-30 19:01:36,278 DEBUG: View 1 : 0.388601036269 +2016-08-30 19:01:36,298 DEBUG: View 2 : 0.39896373057 +2016-08-30 19:01:36,322 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:01:36,323 WARNING: WARNING: All bad for iteration 275 +2016-08-30 19:01:38,854 DEBUG: Best view : View0 +2016-08-30 19:01:58,482 DEBUG: Start: Iteration 277 +2016-08-30 19:01:58,504 DEBUG: View 0 : 0.694300518135 +2016-08-30 19:01:58,525 DEBUG: View 1 : 0.419689119171 +2016-08-30 19:01:58,545 DEBUG: View 2 : 0.383419689119 +2016-08-30 19:01:58,568 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:02:01,091 DEBUG: Best view : View0 +2016-08-30 19:02:20,792 DEBUG: Start: Iteration 278 +2016-08-30 19:02:20,813 DEBUG: View 0 : 0.663212435233 +2016-08-30 19:02:20,834 DEBUG: View 1 : 0.414507772021 +2016-08-30 19:02:20,854 DEBUG: View 2 : 0.388601036269 +2016-08-30 19:02:20,877 DEBUG: View 3 : 0.580310880829 +2016-08-30 19:02:23,418 DEBUG: Best view : View0 +2016-08-30 19:02:43,216 DEBUG: Start: Iteration 279 +2016-08-30 19:02:43,238 DEBUG: View 0 : 0.704663212435 +2016-08-30 19:02:43,258 DEBUG: View 1 : 0.549222797927 +2016-08-30 19:02:43,279 DEBUG: View 2 : 0.40414507772 +2016-08-30 19:02:43,303 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:02:45,863 DEBUG: Best view : View0 +2016-08-30 19:03:05,777 DEBUG: Start: Iteration 280 +2016-08-30 19:03:05,798 DEBUG: View 0 : 0.704663212435 +2016-08-30 19:03:05,818 DEBUG: View 1 : 0.424870466321 +2016-08-30 19:03:05,840 DEBUG: View 2 : 0.471502590674 +2016-08-30 19:03:05,864 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:03:08,395 DEBUG: Best view : View0 +2016-08-30 19:03:28,321 DEBUG: Start: Iteration 281 +2016-08-30 19:03:28,343 DEBUG: View 0 : 0.720207253886 +2016-08-30 19:03:28,363 DEBUG: View 1 : 0.40414507772 +2016-08-30 19:03:28,383 DEBUG: View 2 : 0.512953367876 +2016-08-30 19:03:28,407 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:03:30,981 DEBUG: Best view : View0 +2016-08-30 19:03:51,054 DEBUG: Start: Iteration 282 +2016-08-30 19:03:51,076 DEBUG: View 0 : 0.725388601036 +2016-08-30 19:03:51,097 DEBUG: View 1 : 0.39896373057 +2016-08-30 19:03:51,118 DEBUG: View 2 : 0.549222797927 +2016-08-30 19:03:51,142 DEBUG: View 3 : 0.689119170984 +2016-08-30 19:03:53,740 DEBUG: Best view : View0 +2016-08-30 19:04:13,796 DEBUG: Start: Iteration 283 +2016-08-30 19:04:13,818 DEBUG: View 0 : 0.642487046632 +2016-08-30 19:04:13,838 DEBUG: View 1 : 0.383419689119 +2016-08-30 19:04:13,858 DEBUG: View 2 : 0.549222797927 +2016-08-30 19:04:13,881 DEBUG: View 3 : 0.616580310881 +2016-08-30 19:04:16,436 DEBUG: Best view : View3 +2016-08-30 19:04:36,554 DEBUG: Start: Iteration 284 +2016-08-30 19:04:36,576 DEBUG: View 0 : 0.699481865285 +2016-08-30 19:04:36,596 DEBUG: View 1 : 0.388601036269 +2016-08-30 19:04:36,617 DEBUG: View 2 : 0.455958549223 +2016-08-30 19:04:36,641 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:04:39,208 DEBUG: Best view : View0 +2016-08-30 19:04:59,433 DEBUG: Start: Iteration 285 +2016-08-30 19:04:59,455 DEBUG: View 0 : 0.699481865285 +2016-08-30 19:04:59,475 DEBUG: View 1 : 0.39378238342 +2016-08-30 19:04:59,496 DEBUG: View 2 : 0.559585492228 +2016-08-30 19:04:59,518 DEBUG: View 3 : 0.632124352332 +2016-08-30 19:05:02,113 DEBUG: Best view : View0 +2016-08-30 19:05:22,370 DEBUG: Start: Iteration 286 +2016-08-30 19:05:22,392 DEBUG: View 0 : 0.689119170984 +2016-08-30 19:05:22,412 DEBUG: View 1 : 0.414507772021 +2016-08-30 19:05:22,432 DEBUG: View 2 : 0.455958549223 +2016-08-30 19:05:22,455 DEBUG: View 3 : 0.611398963731 +2016-08-30 19:05:25,049 DEBUG: Best view : View0 +2016-08-30 19:05:45,427 DEBUG: Start: Iteration 287 +2016-08-30 19:05:45,448 DEBUG: View 0 : 0.704663212435 +2016-08-30 19:05:45,468 DEBUG: View 1 : 0.378238341969 +2016-08-30 19:05:45,488 DEBUG: View 2 : 0.528497409326 +2016-08-30 19:05:45,512 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:05:48,139 DEBUG: Best view : View0 +2016-08-30 19:06:08,564 DEBUG: Start: Iteration 288 +2016-08-30 19:06:08,586 DEBUG: View 0 : 0.611398963731 +2016-08-30 19:06:08,606 DEBUG: View 1 : 0.388601036269 +2016-08-30 19:06:08,627 DEBUG: View 2 : 0.316062176166 +2016-08-30 19:06:08,651 DEBUG: View 3 : 0.621761658031 +2016-08-30 19:06:11,268 DEBUG: Best view : View3 +2016-08-30 19:06:31,739 DEBUG: Start: Iteration 289 +2016-08-30 19:06:31,761 DEBUG: View 0 : 0.512953367876 +2016-08-30 19:06:31,781 DEBUG: View 1 : 0.40414507772 +2016-08-30 19:06:31,802 DEBUG: View 2 : 0.461139896373 +2016-08-30 19:06:31,825 DEBUG: View 3 : 0.538860103627 +2016-08-30 19:06:34,457 DEBUG: Best view : View3 +2016-08-30 19:06:55,024 DEBUG: Start: Iteration 290 +2016-08-30 19:06:55,046 DEBUG: View 0 : 0.720207253886 +2016-08-30 19:06:55,067 DEBUG: View 1 : 0.388601036269 +2016-08-30 19:06:55,087 DEBUG: View 2 : 0.383419689119 +2016-08-30 19:06:55,111 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:06:57,748 DEBUG: Best view : View0 +2016-08-30 19:07:18,358 DEBUG: Start: Iteration 291 +2016-08-30 19:07:18,380 DEBUG: View 0 : 0.663212435233 +2016-08-30 19:07:18,400 DEBUG: View 1 : 0.497409326425 +2016-08-30 19:07:18,421 DEBUG: View 2 : 0.544041450777 +2016-08-30 19:07:18,444 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:07:21,123 DEBUG: Best view : View0 +2016-08-30 19:07:41,853 DEBUG: Start: Iteration 292 +2016-08-30 19:07:41,875 DEBUG: View 0 : 0.699481865285 +2016-08-30 19:07:41,895 DEBUG: View 1 : 0.569948186528 +2016-08-30 19:07:41,915 DEBUG: View 2 : 0.430051813472 +2016-08-30 19:07:41,938 DEBUG: View 3 : 0.709844559585 +2016-08-30 19:07:44,589 DEBUG: Best view : View3 +2016-08-30 19:08:05,368 DEBUG: Start: Iteration 293 +2016-08-30 19:08:05,389 DEBUG: View 0 : 0.60621761658 +2016-08-30 19:08:05,409 DEBUG: View 1 : 0.367875647668 +2016-08-30 19:08:05,429 DEBUG: View 2 : 0.497409326425 +2016-08-30 19:08:05,452 DEBUG: View 3 : 0.455958549223 +2016-08-30 19:08:08,113 DEBUG: Best view : View0 +2016-08-30 19:08:28,962 DEBUG: Start: Iteration 294 +2016-08-30 19:08:28,984 DEBUG: View 0 : 0.658031088083 +2016-08-30 19:08:29,004 DEBUG: View 1 : 0.440414507772 +2016-08-30 19:08:29,025 DEBUG: View 2 : 0.502590673575 +2016-08-30 19:08:29,048 DEBUG: View 3 : 0.699481865285 +2016-08-30 19:08:31,755 DEBUG: Best view : View3 +2016-08-30 19:08:52,661 DEBUG: Start: Iteration 295 +2016-08-30 19:08:52,684 DEBUG: View 0 : 0.637305699482 +2016-08-30 19:08:52,705 DEBUG: View 1 : 0.388601036269 +2016-08-30 19:08:52,727 DEBUG: View 2 : 0.450777202073 +2016-08-30 19:08:52,751 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:08:55,436 DEBUG: Best view : View0 +2016-08-30 19:09:16,454 DEBUG: Start: Iteration 296 +2016-08-30 19:09:16,476 DEBUG: View 0 : 0.694300518135 +2016-08-30 19:09:16,496 DEBUG: View 1 : 0.445595854922 +2016-08-30 19:09:16,516 DEBUG: View 2 : 0.455958549223 +2016-08-30 19:09:16,539 DEBUG: View 3 : 0.419689119171 +2016-08-30 19:09:19,232 DEBUG: Best view : View0 +2016-08-30 19:09:40,341 DEBUG: Start: Iteration 297 +2016-08-30 19:09:40,362 DEBUG: View 0 : 0.704663212435 +2016-08-30 19:09:40,382 DEBUG: View 1 : 0.310880829016 +2016-08-30 19:09:40,403 DEBUG: View 2 : 0.39896373057 +2016-08-30 19:09:40,426 DEBUG: View 3 : 0.419689119171 +2016-08-30 19:09:43,103 DEBUG: Best view : View0 +2016-08-30 19:10:04,295 DEBUG: Start: Iteration 298 +2016-08-30 19:10:04,317 DEBUG: View 0 : 0.580310880829 +2016-08-30 19:10:04,338 DEBUG: View 1 : 0.414507772021 +2016-08-30 19:10:04,358 DEBUG: View 2 : 0.367875647668 +2016-08-30 19:10:04,381 DEBUG: View 3 : 0.497409326425 +2016-08-30 19:10:07,044 DEBUG: Best view : View0 +2016-08-30 19:10:28,271 DEBUG: Start: Iteration 299 +2016-08-30 19:10:28,293 DEBUG: View 0 : 0.756476683938 +2016-08-30 19:10:28,313 DEBUG: View 1 : 0.487046632124 +2016-08-30 19:10:28,334 DEBUG: View 2 : 0.59585492228 +2016-08-30 19:10:28,357 DEBUG: View 3 : 0.637305699482 +2016-08-30 19:10:31,053 DEBUG: Best view : View0 +2016-08-30 19:10:52,289 DEBUG: Start: Iteration 300 +2016-08-30 19:10:52,311 DEBUG: View 0 : 0.559585492228 +2016-08-30 19:10:52,331 DEBUG: View 1 : 0.326424870466 +2016-08-30 19:10:52,352 DEBUG: View 2 : 0.435233160622 +2016-08-30 19:10:52,375 DEBUG: View 3 : 0.419689119171 +2016-08-30 19:10:55,054 DEBUG: Best view : View0 +2016-08-30 19:11:16,389 DEBUG: Start: Iteration 301 +2016-08-30 19:11:16,411 DEBUG: View 0 : 0.518134715026 +2016-08-30 19:11:16,431 DEBUG: View 1 : 0.40932642487 +2016-08-30 19:11:16,452 DEBUG: View 2 : 0.528497409326 +2016-08-30 19:11:16,475 DEBUG: View 3 : 0.419689119171 +2016-08-30 19:11:19,162 DEBUG: Best view : View2 +2016-08-30 19:11:41,155 DEBUG: Start: Iteration 302 +2016-08-30 19:11:41,180 DEBUG: View 0 : 0.668393782383 +2016-08-30 19:11:41,203 DEBUG: View 1 : 0.60103626943 +2016-08-30 19:11:41,226 DEBUG: View 2 : 0.497409326425 +2016-08-30 19:11:41,253 DEBUG: View 3 : 0.476683937824 +2016-08-30 19:11:43,995 DEBUG: Best view : View0 +2016-08-30 19:12:05,467 INFO: Start: Classification +2016-08-30 19:12:39,622 INFO: Done: Fold number 1 +2016-08-30 19:12:39,622 INFO: Start: Fold number 2 +2016-08-30 19:12:47,589 DEBUG: Start: Iteration 1 +2016-08-30 19:12:47,609 DEBUG: View 0 : 0.133689839572 +2016-08-30 19:12:47,628 DEBUG: View 1 : 0.128342245989 +2016-08-30 19:12:47,647 DEBUG: View 2 : 0.155080213904 +2016-08-30 19:12:47,668 DEBUG: View 3 : 0.128342245989 +2016-08-30 19:12:47,668 WARNING: WARNING: All bad for iteration 0 +2016-08-30 19:12:47,988 DEBUG: Best view : View2 +2016-08-30 19:12:48,111 DEBUG: Start: Iteration 2 +2016-08-30 19:12:48,132 DEBUG: View 0 : 0.75935828877 +2016-08-30 19:12:48,152 DEBUG: View 1 : 0.422459893048 +2016-08-30 19:12:48,172 DEBUG: View 2 : 0.502673796791 +2016-08-30 19:12:48,194 DEBUG: View 3 : 0.775401069519 +2016-08-30 19:12:48,498 DEBUG: Best view : View3 +2016-08-30 19:12:48,688 DEBUG: Start: Iteration 3 +2016-08-30 19:12:48,710 DEBUG: View 0 : 0.72192513369 +2016-08-30 19:12:48,730 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:12:48,750 DEBUG: View 2 : 0.395721925134 +2016-08-30 19:12:48,772 DEBUG: View 3 : 0.775401069519 +2016-08-30 19:12:49,171 DEBUG: Best view : View3 +2016-08-30 19:12:49,447 DEBUG: Start: Iteration 4 +2016-08-30 19:12:49,468 DEBUG: View 0 : 0.663101604278 +2016-08-30 19:12:49,488 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:12:49,508 DEBUG: View 2 : 0.572192513369 +2016-08-30 19:12:49,531 DEBUG: View 3 : 0.636363636364 +2016-08-30 19:12:49,902 DEBUG: Best view : View0 +2016-08-30 19:12:50,238 DEBUG: Start: Iteration 5 +2016-08-30 19:12:50,260 DEBUG: View 0 : 0.609625668449 +2016-08-30 19:12:50,280 DEBUG: View 1 : 0.475935828877 +2016-08-30 19:12:50,299 DEBUG: View 2 : 0.524064171123 +2016-08-30 19:12:50,322 DEBUG: View 3 : 0.582887700535 +2016-08-30 19:12:50,679 DEBUG: Best view : View0 +2016-08-30 19:12:51,083 DEBUG: Start: Iteration 6 +2016-08-30 19:12:51,104 DEBUG: View 0 : 0.598930481283 +2016-08-30 19:12:51,124 DEBUG: View 1 : 0.438502673797 +2016-08-30 19:12:51,144 DEBUG: View 2 : 0.385026737968 +2016-08-30 19:12:51,167 DEBUG: View 3 : 0.780748663102 +2016-08-30 19:12:51,533 DEBUG: Best view : View3 +2016-08-30 19:12:52,007 DEBUG: Start: Iteration 7 +2016-08-30 19:12:52,028 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:12:52,047 DEBUG: View 1 : 0.438502673797 +2016-08-30 19:12:52,067 DEBUG: View 2 : 0.550802139037 +2016-08-30 19:12:52,090 DEBUG: View 3 : 0.657754010695 +2016-08-30 19:12:52,506 DEBUG: Best view : View0 +2016-08-30 19:12:53,047 DEBUG: Start: Iteration 8 +2016-08-30 19:12:53,069 DEBUG: View 0 : 0.75935828877 +2016-08-30 19:12:53,089 DEBUG: View 1 : 0.411764705882 +2016-08-30 19:12:53,109 DEBUG: View 2 : 0.497326203209 +2016-08-30 19:12:53,132 DEBUG: View 3 : 0.641711229947 +2016-08-30 19:12:53,515 DEBUG: Best view : View0 +2016-08-30 19:12:54,124 DEBUG: Start: Iteration 9 +2016-08-30 19:12:54,145 DEBUG: View 0 : 0.754010695187 +2016-08-30 19:12:54,165 DEBUG: View 1 : 0.534759358289 +2016-08-30 19:12:54,185 DEBUG: View 2 : 0.390374331551 +2016-08-30 19:12:54,208 DEBUG: View 3 : 0.679144385027 +2016-08-30 19:12:54,610 DEBUG: Best view : View0 +2016-08-30 19:12:55,289 DEBUG: Start: Iteration 10 +2016-08-30 19:12:55,310 DEBUG: View 0 : 0.620320855615 +2016-08-30 19:12:55,330 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:12:55,349 DEBUG: View 2 : 0.540106951872 +2016-08-30 19:12:55,372 DEBUG: View 3 : 0.679144385027 +2016-08-30 19:12:55,770 DEBUG: Best view : View3 +2016-08-30 19:12:56,516 DEBUG: Start: Iteration 11 +2016-08-30 19:12:56,537 DEBUG: View 0 : 0.689839572193 +2016-08-30 19:12:56,557 DEBUG: View 1 : 0.368983957219 +2016-08-30 19:12:56,576 DEBUG: View 2 : 0.427807486631 +2016-08-30 19:12:56,599 DEBUG: View 3 : 0.679144385027 +2016-08-30 19:12:57,006 DEBUG: Best view : View3 +2016-08-30 19:12:57,819 DEBUG: Start: Iteration 12 +2016-08-30 19:12:57,841 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:12:57,860 DEBUG: View 1 : 0.411764705882 +2016-08-30 19:12:57,880 DEBUG: View 2 : 0.390374331551 +2016-08-30 19:12:57,903 DEBUG: View 3 : 0.689839572193 +2016-08-30 19:12:58,323 DEBUG: Best view : View0 +2016-08-30 19:12:59,206 DEBUG: Start: Iteration 13 +2016-08-30 19:12:59,227 DEBUG: View 0 : 0.641711229947 +2016-08-30 19:12:59,247 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:12:59,267 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:12:59,290 DEBUG: View 3 : 0.673796791444 +2016-08-30 19:12:59,721 DEBUG: Best view : View3 +2016-08-30 19:13:00,675 DEBUG: Start: Iteration 14 +2016-08-30 19:13:00,696 DEBUG: View 0 : 0.705882352941 +2016-08-30 19:13:00,715 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:13:00,736 DEBUG: View 2 : 0.470588235294 +2016-08-30 19:13:00,759 DEBUG: View 3 : 0.700534759358 +2016-08-30 19:13:01,193 DEBUG: Best view : View0 +2016-08-30 19:13:02,212 DEBUG: Start: Iteration 15 +2016-08-30 19:13:02,233 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:13:02,253 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:13:02,273 DEBUG: View 2 : 0.540106951872 +2016-08-30 19:13:02,296 DEBUG: View 3 : 0.732620320856 +2016-08-30 19:13:02,740 DEBUG: Best view : View3 +2016-08-30 19:13:03,827 DEBUG: Start: Iteration 16 +2016-08-30 19:13:03,849 DEBUG: View 0 : 0.786096256684 +2016-08-30 19:13:03,868 DEBUG: View 1 : 0.347593582888 +2016-08-30 19:13:03,888 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:13:03,911 DEBUG: View 3 : 0.780748663102 +2016-08-30 19:13:04,357 DEBUG: Best view : View3 +2016-08-30 19:13:05,513 DEBUG: Start: Iteration 17 +2016-08-30 19:13:05,534 DEBUG: View 0 : 0.737967914439 +2016-08-30 19:13:05,554 DEBUG: View 1 : 0.390374331551 +2016-08-30 19:13:05,573 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:13:05,596 DEBUG: View 3 : 0.668449197861 +2016-08-30 19:13:06,051 DEBUG: Best view : View0 +2016-08-30 19:13:07,273 DEBUG: Start: Iteration 18 +2016-08-30 19:13:07,294 DEBUG: View 0 : 0.727272727273 +2016-08-30 19:13:07,313 DEBUG: View 1 : 0.566844919786 +2016-08-30 19:13:07,333 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:13:07,355 DEBUG: View 3 : 0.716577540107 +2016-08-30 19:13:07,826 DEBUG: Best view : View3 +2016-08-30 19:13:09,128 DEBUG: Start: Iteration 19 +2016-08-30 19:13:09,148 DEBUG: View 0 : 0.716577540107 +2016-08-30 19:13:09,168 DEBUG: View 1 : 0.406417112299 +2016-08-30 19:13:09,187 DEBUG: View 2 : 0.454545454545 +2016-08-30 19:13:09,210 DEBUG: View 3 : 0.689839572193 +2016-08-30 19:13:09,697 DEBUG: Best view : View0 +2016-08-30 19:13:11,059 DEBUG: Start: Iteration 20 +2016-08-30 19:13:11,080 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:13:11,099 DEBUG: View 1 : 0.363636363636 +2016-08-30 19:13:11,119 DEBUG: View 2 : 0.566844919786 +2016-08-30 19:13:11,141 DEBUG: View 3 : 0.679144385027 +2016-08-30 19:13:11,628 DEBUG: Best view : View3 +2016-08-30 19:13:13,057 DEBUG: Start: Iteration 21 +2016-08-30 19:13:13,078 DEBUG: View 0 : 0.68449197861 +2016-08-30 19:13:13,098 DEBUG: View 1 : 0.331550802139 +2016-08-30 19:13:13,118 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:13:13,140 DEBUG: View 3 : 0.732620320856 +2016-08-30 19:13:13,630 DEBUG: Best view : View3 +2016-08-30 19:13:15,134 DEBUG: Start: Iteration 22 +2016-08-30 19:13:15,155 DEBUG: View 0 : 0.791443850267 +2016-08-30 19:13:15,175 DEBUG: View 1 : 0.395721925134 +2016-08-30 19:13:15,195 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:13:15,218 DEBUG: View 3 : 0.705882352941 +2016-08-30 19:13:15,713 DEBUG: Best view : View0 +2016-08-30 19:13:17,283 DEBUG: Start: Iteration 23 +2016-08-30 19:13:17,304 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:13:17,323 DEBUG: View 1 : 0.513368983957 +2016-08-30 19:13:17,343 DEBUG: View 2 : 0.374331550802 +2016-08-30 19:13:17,366 DEBUG: View 3 : 0.716577540107 +2016-08-30 19:13:17,870 DEBUG: Best view : View3 +2016-08-30 19:13:19,510 DEBUG: Start: Iteration 24 +2016-08-30 19:13:19,532 DEBUG: View 0 : 0.663101604278 +2016-08-30 19:13:19,552 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:13:19,571 DEBUG: View 2 : 0.454545454545 +2016-08-30 19:13:19,593 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:13:20,103 DEBUG: Best view : View0 +2016-08-30 19:13:21,816 DEBUG: Start: Iteration 25 +2016-08-30 19:13:21,838 DEBUG: View 0 : 0.72192513369 +2016-08-30 19:13:21,857 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:13:21,877 DEBUG: View 2 : 0.454545454545 +2016-08-30 19:13:21,900 DEBUG: View 3 : 0.732620320856 +2016-08-30 19:13:22,421 DEBUG: Best view : View3 +2016-08-30 19:13:24,194 DEBUG: Start: Iteration 26 +2016-08-30 19:13:24,216 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:13:24,235 DEBUG: View 1 : 0.48128342246 +2016-08-30 19:13:24,255 DEBUG: View 2 : 0.459893048128 +2016-08-30 19:13:24,278 DEBUG: View 3 : 0.807486631016 +2016-08-30 19:13:24,808 DEBUG: Best view : View3 +2016-08-30 19:13:26,647 DEBUG: Start: Iteration 27 +2016-08-30 19:13:26,668 DEBUG: View 0 : 0.716577540107 +2016-08-30 19:13:26,688 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:13:26,708 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:13:26,730 DEBUG: View 3 : 0.818181818182 +2016-08-30 19:13:27,267 DEBUG: Best view : View3 +2016-08-30 19:13:29,181 DEBUG: Start: Iteration 28 +2016-08-30 19:13:29,202 DEBUG: View 0 : 0.631016042781 +2016-08-30 19:13:29,221 DEBUG: View 1 : 0.486631016043 +2016-08-30 19:13:29,241 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:13:29,265 DEBUG: View 3 : 0.775401069519 +2016-08-30 19:13:29,812 DEBUG: Best view : View3 +2016-08-30 19:13:31,786 DEBUG: Start: Iteration 29 +2016-08-30 19:13:31,807 DEBUG: View 0 : 0.663101604278 +2016-08-30 19:13:31,827 DEBUG: View 1 : 0.336898395722 +2016-08-30 19:13:31,847 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:13:31,869 DEBUG: View 3 : 0.470588235294 +2016-08-30 19:13:32,421 DEBUG: Best view : View0 +2016-08-30 19:13:34,469 DEBUG: Start: Iteration 30 +2016-08-30 19:13:34,490 DEBUG: View 0 : 0.663101604278 +2016-08-30 19:13:34,509 DEBUG: View 1 : 0.433155080214 +2016-08-30 19:13:34,529 DEBUG: View 2 : 0.534759358289 +2016-08-30 19:13:34,552 DEBUG: View 3 : 0.828877005348 +2016-08-30 19:13:35,107 DEBUG: Best view : View3 +2016-08-30 19:13:37,221 DEBUG: Start: Iteration 31 +2016-08-30 19:13:37,242 DEBUG: View 0 : 0.679144385027 +2016-08-30 19:13:37,262 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:13:37,281 DEBUG: View 2 : 0.427807486631 +2016-08-30 19:13:37,304 DEBUG: View 3 : 0.812834224599 +2016-08-30 19:13:37,872 DEBUG: Best view : View3 +2016-08-30 19:13:40,057 DEBUG: Start: Iteration 32 +2016-08-30 19:13:40,078 DEBUG: View 0 : 0.68449197861 +2016-08-30 19:13:40,098 DEBUG: View 1 : 0.577540106952 +2016-08-30 19:13:40,118 DEBUG: View 2 : 0.449197860963 +2016-08-30 19:13:40,141 DEBUG: View 3 : 0.470588235294 +2016-08-30 19:13:40,712 DEBUG: Best view : View0 +2016-08-30 19:13:42,964 DEBUG: Start: Iteration 33 +2016-08-30 19:13:42,986 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:13:43,005 DEBUG: View 1 : 0.31550802139 +2016-08-30 19:13:43,025 DEBUG: View 2 : 0.465240641711 +2016-08-30 19:13:43,049 DEBUG: View 3 : 0.791443850267 +2016-08-30 19:13:43,628 DEBUG: Best view : View3 +2016-08-30 19:13:45,951 DEBUG: Start: Iteration 34 +2016-08-30 19:13:45,972 DEBUG: View 0 : 0.68449197861 +2016-08-30 19:13:45,992 DEBUG: View 1 : 0.390374331551 +2016-08-30 19:13:46,012 DEBUG: View 2 : 0.475935828877 +2016-08-30 19:13:46,035 DEBUG: View 3 : 0.454545454545 +2016-08-30 19:13:46,637 DEBUG: Best view : View0 +2016-08-30 19:13:49,021 DEBUG: Start: Iteration 35 +2016-08-30 19:13:49,043 DEBUG: View 0 : 0.716577540107 +2016-08-30 19:13:49,063 DEBUG: View 1 : 0.417112299465 +2016-08-30 19:13:49,083 DEBUG: View 2 : 0.534759358289 +2016-08-30 19:13:49,106 DEBUG: View 3 : 0.83422459893 +2016-08-30 19:13:49,721 DEBUG: Best view : View3 +2016-08-30 19:13:52,184 DEBUG: Start: Iteration 36 +2016-08-30 19:13:52,205 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:13:52,225 DEBUG: View 1 : 0.438502673797 +2016-08-30 19:13:52,244 DEBUG: View 2 : 0.44385026738 +2016-08-30 19:13:52,267 DEBUG: View 3 : 0.748663101604 +2016-08-30 19:13:52,886 DEBUG: Best view : View3 +2016-08-30 19:13:55,413 DEBUG: Start: Iteration 37 +2016-08-30 19:13:55,435 DEBUG: View 0 : 0.614973262032 +2016-08-30 19:13:55,454 DEBUG: View 1 : 0.491978609626 +2016-08-30 19:13:55,474 DEBUG: View 2 : 0.465240641711 +2016-08-30 19:13:55,497 DEBUG: View 3 : 0.454545454545 +2016-08-30 19:13:56,123 DEBUG: Best view : View0 +2016-08-30 19:13:58,724 DEBUG: Start: Iteration 38 +2016-08-30 19:13:58,745 DEBUG: View 0 : 0.68449197861 +2016-08-30 19:13:58,765 DEBUG: View 1 : 0.48128342246 +2016-08-30 19:13:58,784 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:13:58,807 DEBUG: View 3 : 0.454545454545 +2016-08-30 19:13:59,446 DEBUG: Best view : View0 +2016-08-30 19:14:02,110 DEBUG: Start: Iteration 39 +2016-08-30 19:14:02,131 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:14:02,151 DEBUG: View 1 : 0.470588235294 +2016-08-30 19:14:02,170 DEBUG: View 2 : 0.390374331551 +2016-08-30 19:14:02,193 DEBUG: View 3 : 0.454545454545 +2016-08-30 19:14:02,845 DEBUG: Best view : View0 +2016-08-30 19:14:05,578 DEBUG: Start: Iteration 40 +2016-08-30 19:14:05,600 DEBUG: View 0 : 0.604278074866 +2016-08-30 19:14:05,619 DEBUG: View 1 : 0.406417112299 +2016-08-30 19:14:05,639 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:14:05,663 DEBUG: View 3 : 0.465240641711 +2016-08-30 19:14:06,322 DEBUG: Best view : View0 +2016-08-30 19:14:09,125 DEBUG: Start: Iteration 41 +2016-08-30 19:14:09,147 DEBUG: View 0 : 0.689839572193 +2016-08-30 19:14:09,167 DEBUG: View 1 : 0.401069518717 +2016-08-30 19:14:09,187 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:14:09,209 DEBUG: View 3 : 0.470588235294 +2016-08-30 19:14:09,871 DEBUG: Best view : View0 +2016-08-30 19:14:12,739 DEBUG: Start: Iteration 42 +2016-08-30 19:14:12,760 DEBUG: View 0 : 0.75935828877 +2016-08-30 19:14:12,780 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:14:12,800 DEBUG: View 2 : 0.449197860963 +2016-08-30 19:14:12,823 DEBUG: View 3 : 0.470588235294 +2016-08-30 19:14:13,547 DEBUG: Best view : View0 +2016-08-30 19:14:16,501 DEBUG: Start: Iteration 43 +2016-08-30 19:14:16,522 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:14:16,542 DEBUG: View 1 : 0.422459893048 +2016-08-30 19:14:16,562 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:14:16,584 DEBUG: View 3 : 0.470588235294 +2016-08-30 19:14:17,256 DEBUG: Best view : View0 +2016-08-30 19:14:20,292 DEBUG: Start: Iteration 44 +2016-08-30 19:14:20,313 DEBUG: View 0 : 0.705882352941 +2016-08-30 19:14:20,332 DEBUG: View 1 : 0.475935828877 +2016-08-30 19:14:20,352 DEBUG: View 2 : 0.385026737968 +2016-08-30 19:14:20,375 DEBUG: View 3 : 0.524064171123 +2016-08-30 19:14:21,064 DEBUG: Best view : View0 +2016-08-30 19:14:24,153 DEBUG: Start: Iteration 45 +2016-08-30 19:14:24,175 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:14:24,194 DEBUG: View 1 : 0.352941176471 +2016-08-30 19:14:24,215 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:14:24,238 DEBUG: View 3 : 0.780748663102 +2016-08-30 19:14:24,931 DEBUG: Best view : View3 +2016-08-30 19:14:28,081 DEBUG: Start: Iteration 46 +2016-08-30 19:14:28,102 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:14:28,121 DEBUG: View 1 : 0.524064171123 +2016-08-30 19:14:28,141 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:14:28,164 DEBUG: View 3 : 0.743315508021 +2016-08-30 19:14:28,873 DEBUG: Best view : View3 +2016-08-30 19:14:32,103 DEBUG: Start: Iteration 47 +2016-08-30 19:14:32,124 DEBUG: View 0 : 0.68449197861 +2016-08-30 19:14:32,144 DEBUG: View 1 : 0.438502673797 +2016-08-30 19:14:32,164 DEBUG: View 2 : 0.641711229947 +2016-08-30 19:14:32,187 DEBUG: View 3 : 0.459893048128 +2016-08-30 19:14:32,893 DEBUG: Best view : View0 +2016-08-30 19:14:36,204 DEBUG: Start: Iteration 48 +2016-08-30 19:14:36,225 DEBUG: View 0 : 0.711229946524 +2016-08-30 19:14:36,244 DEBUG: View 1 : 0.374331550802 +2016-08-30 19:14:36,264 DEBUG: View 2 : 0.390374331551 +2016-08-30 19:14:36,287 DEBUG: View 3 : 0.459893048128 +2016-08-30 19:14:37,001 DEBUG: Best view : View0 +2016-08-30 19:14:40,372 DEBUG: Start: Iteration 49 +2016-08-30 19:14:40,394 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:14:40,413 DEBUG: View 1 : 0.401069518717 +2016-08-30 19:14:40,433 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:14:40,456 DEBUG: View 3 : 0.475935828877 +2016-08-30 19:14:41,197 DEBUG: Best view : View0 +2016-08-30 19:14:44,632 DEBUG: Start: Iteration 50 +2016-08-30 19:14:44,654 DEBUG: View 0 : 0.72192513369 +2016-08-30 19:14:44,674 DEBUG: View 1 : 0.417112299465 +2016-08-30 19:14:44,693 DEBUG: View 2 : 0.545454545455 +2016-08-30 19:14:44,716 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:14:45,447 DEBUG: Best view : View3 +2016-08-30 19:14:48,933 DEBUG: Start: Iteration 51 +2016-08-30 19:14:48,954 DEBUG: View 0 : 0.641711229947 +2016-08-30 19:14:48,973 DEBUG: View 1 : 0.497326203209 +2016-08-30 19:14:48,993 DEBUG: View 2 : 0.529411764706 +2016-08-30 19:14:49,016 DEBUG: View 3 : 0.588235294118 +2016-08-30 19:14:49,755 DEBUG: Best view : View0 +2016-08-30 19:14:53,319 DEBUG: Start: Iteration 52 +2016-08-30 19:14:53,341 DEBUG: View 0 : 0.72192513369 +2016-08-30 19:14:53,361 DEBUG: View 1 : 0.427807486631 +2016-08-30 19:14:53,380 DEBUG: View 2 : 0.598930481283 +2016-08-30 19:14:53,403 DEBUG: View 3 : 0.502673796791 +2016-08-30 19:14:54,148 DEBUG: Best view : View0 +2016-08-30 19:14:57,771 DEBUG: Start: Iteration 53 +2016-08-30 19:14:57,793 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:14:57,812 DEBUG: View 1 : 0.545454545455 +2016-08-30 19:14:57,832 DEBUG: View 2 : 0.545454545455 +2016-08-30 19:14:57,854 DEBUG: View 3 : 0.700534759358 +2016-08-30 19:14:58,595 DEBUG: Best view : View3 +2016-08-30 19:15:02,350 DEBUG: Start: Iteration 54 +2016-08-30 19:15:02,372 DEBUG: View 0 : 0.663101604278 +2016-08-30 19:15:02,391 DEBUG: View 1 : 0.465240641711 +2016-08-30 19:15:02,411 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:15:02,434 DEBUG: View 3 : 0.700534759358 +2016-08-30 19:15:03,199 DEBUG: Best view : View3 +2016-08-30 19:15:06,986 DEBUG: Start: Iteration 55 +2016-08-30 19:15:07,007 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:15:07,027 DEBUG: View 1 : 0.51871657754 +2016-08-30 19:15:07,046 DEBUG: View 2 : 0.449197860963 +2016-08-30 19:15:07,069 DEBUG: View 3 : 0.770053475936 +2016-08-30 19:15:07,836 DEBUG: Best view : View3 +2016-08-30 19:15:11,701 DEBUG: Start: Iteration 56 +2016-08-30 19:15:11,722 DEBUG: View 0 : 0.711229946524 +2016-08-30 19:15:11,742 DEBUG: View 1 : 0.44385026738 +2016-08-30 19:15:11,762 DEBUG: View 2 : 0.427807486631 +2016-08-30 19:15:11,785 DEBUG: View 3 : 0.673796791444 +2016-08-30 19:15:12,561 DEBUG: Best view : View0 +2016-08-30 19:15:16,524 DEBUG: Start: Iteration 57 +2016-08-30 19:15:16,547 DEBUG: View 0 : 0.743315508021 +2016-08-30 19:15:16,566 DEBUG: View 1 : 0.44385026738 +2016-08-30 19:15:16,586 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:15:16,609 DEBUG: View 3 : 0.673796791444 +2016-08-30 19:15:17,397 DEBUG: Best view : View0 +2016-08-30 19:15:21,415 DEBUG: Start: Iteration 58 +2016-08-30 19:15:21,436 DEBUG: View 0 : 0.647058823529 +2016-08-30 19:15:21,455 DEBUG: View 1 : 0.534759358289 +2016-08-30 19:15:21,475 DEBUG: View 2 : 0.454545454545 +2016-08-30 19:15:21,497 DEBUG: View 3 : 0.673796791444 +2016-08-30 19:15:22,299 DEBUG: Best view : View3 +2016-08-30 19:15:26,368 DEBUG: Start: Iteration 59 +2016-08-30 19:15:26,389 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:15:26,409 DEBUG: View 1 : 0.513368983957 +2016-08-30 19:15:26,429 DEBUG: View 2 : 0.470588235294 +2016-08-30 19:15:26,451 DEBUG: View 3 : 0.668449197861 +2016-08-30 19:15:27,249 DEBUG: Best view : View0 +2016-08-30 19:15:31,392 DEBUG: Start: Iteration 60 +2016-08-30 19:15:31,412 DEBUG: View 0 : 0.75935828877 +2016-08-30 19:15:31,432 DEBUG: View 1 : 0.385026737968 +2016-08-30 19:15:31,452 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:15:31,475 DEBUG: View 3 : 0.705882352941 +2016-08-30 19:15:32,279 DEBUG: Best view : View0 +2016-08-30 19:15:36,482 DEBUG: Start: Iteration 61 +2016-08-30 19:15:36,504 DEBUG: View 0 : 0.652406417112 +2016-08-30 19:15:36,524 DEBUG: View 1 : 0.395721925134 +2016-08-30 19:15:36,544 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:15:36,566 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:15:37,376 DEBUG: Best view : View0 +2016-08-30 19:15:41,642 DEBUG: Start: Iteration 62 +2016-08-30 19:15:41,664 DEBUG: View 0 : 0.679144385027 +2016-08-30 19:15:41,683 DEBUG: View 1 : 0.577540106952 +2016-08-30 19:15:41,703 DEBUG: View 2 : 0.368983957219 +2016-08-30 19:15:41,726 DEBUG: View 3 : 0.737967914439 +2016-08-30 19:15:42,547 DEBUG: Best view : View3 +2016-08-30 19:15:46,878 DEBUG: Start: Iteration 63 +2016-08-30 19:15:46,899 DEBUG: View 0 : 0.679144385027 +2016-08-30 19:15:46,919 DEBUG: View 1 : 0.379679144385 +2016-08-30 19:15:46,938 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:15:46,961 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:15:47,792 DEBUG: Best view : View0 +2016-08-30 19:15:52,219 DEBUG: Start: Iteration 64 +2016-08-30 19:15:52,240 DEBUG: View 0 : 0.68449197861 +2016-08-30 19:15:52,259 DEBUG: View 1 : 0.374331550802 +2016-08-30 19:15:52,279 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:15:52,302 DEBUG: View 3 : 0.68449197861 +2016-08-30 19:15:53,144 DEBUG: Best view : View0 +2016-08-30 19:15:57,623 DEBUG: Start: Iteration 65 +2016-08-30 19:15:57,644 DEBUG: View 0 : 0.668449197861 +2016-08-30 19:15:57,663 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:15:57,683 DEBUG: View 2 : 0.524064171123 +2016-08-30 19:15:57,705 DEBUG: View 3 : 0.68449197861 +2016-08-30 19:15:58,557 DEBUG: Best view : View3 +2016-08-30 19:16:03,103 DEBUG: Start: Iteration 66 +2016-08-30 19:16:03,125 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:16:03,144 DEBUG: View 1 : 0.427807486631 +2016-08-30 19:16:03,164 DEBUG: View 2 : 0.582887700535 +2016-08-30 19:16:03,186 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:16:04,042 DEBUG: Best view : View3 +2016-08-30 19:16:08,663 DEBUG: Start: Iteration 67 +2016-08-30 19:16:08,685 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:16:08,704 DEBUG: View 1 : 0.411764705882 +2016-08-30 19:16:08,724 DEBUG: View 2 : 0.508021390374 +2016-08-30 19:16:08,747 DEBUG: View 3 : 0.727272727273 +2016-08-30 19:16:09,600 DEBUG: Best view : View3 +2016-08-30 19:16:14,279 DEBUG: Start: Iteration 68 +2016-08-30 19:16:14,300 DEBUG: View 0 : 0.770053475936 +2016-08-30 19:16:14,319 DEBUG: View 1 : 0.465240641711 +2016-08-30 19:16:14,339 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:16:14,362 DEBUG: View 3 : 0.75935828877 +2016-08-30 19:16:15,226 DEBUG: Best view : View3 +2016-08-30 19:16:19,979 DEBUG: Start: Iteration 69 +2016-08-30 19:16:20,000 DEBUG: View 0 : 0.786096256684 +2016-08-30 19:16:20,020 DEBUG: View 1 : 0.395721925134 +2016-08-30 19:16:20,040 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:16:20,062 DEBUG: View 3 : 0.75935828877 +2016-08-30 19:16:20,931 DEBUG: Best view : View0 +2016-08-30 19:16:25,766 DEBUG: Start: Iteration 70 +2016-08-30 19:16:25,787 DEBUG: View 0 : 0.743315508021 +2016-08-30 19:16:25,807 DEBUG: View 1 : 0.433155080214 +2016-08-30 19:16:25,827 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:16:25,850 DEBUG: View 3 : 0.748663101604 +2016-08-30 19:16:26,723 DEBUG: Best view : View3 +2016-08-30 19:16:31,633 DEBUG: Start: Iteration 71 +2016-08-30 19:16:31,654 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:16:31,673 DEBUG: View 1 : 0.449197860963 +2016-08-30 19:16:31,693 DEBUG: View 2 : 0.550802139037 +2016-08-30 19:16:31,715 DEBUG: View 3 : 0.705882352941 +2016-08-30 19:16:32,595 DEBUG: Best view : View3 +2016-08-30 19:16:37,585 DEBUG: Start: Iteration 72 +2016-08-30 19:16:37,605 DEBUG: View 0 : 0.716577540107 +2016-08-30 19:16:37,625 DEBUG: View 1 : 0.427807486631 +2016-08-30 19:16:37,645 DEBUG: View 2 : 0.497326203209 +2016-08-30 19:16:37,668 DEBUG: View 3 : 0.700534759358 +2016-08-30 19:16:38,556 DEBUG: Best view : View3 +2016-08-30 19:16:43,577 DEBUG: Start: Iteration 73 +2016-08-30 19:16:43,597 DEBUG: View 0 : 0.68449197861 +2016-08-30 19:16:43,617 DEBUG: View 1 : 0.417112299465 +2016-08-30 19:16:43,637 DEBUG: View 2 : 0.593582887701 +2016-08-30 19:16:43,659 DEBUG: View 3 : 0.732620320856 +2016-08-30 19:16:44,576 DEBUG: Best view : View3 +2016-08-30 19:16:49,681 DEBUG: Start: Iteration 74 +2016-08-30 19:16:49,702 DEBUG: View 0 : 0.550802139037 +2016-08-30 19:16:49,722 DEBUG: View 1 : 0.427807486631 +2016-08-30 19:16:49,742 DEBUG: View 2 : 0.374331550802 +2016-08-30 19:16:49,765 DEBUG: View 3 : 0.700534759358 +2016-08-30 19:16:50,682 DEBUG: Best view : View3 +2016-08-30 19:16:55,843 DEBUG: Start: Iteration 75 +2016-08-30 19:16:55,864 DEBUG: View 0 : 0.679144385027 +2016-08-30 19:16:55,884 DEBUG: View 1 : 0.395721925134 +2016-08-30 19:16:55,904 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:16:55,926 DEBUG: View 3 : 0.770053475936 +2016-08-30 19:16:56,848 DEBUG: Best view : View3 +2016-08-30 19:17:02,094 DEBUG: Start: Iteration 76 +2016-08-30 19:17:02,116 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:17:02,135 DEBUG: View 1 : 0.524064171123 +2016-08-30 19:17:02,154 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:17:02,177 DEBUG: View 3 : 0.770053475936 +2016-08-30 19:17:03,103 DEBUG: Best view : View3 +2016-08-30 19:17:08,399 DEBUG: Start: Iteration 77 +2016-08-30 19:17:08,420 DEBUG: View 0 : 0.727272727273 +2016-08-30 19:17:08,439 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:17:08,459 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:17:08,482 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:17:09,413 DEBUG: Best view : View0 +2016-08-30 19:17:14,793 DEBUG: Start: Iteration 78 +2016-08-30 19:17:14,815 DEBUG: View 0 : 0.743315508021 +2016-08-30 19:17:14,834 DEBUG: View 1 : 0.534759358289 +2016-08-30 19:17:14,854 DEBUG: View 2 : 0.475935828877 +2016-08-30 19:17:14,877 DEBUG: View 3 : 0.491978609626 +2016-08-30 19:17:15,816 DEBUG: Best view : View0 +2016-08-30 19:17:21,257 DEBUG: Start: Iteration 79 +2016-08-30 19:17:21,278 DEBUG: View 0 : 0.770053475936 +2016-08-30 19:17:21,297 DEBUG: View 1 : 0.390374331551 +2016-08-30 19:17:21,317 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:17:21,339 DEBUG: View 3 : 0.486631016043 +2016-08-30 19:17:22,304 DEBUG: Best view : View0 +2016-08-30 19:17:27,820 DEBUG: Start: Iteration 80 +2016-08-30 19:17:27,841 DEBUG: View 0 : 0.716577540107 +2016-08-30 19:17:27,860 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:17:27,881 DEBUG: View 2 : 0.491978609626 +2016-08-30 19:17:27,904 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:17:28,852 DEBUG: Best view : View0 +2016-08-30 19:17:34,441 DEBUG: Start: Iteration 81 +2016-08-30 19:17:34,462 DEBUG: View 0 : 0.689839572193 +2016-08-30 19:17:34,482 DEBUG: View 1 : 0.422459893048 +2016-08-30 19:17:34,501 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:17:34,524 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:17:35,477 DEBUG: Best view : View0 +2016-08-30 19:17:41,127 DEBUG: Start: Iteration 82 +2016-08-30 19:17:41,148 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:17:41,168 DEBUG: View 1 : 0.449197860963 +2016-08-30 19:17:41,187 DEBUG: View 2 : 0.534759358289 +2016-08-30 19:17:41,210 DEBUG: View 3 : 0.737967914439 +2016-08-30 19:17:42,171 DEBUG: Best view : View3 +2016-08-30 19:17:47,880 DEBUG: Start: Iteration 83 +2016-08-30 19:17:47,901 DEBUG: View 0 : 0.625668449198 +2016-08-30 19:17:47,920 DEBUG: View 1 : 0.320855614973 +2016-08-30 19:17:47,939 DEBUG: View 2 : 0.508021390374 +2016-08-30 19:17:47,962 DEBUG: View 3 : 0.737967914439 +2016-08-30 19:17:48,927 DEBUG: Best view : View3 +2016-08-30 19:17:54,716 DEBUG: Start: Iteration 84 +2016-08-30 19:17:54,738 DEBUG: View 0 : 0.689839572193 +2016-08-30 19:17:54,757 DEBUG: View 1 : 0.379679144385 +2016-08-30 19:17:54,777 DEBUG: View 2 : 0.475935828877 +2016-08-30 19:17:54,800 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:17:55,772 DEBUG: Best view : View3 +2016-08-30 19:18:01,646 DEBUG: Start: Iteration 85 +2016-08-30 19:18:01,667 DEBUG: View 0 : 0.561497326203 +2016-08-30 19:18:01,687 DEBUG: View 1 : 0.438502673797 +2016-08-30 19:18:01,707 DEBUG: View 2 : 0.491978609626 +2016-08-30 19:18:01,730 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:18:02,707 DEBUG: Best view : View3 +2016-08-30 19:18:08,640 DEBUG: Start: Iteration 86 +2016-08-30 19:18:08,661 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:18:08,681 DEBUG: View 1 : 0.534759358289 +2016-08-30 19:18:08,700 DEBUG: View 2 : 0.465240641711 +2016-08-30 19:18:08,723 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:18:09,709 DEBUG: Best view : View3 +2016-08-30 19:18:15,697 DEBUG: Start: Iteration 87 +2016-08-30 19:18:15,718 DEBUG: View 0 : 0.764705882353 +2016-08-30 19:18:15,738 DEBUG: View 1 : 0.497326203209 +2016-08-30 19:18:15,758 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:18:15,780 DEBUG: View 3 : 0.491978609626 +2016-08-30 19:18:16,778 DEBUG: Best view : View0 +2016-08-30 19:18:22,845 DEBUG: Start: Iteration 88 +2016-08-30 19:18:22,866 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:18:22,885 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:18:22,905 DEBUG: View 2 : 0.449197860963 +2016-08-30 19:18:22,928 DEBUG: View 3 : 0.491978609626 +2016-08-30 19:18:23,923 DEBUG: Best view : View0 +2016-08-30 19:18:30,058 DEBUG: Start: Iteration 89 +2016-08-30 19:18:30,080 DEBUG: View 0 : 0.657754010695 +2016-08-30 19:18:30,100 DEBUG: View 1 : 0.411764705882 +2016-08-30 19:18:30,119 DEBUG: View 2 : 0.427807486631 +2016-08-30 19:18:30,142 DEBUG: View 3 : 0.491978609626 +2016-08-30 19:18:31,158 DEBUG: Best view : View0 +2016-08-30 19:18:37,377 DEBUG: Start: Iteration 90 +2016-08-30 19:18:37,399 DEBUG: View 0 : 0.72192513369 +2016-08-30 19:18:37,419 DEBUG: View 1 : 0.44385026738 +2016-08-30 19:18:37,439 DEBUG: View 2 : 0.449197860963 +2016-08-30 19:18:37,462 DEBUG: View 3 : 0.748663101604 +2016-08-30 19:18:38,483 DEBUG: Best view : View3 +2016-08-30 19:18:44,765 DEBUG: Start: Iteration 91 +2016-08-30 19:18:44,786 DEBUG: View 0 : 0.727272727273 +2016-08-30 19:18:44,806 DEBUG: View 1 : 0.427807486631 +2016-08-30 19:18:44,825 DEBUG: View 2 : 0.48128342246 +2016-08-30 19:18:44,848 DEBUG: View 3 : 0.491978609626 +2016-08-30 19:18:45,890 DEBUG: Best view : View0 +2016-08-30 19:18:52,252 DEBUG: Start: Iteration 92 +2016-08-30 19:18:52,273 DEBUG: View 0 : 0.647058823529 +2016-08-30 19:18:52,292 DEBUG: View 1 : 0.395721925134 +2016-08-30 19:18:52,312 DEBUG: View 2 : 0.513368983957 +2016-08-30 19:18:52,335 DEBUG: View 3 : 0.491978609626 +2016-08-30 19:18:53,374 DEBUG: Best view : View0 +2016-08-30 19:18:59,794 DEBUG: Start: Iteration 93 +2016-08-30 19:18:59,815 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:18:59,835 DEBUG: View 1 : 0.540106951872 +2016-08-30 19:18:59,854 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:18:59,877 DEBUG: View 3 : 0.802139037433 +2016-08-30 19:19:00,917 DEBUG: Best view : View3 +2016-08-30 19:19:07,396 DEBUG: Start: Iteration 94 +2016-08-30 19:19:07,416 DEBUG: View 0 : 0.545454545455 +2016-08-30 19:19:07,436 DEBUG: View 1 : 0.368983957219 +2016-08-30 19:19:07,456 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:19:07,479 DEBUG: View 3 : 0.491978609626 +2016-08-30 19:19:08,536 DEBUG: Best view : View0 +2016-08-30 19:19:15,091 DEBUG: Start: Iteration 95 +2016-08-30 19:19:15,112 DEBUG: View 0 : 0.588235294118 +2016-08-30 19:19:15,131 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:19:15,151 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:19:15,173 DEBUG: View 3 : 0.491978609626 +2016-08-30 19:19:16,244 DEBUG: Best view : View0 +2016-08-30 19:19:22,857 DEBUG: Start: Iteration 96 +2016-08-30 19:19:22,878 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:19:22,898 DEBUG: View 1 : 0.374331550802 +2016-08-30 19:19:22,918 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:19:22,941 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:19:24,002 DEBUG: Best view : View0 +2016-08-30 19:19:30,686 DEBUG: Start: Iteration 97 +2016-08-30 19:19:30,707 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:19:30,726 DEBUG: View 1 : 0.513368983957 +2016-08-30 19:19:30,746 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:19:30,769 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:19:31,840 DEBUG: Best view : View0 +2016-08-30 19:19:38,597 DEBUG: Start: Iteration 98 +2016-08-30 19:19:38,618 DEBUG: View 0 : 0.657754010695 +2016-08-30 19:19:38,637 DEBUG: View 1 : 0.566844919786 +2016-08-30 19:19:38,657 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:19:38,680 DEBUG: View 3 : 0.770053475936 +2016-08-30 19:19:39,755 DEBUG: Best view : View3 +2016-08-30 19:19:46,574 DEBUG: Start: Iteration 99 +2016-08-30 19:19:46,595 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:19:46,614 DEBUG: View 1 : 0.550802139037 +2016-08-30 19:19:46,634 DEBUG: View 2 : 0.497326203209 +2016-08-30 19:19:46,657 DEBUG: View 3 : 0.770053475936 +2016-08-30 19:19:47,738 DEBUG: Best view : View3 +2016-08-30 19:19:54,651 DEBUG: Start: Iteration 100 +2016-08-30 19:19:54,672 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:19:54,691 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:19:54,711 DEBUG: View 2 : 0.390374331551 +2016-08-30 19:19:54,734 DEBUG: View 3 : 0.780748663102 +2016-08-30 19:19:55,810 DEBUG: Best view : View3 +2016-08-30 19:20:02,756 DEBUG: Start: Iteration 101 +2016-08-30 19:20:02,777 DEBUG: View 0 : 0.68449197861 +2016-08-30 19:20:02,796 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:20:02,816 DEBUG: View 2 : 0.459893048128 +2016-08-30 19:20:02,839 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:20:03,922 DEBUG: Best view : View3 +2016-08-30 19:20:10,949 DEBUG: Start: Iteration 102 +2016-08-30 19:20:10,970 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:20:10,990 DEBUG: View 1 : 0.422459893048 +2016-08-30 19:20:11,009 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:20:11,032 DEBUG: View 3 : 0.732620320856 +2016-08-30 19:20:12,127 DEBUG: Best view : View3 +2016-08-30 19:20:19,257 DEBUG: Start: Iteration 103 +2016-08-30 19:20:19,278 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:20:19,298 DEBUG: View 1 : 0.417112299465 +2016-08-30 19:20:19,317 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:20:19,340 DEBUG: View 3 : 0.593582887701 +2016-08-30 19:20:20,447 DEBUG: Best view : View0 +2016-08-30 19:20:27,610 DEBUG: Start: Iteration 104 +2016-08-30 19:20:27,632 DEBUG: View 0 : 0.75935828877 +2016-08-30 19:20:27,651 DEBUG: View 1 : 0.44385026738 +2016-08-30 19:20:27,671 DEBUG: View 2 : 0.491978609626 +2016-08-30 19:20:27,694 DEBUG: View 3 : 0.588235294118 +2016-08-30 19:20:28,809 DEBUG: Best view : View0 +2016-08-30 19:20:36,090 DEBUG: Start: Iteration 105 +2016-08-30 19:20:36,111 DEBUG: View 0 : 0.737967914439 +2016-08-30 19:20:36,131 DEBUG: View 1 : 0.374331550802 +2016-08-30 19:20:36,151 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:20:36,173 DEBUG: View 3 : 0.55614973262 +2016-08-30 19:20:37,285 DEBUG: Best view : View0 +2016-08-30 19:20:44,586 DEBUG: Start: Iteration 106 +2016-08-30 19:20:44,607 DEBUG: View 0 : 0.754010695187 +2016-08-30 19:20:44,627 DEBUG: View 1 : 0.545454545455 +2016-08-30 19:20:44,646 DEBUG: View 2 : 0.44385026738 +2016-08-30 19:20:44,670 DEBUG: View 3 : 0.754010695187 +2016-08-30 19:20:45,791 DEBUG: Best view : View3 +2016-08-30 19:20:53,171 DEBUG: Start: Iteration 107 +2016-08-30 19:20:53,192 DEBUG: View 0 : 0.75935828877 +2016-08-30 19:20:53,212 DEBUG: View 1 : 0.449197860963 +2016-08-30 19:20:53,232 DEBUG: View 2 : 0.438502673797 +2016-08-30 19:20:53,254 DEBUG: View 3 : 0.754010695187 +2016-08-30 19:20:54,426 DEBUG: Best view : View3 +2016-08-30 19:21:01,884 DEBUG: Start: Iteration 108 +2016-08-30 19:21:01,905 DEBUG: View 0 : 0.764705882353 +2016-08-30 19:21:01,924 DEBUG: View 1 : 0.422459893048 +2016-08-30 19:21:01,944 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:21:01,967 DEBUG: View 3 : 0.75935828877 +2016-08-30 19:21:03,173 DEBUG: Best view : View3 +2016-08-30 19:21:10,675 DEBUG: Start: Iteration 109 +2016-08-30 19:21:10,696 DEBUG: View 0 : 0.620320855615 +2016-08-30 19:21:10,715 DEBUG: View 1 : 0.497326203209 +2016-08-30 19:21:10,734 DEBUG: View 2 : 0.454545454545 +2016-08-30 19:21:10,757 DEBUG: View 3 : 0.770053475936 +2016-08-30 19:21:11,943 DEBUG: Best view : View3 +2016-08-30 19:21:19,564 DEBUG: Start: Iteration 110 +2016-08-30 19:21:19,585 DEBUG: View 0 : 0.748663101604 +2016-08-30 19:21:19,605 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:21:19,625 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:21:19,647 DEBUG: View 3 : 0.695187165775 +2016-08-30 19:21:20,865 DEBUG: Best view : View0 +2016-08-30 19:21:28,482 DEBUG: Start: Iteration 111 +2016-08-30 19:21:28,504 DEBUG: View 0 : 0.727272727273 +2016-08-30 19:21:28,524 DEBUG: View 1 : 0.438502673797 +2016-08-30 19:21:28,544 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:21:28,567 DEBUG: View 3 : 0.754010695187 +2016-08-30 19:21:29,779 DEBUG: Best view : View3 +2016-08-30 19:21:37,489 DEBUG: Start: Iteration 112 +2016-08-30 19:21:37,510 DEBUG: View 0 : 0.668449197861 +2016-08-30 19:21:37,531 DEBUG: View 1 : 0.438502673797 +2016-08-30 19:21:37,551 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:21:37,573 DEBUG: View 3 : 0.802139037433 +2016-08-30 19:21:38,787 DEBUG: Best view : View3 +2016-08-30 19:21:46,577 DEBUG: Start: Iteration 113 +2016-08-30 19:21:46,598 DEBUG: View 0 : 0.743315508021 +2016-08-30 19:21:46,618 DEBUG: View 1 : 0.422459893048 +2016-08-30 19:21:46,638 DEBUG: View 2 : 0.395721925134 +2016-08-30 19:21:46,662 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:21:47,887 DEBUG: Best view : View0 +2016-08-30 19:21:55,757 DEBUG: Start: Iteration 114 +2016-08-30 19:21:55,778 DEBUG: View 0 : 0.572192513369 +2016-08-30 19:21:55,798 DEBUG: View 1 : 0.417112299465 +2016-08-30 19:21:55,818 DEBUG: View 2 : 0.465240641711 +2016-08-30 19:21:55,841 DEBUG: View 3 : 0.657754010695 +2016-08-30 19:21:57,088 DEBUG: Best view : View3 +2016-08-30 19:22:05,042 DEBUG: Start: Iteration 115 +2016-08-30 19:22:05,064 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:22:05,083 DEBUG: View 1 : 0.486631016043 +2016-08-30 19:22:05,103 DEBUG: View 2 : 0.545454545455 +2016-08-30 19:22:05,125 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:22:06,377 DEBUG: Best view : View0 +2016-08-30 19:22:14,400 DEBUG: Start: Iteration 116 +2016-08-30 19:22:14,421 DEBUG: View 0 : 0.561497326203 +2016-08-30 19:22:14,441 DEBUG: View 1 : 0.524064171123 +2016-08-30 19:22:14,461 DEBUG: View 2 : 0.342245989305 +2016-08-30 19:22:14,485 DEBUG: View 3 : 0.657754010695 +2016-08-30 19:22:15,797 DEBUG: Best view : View3 +2016-08-30 19:22:23,867 DEBUG: Start: Iteration 117 +2016-08-30 19:22:23,889 DEBUG: View 0 : 0.754010695187 +2016-08-30 19:22:23,908 DEBUG: View 1 : 0.513368983957 +2016-08-30 19:22:23,928 DEBUG: View 2 : 0.48128342246 +2016-08-30 19:22:23,951 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:22:25,219 DEBUG: Best view : View0 +2016-08-30 19:22:33,404 DEBUG: Start: Iteration 118 +2016-08-30 19:22:33,425 DEBUG: View 0 : 0.572192513369 +2016-08-30 19:22:33,445 DEBUG: View 1 : 0.449197860963 +2016-08-30 19:22:33,464 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:22:33,487 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:22:34,797 DEBUG: Best view : View0 +2016-08-30 19:22:42,993 DEBUG: Start: Iteration 119 +2016-08-30 19:22:43,015 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:22:43,036 DEBUG: View 1 : 0.449197860963 +2016-08-30 19:22:43,057 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:22:43,081 DEBUG: View 3 : 0.79679144385 +2016-08-30 19:22:44,377 DEBUG: Best view : View3 +2016-08-30 19:22:52,642 DEBUG: Start: Iteration 120 +2016-08-30 19:22:52,664 DEBUG: View 0 : 0.743315508021 +2016-08-30 19:22:52,684 DEBUG: View 1 : 0.44385026738 +2016-08-30 19:22:52,704 DEBUG: View 2 : 0.427807486631 +2016-08-30 19:22:52,727 DEBUG: View 3 : 0.770053475936 +2016-08-30 19:22:54,049 DEBUG: Best view : View3 +2016-08-30 19:23:02,441 DEBUG: Start: Iteration 121 +2016-08-30 19:23:02,464 DEBUG: View 0 : 0.72192513369 +2016-08-30 19:23:02,483 DEBUG: View 1 : 0.513368983957 +2016-08-30 19:23:02,503 DEBUG: View 2 : 0.513368983957 +2016-08-30 19:23:02,526 DEBUG: View 3 : 0.770053475936 +2016-08-30 19:23:03,876 DEBUG: Best view : View3 +2016-08-30 19:23:12,448 DEBUG: Start: Iteration 122 +2016-08-30 19:23:12,470 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:23:12,489 DEBUG: View 1 : 0.486631016043 +2016-08-30 19:23:12,509 DEBUG: View 2 : 0.438502673797 +2016-08-30 19:23:12,531 DEBUG: View 3 : 0.732620320856 +2016-08-30 19:23:13,836 DEBUG: Best view : View3 +2016-08-30 19:23:22,304 DEBUG: Start: Iteration 123 +2016-08-30 19:23:22,325 DEBUG: View 0 : 0.705882352941 +2016-08-30 19:23:22,345 DEBUG: View 1 : 0.44385026738 +2016-08-30 19:23:22,364 DEBUG: View 2 : 0.374331550802 +2016-08-30 19:23:22,387 DEBUG: View 3 : 0.775401069519 +2016-08-30 19:23:23,724 DEBUG: Best view : View3 +2016-08-30 19:23:32,254 DEBUG: Start: Iteration 124 +2016-08-30 19:23:32,275 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:23:32,294 DEBUG: View 1 : 0.411764705882 +2016-08-30 19:23:32,315 DEBUG: View 2 : 0.427807486631 +2016-08-30 19:23:32,337 DEBUG: View 3 : 0.780748663102 +2016-08-30 19:23:33,680 DEBUG: Best view : View3 +2016-08-30 19:23:42,314 DEBUG: Start: Iteration 125 +2016-08-30 19:23:42,335 DEBUG: View 0 : 0.711229946524 +2016-08-30 19:23:42,355 DEBUG: View 1 : 0.433155080214 +2016-08-30 19:23:42,375 DEBUG: View 2 : 0.44385026738 +2016-08-30 19:23:42,398 DEBUG: View 3 : 0.700534759358 +2016-08-30 19:23:43,738 DEBUG: Best view : View3 +2016-08-30 19:23:52,414 DEBUG: Start: Iteration 126 +2016-08-30 19:23:52,435 DEBUG: View 0 : 0.652406417112 +2016-08-30 19:23:52,455 DEBUG: View 1 : 0.491978609626 +2016-08-30 19:23:52,475 DEBUG: View 2 : 0.465240641711 +2016-08-30 19:23:52,498 DEBUG: View 3 : 0.588235294118 +2016-08-30 19:23:53,862 DEBUG: Best view : View0 +2016-08-30 19:24:02,571 DEBUG: Start: Iteration 127 +2016-08-30 19:24:02,593 DEBUG: View 0 : 0.657754010695 +2016-08-30 19:24:02,612 DEBUG: View 1 : 0.475935828877 +2016-08-30 19:24:02,632 DEBUG: View 2 : 0.577540106952 +2016-08-30 19:24:02,655 DEBUG: View 3 : 0.802139037433 +2016-08-30 19:24:04,026 DEBUG: Best view : View3 +2016-08-30 19:24:12,879 DEBUG: Start: Iteration 128 +2016-08-30 19:24:12,901 DEBUG: View 0 : 0.705882352941 +2016-08-30 19:24:12,921 DEBUG: View 1 : 0.44385026738 +2016-08-30 19:24:12,941 DEBUG: View 2 : 0.508021390374 +2016-08-30 19:24:12,963 DEBUG: View 3 : 0.812834224599 +2016-08-30 19:24:14,294 DEBUG: Best view : View3 +2016-08-30 19:24:23,140 DEBUG: Start: Iteration 129 +2016-08-30 19:24:23,162 DEBUG: View 0 : 0.540106951872 +2016-08-30 19:24:23,181 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:24:23,201 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:24:23,223 DEBUG: View 3 : 0.812834224599 +2016-08-30 19:24:24,612 DEBUG: Best view : View3 +2016-08-30 19:24:33,552 DEBUG: Start: Iteration 130 +2016-08-30 19:24:33,573 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:24:33,592 DEBUG: View 1 : 0.545454545455 +2016-08-30 19:24:33,612 DEBUG: View 2 : 0.534759358289 +2016-08-30 19:24:33,634 DEBUG: View 3 : 0.770053475936 +2016-08-30 19:24:35,007 DEBUG: Best view : View3 +2016-08-30 19:24:44,015 DEBUG: Start: Iteration 131 +2016-08-30 19:24:44,036 DEBUG: View 0 : 0.743315508021 +2016-08-30 19:24:44,057 DEBUG: View 1 : 0.577540106952 +2016-08-30 19:24:44,077 DEBUG: View 2 : 0.438502673797 +2016-08-30 19:24:44,099 DEBUG: View 3 : 0.598930481283 +2016-08-30 19:24:45,440 DEBUG: Best view : View0 +2016-08-30 19:24:54,506 DEBUG: Start: Iteration 132 +2016-08-30 19:24:54,527 DEBUG: View 0 : 0.663101604278 +2016-08-30 19:24:54,547 DEBUG: View 1 : 0.475935828877 +2016-08-30 19:24:54,567 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:24:54,589 DEBUG: View 3 : 0.79679144385 +2016-08-30 19:24:55,949 DEBUG: Best view : View3 +2016-08-30 19:25:05,119 DEBUG: Start: Iteration 133 +2016-08-30 19:25:05,140 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:25:05,160 DEBUG: View 1 : 0.427807486631 +2016-08-30 19:25:05,180 DEBUG: View 2 : 0.497326203209 +2016-08-30 19:25:05,203 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:25:06,550 DEBUG: Best view : View0 +2016-08-30 19:25:15,748 DEBUG: Start: Iteration 134 +2016-08-30 19:25:15,769 DEBUG: View 0 : 0.72192513369 +2016-08-30 19:25:15,788 DEBUG: View 1 : 0.491978609626 +2016-08-30 19:25:15,808 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:25:15,830 DEBUG: View 3 : 0.593582887701 +2016-08-30 19:25:17,184 DEBUG: Best view : View0 +2016-08-30 19:25:26,513 DEBUG: Start: Iteration 135 +2016-08-30 19:25:26,535 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:25:26,554 DEBUG: View 1 : 0.417112299465 +2016-08-30 19:25:26,574 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:25:26,597 DEBUG: View 3 : 0.598930481283 +2016-08-30 19:25:27,959 DEBUG: Best view : View0 +2016-08-30 19:25:37,325 DEBUG: Start: Iteration 136 +2016-08-30 19:25:37,346 DEBUG: View 0 : 0.679144385027 +2016-08-30 19:25:37,366 DEBUG: View 1 : 0.652406417112 +2016-08-30 19:25:37,386 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:25:37,409 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:25:38,797 DEBUG: Best view : View1 +2016-08-30 19:25:48,267 DEBUG: Start: Iteration 137 +2016-08-30 19:25:48,289 DEBUG: View 0 : 0.641711229947 +2016-08-30 19:25:48,309 DEBUG: View 1 : 0.433155080214 +2016-08-30 19:25:48,328 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:25:48,351 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:25:49,734 DEBUG: Best view : View0 +2016-08-30 19:25:59,285 DEBUG: Start: Iteration 138 +2016-08-30 19:25:59,306 DEBUG: View 0 : 0.657754010695 +2016-08-30 19:25:59,327 DEBUG: View 1 : 0.449197860963 +2016-08-30 19:25:59,347 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:25:59,371 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:26:00,774 DEBUG: Best view : View0 +2016-08-30 19:26:10,346 DEBUG: Start: Iteration 139 +2016-08-30 19:26:10,367 DEBUG: View 0 : 0.716577540107 +2016-08-30 19:26:10,387 DEBUG: View 1 : 0.540106951872 +2016-08-30 19:26:10,406 DEBUG: View 2 : 0.385026737968 +2016-08-30 19:26:10,428 DEBUG: View 3 : 0.561497326203 +2016-08-30 19:26:11,835 DEBUG: Best view : View0 +2016-08-30 19:26:21,481 DEBUG: Start: Iteration 140 +2016-08-30 19:26:21,502 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:26:21,522 DEBUG: View 1 : 0.470588235294 +2016-08-30 19:26:21,541 DEBUG: View 2 : 0.438502673797 +2016-08-30 19:26:21,565 DEBUG: View 3 : 0.75935828877 +2016-08-30 19:26:22,969 DEBUG: Best view : View3 +2016-08-30 19:26:32,714 DEBUG: Start: Iteration 141 +2016-08-30 19:26:32,735 DEBUG: View 0 : 0.641711229947 +2016-08-30 19:26:32,755 DEBUG: View 1 : 0.529411764706 +2016-08-30 19:26:32,775 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:26:32,798 DEBUG: View 3 : 0.754010695187 +2016-08-30 19:26:34,221 DEBUG: Best view : View3 +2016-08-30 19:26:44,036 DEBUG: Start: Iteration 142 +2016-08-30 19:26:44,057 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:26:44,077 DEBUG: View 1 : 0.497326203209 +2016-08-30 19:26:44,097 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:26:44,121 DEBUG: View 3 : 0.754010695187 +2016-08-30 19:26:45,530 DEBUG: Best view : View3 +2016-08-30 19:26:55,412 DEBUG: Start: Iteration 143 +2016-08-30 19:26:55,433 DEBUG: View 0 : 0.737967914439 +2016-08-30 19:26:55,452 DEBUG: View 1 : 0.433155080214 +2016-08-30 19:26:55,472 DEBUG: View 2 : 0.427807486631 +2016-08-30 19:26:55,495 DEBUG: View 3 : 0.598930481283 +2016-08-30 19:26:56,913 DEBUG: Best view : View0 +2016-08-30 19:27:06,818 DEBUG: Start: Iteration 144 +2016-08-30 19:27:06,839 DEBUG: View 0 : 0.754010695187 +2016-08-30 19:27:06,859 DEBUG: View 1 : 0.411764705882 +2016-08-30 19:27:06,879 DEBUG: View 2 : 0.566844919786 +2016-08-30 19:27:06,902 DEBUG: View 3 : 0.598930481283 +2016-08-30 19:27:08,316 DEBUG: Best view : View0 +2016-08-30 19:27:18,293 DEBUG: Start: Iteration 145 +2016-08-30 19:27:18,314 DEBUG: View 0 : 0.72192513369 +2016-08-30 19:27:18,334 DEBUG: View 1 : 0.577540106952 +2016-08-30 19:27:18,353 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:27:18,375 DEBUG: View 3 : 0.652406417112 +2016-08-30 19:27:19,794 DEBUG: Best view : View0 +2016-08-30 19:27:29,861 DEBUG: Start: Iteration 146 +2016-08-30 19:27:29,883 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:27:29,902 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:27:29,922 DEBUG: View 2 : 0.465240641711 +2016-08-30 19:27:29,945 DEBUG: View 3 : 0.582887700535 +2016-08-30 19:27:31,375 DEBUG: Best view : View0 +2016-08-30 19:27:41,530 DEBUG: Start: Iteration 147 +2016-08-30 19:27:41,551 DEBUG: View 0 : 0.663101604278 +2016-08-30 19:27:41,570 DEBUG: View 1 : 0.438502673797 +2016-08-30 19:27:41,590 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:27:41,613 DEBUG: View 3 : 0.582887700535 +2016-08-30 19:27:43,050 DEBUG: Best view : View0 +2016-08-30 19:27:53,255 DEBUG: Start: Iteration 148 +2016-08-30 19:27:53,276 DEBUG: View 0 : 0.737967914439 +2016-08-30 19:27:53,296 DEBUG: View 1 : 0.433155080214 +2016-08-30 19:27:53,316 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:27:53,339 DEBUG: View 3 : 0.593582887701 +2016-08-30 19:27:54,790 DEBUG: Best view : View0 +2016-08-30 19:28:05,128 DEBUG: Start: Iteration 149 +2016-08-30 19:28:05,149 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:28:05,169 DEBUG: View 1 : 0.417112299465 +2016-08-30 19:28:05,188 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:28:05,211 DEBUG: View 3 : 0.770053475936 +2016-08-30 19:28:06,684 DEBUG: Best view : View3 +2016-08-30 19:28:16,977 DEBUG: Start: Iteration 150 +2016-08-30 19:28:16,998 DEBUG: View 0 : 0.705882352941 +2016-08-30 19:28:17,018 DEBUG: View 1 : 0.486631016043 +2016-08-30 19:28:17,038 DEBUG: View 2 : 0.358288770053 +2016-08-30 19:28:17,061 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:28:18,534 DEBUG: Best view : View3 +2016-08-30 19:28:28,948 DEBUG: Start: Iteration 151 +2016-08-30 19:28:28,970 DEBUG: View 0 : 0.72192513369 +2016-08-30 19:28:28,990 DEBUG: View 1 : 0.449197860963 +2016-08-30 19:28:29,010 DEBUG: View 2 : 0.438502673797 +2016-08-30 19:28:29,034 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:28:30,514 DEBUG: Best view : View3 +2016-08-30 19:28:40,940 DEBUG: Start: Iteration 152 +2016-08-30 19:28:40,961 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:28:40,981 DEBUG: View 1 : 0.475935828877 +2016-08-30 19:28:41,000 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:28:41,023 DEBUG: View 3 : 0.72192513369 +2016-08-30 19:28:42,510 DEBUG: Best view : View3 +2016-08-30 19:28:52,964 DEBUG: Start: Iteration 153 +2016-08-30 19:28:52,985 DEBUG: View 0 : 0.689839572193 +2016-08-30 19:28:53,004 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:28:53,023 DEBUG: View 2 : 0.379679144385 +2016-08-30 19:28:53,047 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:28:54,549 DEBUG: Best view : View3 +2016-08-30 19:29:05,108 DEBUG: Start: Iteration 154 +2016-08-30 19:29:05,130 DEBUG: View 0 : 0.711229946524 +2016-08-30 19:29:05,149 DEBUG: View 1 : 0.491978609626 +2016-08-30 19:29:05,169 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:29:05,192 DEBUG: View 3 : 0.737967914439 +2016-08-30 19:29:06,702 DEBUG: Best view : View3 +2016-08-30 19:29:17,313 DEBUG: Start: Iteration 155 +2016-08-30 19:29:17,335 DEBUG: View 0 : 0.620320855615 +2016-08-30 19:29:17,355 DEBUG: View 1 : 0.540106951872 +2016-08-30 19:29:17,375 DEBUG: View 2 : 0.454545454545 +2016-08-30 19:29:17,399 DEBUG: View 3 : 0.780748663102 +2016-08-30 19:29:18,912 DEBUG: Best view : View3 +2016-08-30 19:29:29,595 DEBUG: Start: Iteration 156 +2016-08-30 19:29:29,616 DEBUG: View 0 : 0.743315508021 +2016-08-30 19:29:29,635 DEBUG: View 1 : 0.433155080214 +2016-08-30 19:29:29,655 DEBUG: View 2 : 0.475935828877 +2016-08-30 19:29:29,677 DEBUG: View 3 : 0.780748663102 +2016-08-30 19:29:31,198 DEBUG: Best view : View3 +2016-08-30 19:29:42,002 DEBUG: Start: Iteration 157 +2016-08-30 19:29:42,023 DEBUG: View 0 : 0.764705882353 +2016-08-30 19:29:42,043 DEBUG: View 1 : 0.411764705882 +2016-08-30 19:29:42,063 DEBUG: View 2 : 0.438502673797 +2016-08-30 19:29:42,085 DEBUG: View 3 : 0.780748663102 +2016-08-30 19:29:43,613 DEBUG: Best view : View3 +2016-08-30 19:29:54,437 DEBUG: Start: Iteration 158 +2016-08-30 19:29:54,458 DEBUG: View 0 : 0.727272727273 +2016-08-30 19:29:54,477 DEBUG: View 1 : 0.363636363636 +2016-08-30 19:29:54,497 DEBUG: View 2 : 0.48128342246 +2016-08-30 19:29:54,520 DEBUG: View 3 : 0.641711229947 +2016-08-30 19:29:56,049 DEBUG: Best view : View0 +2016-08-30 19:30:06,933 DEBUG: Start: Iteration 159 +2016-08-30 19:30:06,955 DEBUG: View 0 : 0.636363636364 +2016-08-30 19:30:06,975 DEBUG: View 1 : 0.411764705882 +2016-08-30 19:30:06,995 DEBUG: View 2 : 0.51871657754 +2016-08-30 19:30:07,018 DEBUG: View 3 : 0.588235294118 +2016-08-30 19:30:08,575 DEBUG: Best view : View0 +2016-08-30 19:30:19,415 DEBUG: Start: Iteration 160 +2016-08-30 19:30:19,436 DEBUG: View 0 : 0.737967914439 +2016-08-30 19:30:19,456 DEBUG: View 1 : 0.524064171123 +2016-08-30 19:30:19,477 DEBUG: View 2 : 0.454545454545 +2016-08-30 19:30:19,499 DEBUG: View 3 : 0.588235294118 +2016-08-30 19:30:21,043 DEBUG: Best view : View0 +2016-08-30 19:30:31,988 DEBUG: Start: Iteration 161 +2016-08-30 19:30:32,010 DEBUG: View 0 : 0.668449197861 +2016-08-30 19:30:32,029 DEBUG: View 1 : 0.406417112299 +2016-08-30 19:30:32,049 DEBUG: View 2 : 0.475935828877 +2016-08-30 19:30:32,072 DEBUG: View 3 : 0.588235294118 +2016-08-30 19:30:33,642 DEBUG: Best view : View0 +2016-08-30 19:30:44,662 DEBUG: Start: Iteration 162 +2016-08-30 19:30:44,683 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:30:44,702 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:30:44,722 DEBUG: View 2 : 0.368983957219 +2016-08-30 19:30:44,744 DEBUG: View 3 : 0.588235294118 +2016-08-30 19:30:46,321 DEBUG: Best view : View0 +2016-08-30 19:30:57,359 DEBUG: Start: Iteration 163 +2016-08-30 19:30:57,380 DEBUG: View 0 : 0.764705882353 +2016-08-30 19:30:57,400 DEBUG: View 1 : 0.433155080214 +2016-08-30 19:30:57,419 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:30:57,442 DEBUG: View 3 : 0.593582887701 +2016-08-30 19:30:59,014 DEBUG: Best view : View0 +2016-08-30 19:31:10,158 DEBUG: Start: Iteration 164 +2016-08-30 19:31:10,179 DEBUG: View 0 : 0.657754010695 +2016-08-30 19:31:10,199 DEBUG: View 1 : 0.449197860963 +2016-08-30 19:31:10,219 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:31:10,241 DEBUG: View 3 : 0.786096256684 +2016-08-30 19:31:11,816 DEBUG: Best view : View3 +2016-08-30 19:31:23,016 DEBUG: Start: Iteration 165 +2016-08-30 19:31:23,037 DEBUG: View 0 : 0.711229946524 +2016-08-30 19:31:23,057 DEBUG: View 1 : 0.395721925134 +2016-08-30 19:31:23,077 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:31:23,100 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:31:24,696 DEBUG: Best view : View3 +2016-08-30 19:31:36,007 DEBUG: Start: Iteration 166 +2016-08-30 19:31:36,027 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:31:36,047 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:31:36,067 DEBUG: View 2 : 0.427807486631 +2016-08-30 19:31:36,089 DEBUG: View 3 : 0.524064171123 +2016-08-30 19:31:37,687 DEBUG: Best view : View0 +2016-08-30 19:31:48,987 DEBUG: Start: Iteration 167 +2016-08-30 19:31:49,010 DEBUG: View 0 : 0.652406417112 +2016-08-30 19:31:49,030 DEBUG: View 1 : 0.540106951872 +2016-08-30 19:31:49,050 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:31:49,073 DEBUG: View 3 : 0.609625668449 +2016-08-30 19:31:50,681 DEBUG: Best view : View0 +2016-08-30 19:32:02,107 DEBUG: Start: Iteration 168 +2016-08-30 19:32:02,128 DEBUG: View 0 : 0.647058823529 +2016-08-30 19:32:02,148 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:32:02,168 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:32:02,190 DEBUG: View 3 : 0.609625668449 +2016-08-30 19:32:03,809 DEBUG: Best view : View0 +2016-08-30 19:32:15,328 DEBUG: Start: Iteration 169 +2016-08-30 19:32:15,349 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:32:15,369 DEBUG: View 1 : 0.427807486631 +2016-08-30 19:32:15,389 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:32:15,412 DEBUG: View 3 : 0.737967914439 +2016-08-30 19:32:17,035 DEBUG: Best view : View3 +2016-08-30 19:32:28,613 DEBUG: Start: Iteration 170 +2016-08-30 19:32:28,634 DEBUG: View 0 : 0.679144385027 +2016-08-30 19:32:28,653 DEBUG: View 1 : 0.491978609626 +2016-08-30 19:32:28,675 DEBUG: View 2 : 0.475935828877 +2016-08-30 19:32:28,698 DEBUG: View 3 : 0.737967914439 +2016-08-30 19:32:30,340 DEBUG: Best view : View3 +2016-08-30 19:32:42,016 DEBUG: Start: Iteration 171 +2016-08-30 19:32:42,037 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:32:42,057 DEBUG: View 1 : 0.422459893048 +2016-08-30 19:32:42,076 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:32:42,099 DEBUG: View 3 : 0.695187165775 +2016-08-30 19:32:43,739 DEBUG: Best view : View3 +2016-08-30 19:32:55,430 DEBUG: Start: Iteration 172 +2016-08-30 19:32:55,452 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:32:55,471 DEBUG: View 1 : 0.465240641711 +2016-08-30 19:32:55,491 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:32:55,515 DEBUG: View 3 : 0.775401069519 +2016-08-30 19:32:57,174 DEBUG: Best view : View3 +2016-08-30 19:33:08,901 DEBUG: Start: Iteration 173 +2016-08-30 19:33:08,923 DEBUG: View 0 : 0.737967914439 +2016-08-30 19:33:08,942 DEBUG: View 1 : 0.566844919786 +2016-08-30 19:33:08,961 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:33:08,984 DEBUG: View 3 : 0.775401069519 +2016-08-30 19:33:10,628 DEBUG: Best view : View3 +2016-08-30 19:33:22,412 DEBUG: Start: Iteration 174 +2016-08-30 19:33:22,433 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:33:22,453 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:33:22,473 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:33:22,495 DEBUG: View 3 : 0.732620320856 +2016-08-30 19:33:24,153 DEBUG: Best view : View3 +2016-08-30 19:33:35,994 DEBUG: Start: Iteration 175 +2016-08-30 19:33:36,015 DEBUG: View 0 : 0.770053475936 +2016-08-30 19:33:36,034 DEBUG: View 1 : 0.486631016043 +2016-08-30 19:33:36,054 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:33:36,077 DEBUG: View 3 : 0.770053475936 +2016-08-30 19:33:37,727 DEBUG: Best view : View3 +2016-08-30 19:33:49,649 DEBUG: Start: Iteration 176 +2016-08-30 19:33:49,670 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:33:49,689 DEBUG: View 1 : 0.465240641711 +2016-08-30 19:33:49,709 DEBUG: View 2 : 0.508021390374 +2016-08-30 19:33:49,732 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:33:51,376 DEBUG: Best view : View3 +2016-08-30 19:34:03,365 DEBUG: Start: Iteration 177 +2016-08-30 19:34:03,386 DEBUG: View 0 : 0.647058823529 +2016-08-30 19:34:03,406 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:34:03,426 DEBUG: View 2 : 0.44385026738 +2016-08-30 19:34:03,448 DEBUG: View 3 : 0.775401069519 +2016-08-30 19:34:05,104 DEBUG: Best view : View3 +2016-08-30 19:34:17,911 DEBUG: Start: Iteration 178 +2016-08-30 19:34:17,932 DEBUG: View 0 : 0.652406417112 +2016-08-30 19:34:17,951 DEBUG: View 1 : 0.51871657754 +2016-08-30 19:34:17,970 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:34:17,993 DEBUG: View 3 : 0.791443850267 +2016-08-30 19:34:19,659 DEBUG: Best view : View3 +2016-08-30 19:34:31,766 DEBUG: Start: Iteration 179 +2016-08-30 19:34:31,787 DEBUG: View 0 : 0.657754010695 +2016-08-30 19:34:31,808 DEBUG: View 1 : 0.465240641711 +2016-08-30 19:34:31,828 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:34:31,851 DEBUG: View 3 : 0.636363636364 +2016-08-30 19:34:33,530 DEBUG: Best view : View0 +2016-08-30 19:34:45,732 DEBUG: Start: Iteration 180 +2016-08-30 19:34:45,754 DEBUG: View 0 : 0.593582887701 +2016-08-30 19:34:45,775 DEBUG: View 1 : 0.508021390374 +2016-08-30 19:34:45,795 DEBUG: View 2 : 0.491978609626 +2016-08-30 19:34:45,818 DEBUG: View 3 : 0.604278074866 +2016-08-30 19:34:47,510 DEBUG: Best view : View0 +2016-08-30 19:34:59,759 DEBUG: Start: Iteration 181 +2016-08-30 19:34:59,780 DEBUG: View 0 : 0.641711229947 +2016-08-30 19:34:59,799 DEBUG: View 1 : 0.566844919786 +2016-08-30 19:34:59,819 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:34:59,841 DEBUG: View 3 : 0.604278074866 +2016-08-30 19:35:01,553 DEBUG: Best view : View0 +2016-08-30 19:35:13,867 DEBUG: Start: Iteration 182 +2016-08-30 19:35:13,888 DEBUG: View 0 : 0.72192513369 +2016-08-30 19:35:13,907 DEBUG: View 1 : 0.475935828877 +2016-08-30 19:35:13,927 DEBUG: View 2 : 0.572192513369 +2016-08-30 19:35:13,950 DEBUG: View 3 : 0.72192513369 +2016-08-30 19:35:15,666 DEBUG: Best view : View3 +2016-08-30 19:35:28,018 DEBUG: Start: Iteration 183 +2016-08-30 19:35:28,040 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:35:28,060 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:35:28,079 DEBUG: View 2 : 0.572192513369 +2016-08-30 19:35:28,102 DEBUG: View 3 : 0.609625668449 +2016-08-30 19:35:29,824 DEBUG: Best view : View0 +2016-08-30 19:35:42,234 DEBUG: Start: Iteration 184 +2016-08-30 19:35:42,255 DEBUG: View 0 : 0.743315508021 +2016-08-30 19:35:42,274 DEBUG: View 1 : 0.561497326203 +2016-08-30 19:35:42,295 DEBUG: View 2 : 0.438502673797 +2016-08-30 19:35:42,317 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:35:44,049 DEBUG: Best view : View3 +2016-08-30 19:35:56,558 DEBUG: Start: Iteration 185 +2016-08-30 19:35:56,580 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:35:56,600 DEBUG: View 1 : 0.491978609626 +2016-08-30 19:35:56,620 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:35:56,642 DEBUG: View 3 : 0.775401069519 +2016-08-30 19:35:58,370 DEBUG: Best view : View3 +2016-08-30 19:36:10,942 DEBUG: Start: Iteration 186 +2016-08-30 19:36:10,964 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:36:10,983 DEBUG: View 1 : 0.486631016043 +2016-08-30 19:36:11,003 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:36:11,027 DEBUG: View 3 : 0.663101604278 +2016-08-30 19:36:12,767 DEBUG: Best view : View3 +2016-08-30 19:36:25,397 DEBUG: Start: Iteration 187 +2016-08-30 19:36:25,418 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:36:25,437 DEBUG: View 1 : 0.422459893048 +2016-08-30 19:36:25,457 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:36:25,480 DEBUG: View 3 : 0.647058823529 +2016-08-30 19:36:27,240 DEBUG: Best view : View0 +2016-08-30 19:36:39,946 DEBUG: Start: Iteration 188 +2016-08-30 19:36:39,967 DEBUG: View 0 : 0.72192513369 +2016-08-30 19:36:39,986 DEBUG: View 1 : 0.486631016043 +2016-08-30 19:36:40,006 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:36:40,029 DEBUG: View 3 : 0.604278074866 +2016-08-30 19:36:41,782 DEBUG: Best view : View0 +2016-08-30 19:36:54,595 DEBUG: Start: Iteration 189 +2016-08-30 19:36:54,616 DEBUG: View 0 : 0.75935828877 +2016-08-30 19:36:54,636 DEBUG: View 1 : 0.433155080214 +2016-08-30 19:36:54,655 DEBUG: View 2 : 0.438502673797 +2016-08-30 19:36:54,678 DEBUG: View 3 : 0.593582887701 +2016-08-30 19:36:56,446 DEBUG: Best view : View0 +2016-08-30 19:37:09,296 DEBUG: Start: Iteration 190 +2016-08-30 19:37:09,318 DEBUG: View 0 : 0.636363636364 +2016-08-30 19:37:09,337 DEBUG: View 1 : 0.427807486631 +2016-08-30 19:37:09,357 DEBUG: View 2 : 0.475935828877 +2016-08-30 19:37:09,379 DEBUG: View 3 : 0.663101604278 +2016-08-30 19:37:11,160 DEBUG: Best view : View3 +2016-08-30 19:37:24,050 DEBUG: Start: Iteration 191 +2016-08-30 19:37:24,071 DEBUG: View 0 : 0.711229946524 +2016-08-30 19:37:24,091 DEBUG: View 1 : 0.51871657754 +2016-08-30 19:37:24,111 DEBUG: View 2 : 0.497326203209 +2016-08-30 19:37:24,134 DEBUG: View 3 : 0.663101604278 +2016-08-30 19:37:25,936 DEBUG: Best view : View0 +2016-08-30 19:37:38,914 DEBUG: Start: Iteration 192 +2016-08-30 19:37:38,935 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:37:38,954 DEBUG: View 1 : 0.475935828877 +2016-08-30 19:37:38,973 DEBUG: View 2 : 0.363636363636 +2016-08-30 19:37:38,996 DEBUG: View 3 : 0.663101604278 +2016-08-30 19:37:40,896 DEBUG: Best view : View0 +2016-08-30 19:37:54,010 DEBUG: Start: Iteration 193 +2016-08-30 19:37:54,032 DEBUG: View 0 : 0.711229946524 +2016-08-30 19:37:54,052 DEBUG: View 1 : 0.561497326203 +2016-08-30 19:37:54,073 DEBUG: View 2 : 0.48128342246 +2016-08-30 19:37:54,100 DEBUG: View 3 : 0.823529411765 +2016-08-30 19:37:55,987 DEBUG: Best view : View3 +2016-08-30 19:38:09,132 DEBUG: Start: Iteration 194 +2016-08-30 19:38:09,154 DEBUG: View 0 : 0.711229946524 +2016-08-30 19:38:09,173 DEBUG: View 1 : 0.411764705882 +2016-08-30 19:38:09,195 DEBUG: View 2 : 0.598930481283 +2016-08-30 19:38:09,220 DEBUG: View 3 : 0.609625668449 +2016-08-30 19:38:11,029 DEBUG: Best view : View0 +2016-08-30 19:38:24,247 DEBUG: Start: Iteration 195 +2016-08-30 19:38:24,268 DEBUG: View 0 : 0.657754010695 +2016-08-30 19:38:24,288 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:38:24,308 DEBUG: View 2 : 0.508021390374 +2016-08-30 19:38:24,330 DEBUG: View 3 : 0.609625668449 +2016-08-30 19:38:26,153 DEBUG: Best view : View0 +2016-08-30 19:38:39,402 DEBUG: Start: Iteration 196 +2016-08-30 19:38:39,424 DEBUG: View 0 : 0.716577540107 +2016-08-30 19:38:39,444 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:38:39,464 DEBUG: View 2 : 0.438502673797 +2016-08-30 19:38:39,486 DEBUG: View 3 : 0.582887700535 +2016-08-30 19:38:41,285 DEBUG: Best view : View0 +2016-08-30 19:38:54,639 DEBUG: Start: Iteration 197 +2016-08-30 19:38:54,660 DEBUG: View 0 : 0.652406417112 +2016-08-30 19:38:54,680 DEBUG: View 1 : 0.48128342246 +2016-08-30 19:38:54,699 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:38:54,722 DEBUG: View 3 : 0.582887700535 +2016-08-30 19:38:56,556 DEBUG: Best view : View0 +2016-08-30 19:39:09,962 DEBUG: Start: Iteration 198 +2016-08-30 19:39:09,983 DEBUG: View 0 : 0.663101604278 +2016-08-30 19:39:10,003 DEBUG: View 1 : 0.417112299465 +2016-08-30 19:39:10,023 DEBUG: View 2 : 0.390374331551 +2016-08-30 19:39:10,045 DEBUG: View 3 : 0.786096256684 +2016-08-30 19:39:11,864 DEBUG: Best view : View3 +2016-08-30 19:39:25,412 DEBUG: Start: Iteration 199 +2016-08-30 19:39:25,433 DEBUG: View 0 : 0.775401069519 +2016-08-30 19:39:25,453 DEBUG: View 1 : 0.449197860963 +2016-08-30 19:39:25,473 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:39:25,497 DEBUG: View 3 : 0.582887700535 +2016-08-30 19:39:27,333 DEBUG: Best view : View0 +2016-08-30 19:39:40,864 DEBUG: Start: Iteration 200 +2016-08-30 19:39:40,886 DEBUG: View 0 : 0.652406417112 +2016-08-30 19:39:40,905 DEBUG: View 1 : 0.508021390374 +2016-08-30 19:39:40,926 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:39:40,948 DEBUG: View 3 : 0.716577540107 +2016-08-30 19:39:42,788 DEBUG: Best view : View3 +2016-08-30 19:39:56,387 DEBUG: Start: Iteration 201 +2016-08-30 19:39:56,408 DEBUG: View 0 : 0.727272727273 +2016-08-30 19:39:56,427 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:39:56,447 DEBUG: View 2 : 0.51871657754 +2016-08-30 19:39:56,470 DEBUG: View 3 : 0.775401069519 +2016-08-30 19:39:58,312 DEBUG: Best view : View3 +2016-08-30 19:40:11,982 DEBUG: Start: Iteration 202 +2016-08-30 19:40:12,003 DEBUG: View 0 : 0.689839572193 +2016-08-30 19:40:12,023 DEBUG: View 1 : 0.497326203209 +2016-08-30 19:40:12,043 DEBUG: View 2 : 0.540106951872 +2016-08-30 19:40:12,065 DEBUG: View 3 : 0.727272727273 +2016-08-30 19:40:13,915 DEBUG: Best view : View3 +2016-08-30 19:40:27,663 DEBUG: Start: Iteration 203 +2016-08-30 19:40:27,684 DEBUG: View 0 : 0.748663101604 +2016-08-30 19:40:27,704 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:40:27,723 DEBUG: View 2 : 0.427807486631 +2016-08-30 19:40:27,746 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:40:29,615 DEBUG: Best view : View3 +2016-08-30 19:40:43,455 DEBUG: Start: Iteration 204 +2016-08-30 19:40:43,477 DEBUG: View 0 : 0.663101604278 +2016-08-30 19:40:43,496 DEBUG: View 1 : 0.406417112299 +2016-08-30 19:40:43,516 DEBUG: View 2 : 0.44385026738 +2016-08-30 19:40:43,540 DEBUG: View 3 : 0.604278074866 +2016-08-30 19:40:45,409 DEBUG: Best view : View0 +2016-08-30 19:40:59,410 DEBUG: Start: Iteration 205 +2016-08-30 19:40:59,431 DEBUG: View 0 : 0.764705882353 +2016-08-30 19:40:59,451 DEBUG: View 1 : 0.508021390374 +2016-08-30 19:40:59,471 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:40:59,493 DEBUG: View 3 : 0.636363636364 +2016-08-30 19:41:01,364 DEBUG: Best view : View0 +2016-08-30 19:41:15,366 DEBUG: Start: Iteration 206 +2016-08-30 19:41:15,388 DEBUG: View 0 : 0.775401069519 +2016-08-30 19:41:15,408 DEBUG: View 1 : 0.417112299465 +2016-08-30 19:41:15,428 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:41:15,451 DEBUG: View 3 : 0.609625668449 +2016-08-30 19:41:17,351 DEBUG: Best view : View0 +2016-08-30 19:41:31,370 DEBUG: Start: Iteration 207 +2016-08-30 19:41:31,392 DEBUG: View 0 : 0.679144385027 +2016-08-30 19:41:31,412 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:41:31,431 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:41:31,454 DEBUG: View 3 : 0.51871657754 +2016-08-30 19:41:33,337 DEBUG: Best view : View0 +2016-08-30 19:41:47,416 DEBUG: Start: Iteration 208 +2016-08-30 19:41:47,436 DEBUG: View 0 : 0.754010695187 +2016-08-30 19:41:47,456 DEBUG: View 1 : 0.417112299465 +2016-08-30 19:41:47,475 DEBUG: View 2 : 0.475935828877 +2016-08-30 19:41:47,497 DEBUG: View 3 : 0.657754010695 +2016-08-30 19:41:49,384 DEBUG: Best view : View0 +2016-08-30 19:42:03,515 DEBUG: Start: Iteration 209 +2016-08-30 19:42:03,536 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:42:03,556 DEBUG: View 1 : 0.449197860963 +2016-08-30 19:42:03,576 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:42:03,598 DEBUG: View 3 : 0.540106951872 +2016-08-30 19:42:05,513 DEBUG: Best view : View0 +2016-08-30 19:42:19,764 DEBUG: Start: Iteration 210 +2016-08-30 19:42:19,785 DEBUG: View 0 : 0.727272727273 +2016-08-30 19:42:19,805 DEBUG: View 1 : 0.395721925134 +2016-08-30 19:42:19,824 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:42:19,847 DEBUG: View 3 : 0.812834224599 +2016-08-30 19:42:21,791 DEBUG: Best view : View3 +2016-08-30 19:42:36,114 DEBUG: Start: Iteration 211 +2016-08-30 19:42:36,134 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:42:36,154 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:42:36,173 DEBUG: View 2 : 0.395721925134 +2016-08-30 19:42:36,196 DEBUG: View 3 : 0.828877005348 +2016-08-30 19:42:38,110 DEBUG: Best view : View3 +2016-08-30 19:42:52,464 DEBUG: Start: Iteration 212 +2016-08-30 19:42:52,485 DEBUG: View 0 : 0.743315508021 +2016-08-30 19:42:52,505 DEBUG: View 1 : 0.486631016043 +2016-08-30 19:42:52,525 DEBUG: View 2 : 0.524064171123 +2016-08-30 19:42:52,547 DEBUG: View 3 : 0.700534759358 +2016-08-30 19:42:54,474 DEBUG: Best view : View0 +2016-08-30 19:43:08,904 DEBUG: Start: Iteration 213 +2016-08-30 19:43:08,926 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:43:08,945 DEBUG: View 1 : 0.352941176471 +2016-08-30 19:43:08,966 DEBUG: View 2 : 0.454545454545 +2016-08-30 19:43:08,989 DEBUG: View 3 : 0.657754010695 +2016-08-30 19:43:10,918 DEBUG: Best view : View0 +2016-08-30 19:43:25,390 DEBUG: Start: Iteration 214 +2016-08-30 19:43:25,411 DEBUG: View 0 : 0.695187165775 +2016-08-30 19:43:25,431 DEBUG: View 1 : 0.497326203209 +2016-08-30 19:43:25,451 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:43:25,474 DEBUG: View 3 : 0.652406417112 +2016-08-30 19:43:27,417 DEBUG: Best view : View0 +2016-08-30 19:43:41,995 DEBUG: Start: Iteration 215 +2016-08-30 19:43:42,016 DEBUG: View 0 : 0.663101604278 +2016-08-30 19:43:42,036 DEBUG: View 1 : 0.508021390374 +2016-08-30 19:43:42,056 DEBUG: View 2 : 0.545454545455 +2016-08-30 19:43:42,079 DEBUG: View 3 : 0.748663101604 +2016-08-30 19:43:44,044 DEBUG: Best view : View3 +2016-08-30 19:43:58,677 DEBUG: Start: Iteration 216 +2016-08-30 19:43:58,699 DEBUG: View 0 : 0.689839572193 +2016-08-30 19:43:58,719 DEBUG: View 1 : 0.385026737968 +2016-08-30 19:43:58,738 DEBUG: View 2 : 0.438502673797 +2016-08-30 19:43:58,761 DEBUG: View 3 : 0.748663101604 +2016-08-30 19:44:00,706 DEBUG: Best view : View3 +2016-08-30 19:44:15,499 DEBUG: Start: Iteration 217 +2016-08-30 19:44:15,521 DEBUG: View 0 : 0.775401069519 +2016-08-30 19:44:15,541 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:44:15,561 DEBUG: View 2 : 0.352941176471 +2016-08-30 19:44:15,583 DEBUG: View 3 : 0.689839572193 +2016-08-30 19:44:17,548 DEBUG: Best view : View0 +2016-08-30 19:44:32,312 DEBUG: Start: Iteration 218 +2016-08-30 19:44:32,332 DEBUG: View 0 : 0.727272727273 +2016-08-30 19:44:32,352 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:44:32,372 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:44:32,394 DEBUG: View 3 : 0.737967914439 +2016-08-30 19:44:34,366 DEBUG: Best view : View3 +2016-08-30 19:44:49,209 DEBUG: Start: Iteration 219 +2016-08-30 19:44:49,230 DEBUG: View 0 : 0.754010695187 +2016-08-30 19:44:49,249 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:44:49,269 DEBUG: View 2 : 0.470588235294 +2016-08-30 19:44:49,291 DEBUG: View 3 : 0.711229946524 +2016-08-30 19:44:51,267 DEBUG: Best view : View0 +2016-08-30 19:45:06,194 DEBUG: Start: Iteration 220 +2016-08-30 19:45:06,215 DEBUG: View 0 : 0.72192513369 +2016-08-30 19:45:06,234 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:45:06,254 DEBUG: View 2 : 0.465240641711 +2016-08-30 19:45:06,277 DEBUG: View 3 : 0.711229946524 +2016-08-30 19:45:08,252 DEBUG: Best view : View3 +2016-08-30 19:45:23,210 DEBUG: Start: Iteration 221 +2016-08-30 19:45:23,231 DEBUG: View 0 : 0.764705882353 +2016-08-30 19:45:23,251 DEBUG: View 1 : 0.347593582888 +2016-08-30 19:45:23,271 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:45:23,293 DEBUG: View 3 : 0.582887700535 +2016-08-30 19:45:25,280 DEBUG: Best view : View0 +2016-08-30 19:45:40,361 DEBUG: Start: Iteration 222 +2016-08-30 19:45:40,382 DEBUG: View 0 : 0.657754010695 +2016-08-30 19:45:40,401 DEBUG: View 1 : 0.395721925134 +2016-08-30 19:45:40,420 DEBUG: View 2 : 0.438502673797 +2016-08-30 19:45:40,443 DEBUG: View 3 : 0.582887700535 +2016-08-30 19:45:42,470 DEBUG: Best view : View0 +2016-08-30 19:45:57,565 DEBUG: Start: Iteration 223 +2016-08-30 19:45:57,587 DEBUG: View 0 : 0.679144385027 +2016-08-30 19:45:57,606 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:45:57,626 DEBUG: View 2 : 0.55614973262 +2016-08-30 19:45:57,648 DEBUG: View 3 : 0.566844919786 +2016-08-30 19:45:59,683 DEBUG: Best view : View0 +2016-08-30 19:46:14,924 DEBUG: Start: Iteration 224 +2016-08-30 19:46:14,945 DEBUG: View 0 : 0.705882352941 +2016-08-30 19:46:14,964 DEBUG: View 1 : 0.55614973262 +2016-08-30 19:46:14,984 DEBUG: View 2 : 0.454545454545 +2016-08-30 19:46:15,006 DEBUG: View 3 : 0.743315508021 +2016-08-30 19:46:17,020 DEBUG: Best view : View3 +2016-08-30 19:46:32,270 DEBUG: Start: Iteration 225 +2016-08-30 19:46:32,291 DEBUG: View 0 : 0.748663101604 +2016-08-30 19:46:32,310 DEBUG: View 1 : 0.475935828877 +2016-08-30 19:46:32,330 DEBUG: View 2 : 0.449197860963 +2016-08-30 19:46:32,352 DEBUG: View 3 : 0.700534759358 +2016-08-30 19:46:34,380 DEBUG: Best view : View0 +2016-08-30 19:46:49,685 DEBUG: Start: Iteration 226 +2016-08-30 19:46:49,707 DEBUG: View 0 : 0.812834224599 +2016-08-30 19:46:49,727 DEBUG: View 1 : 0.497326203209 +2016-08-30 19:46:49,746 DEBUG: View 2 : 0.390374331551 +2016-08-30 19:46:49,769 DEBUG: View 3 : 0.786096256684 +2016-08-30 19:46:51,814 DEBUG: Best view : View0 +2016-08-30 19:47:07,225 DEBUG: Start: Iteration 227 +2016-08-30 19:47:07,245 DEBUG: View 0 : 0.754010695187 +2016-08-30 19:47:07,265 DEBUG: View 1 : 0.513368983957 +2016-08-30 19:47:07,284 DEBUG: View 2 : 0.657754010695 +2016-08-30 19:47:07,307 DEBUG: View 3 : 0.566844919786 +2016-08-30 19:47:09,357 DEBUG: Best view : View0 +2016-08-30 19:47:24,823 DEBUG: Start: Iteration 228 +2016-08-30 19:47:24,844 DEBUG: View 0 : 0.625668449198 +2016-08-30 19:47:24,864 DEBUG: View 1 : 0.513368983957 +2016-08-30 19:47:24,883 DEBUG: View 2 : 0.497326203209 +2016-08-30 19:47:24,906 DEBUG: View 3 : 0.609625668449 +2016-08-30 19:47:26,941 DEBUG: Best view : View0 +2016-08-30 19:47:42,483 DEBUG: Start: Iteration 229 +2016-08-30 19:47:42,504 DEBUG: View 0 : 0.625668449198 +2016-08-30 19:47:42,523 DEBUG: View 1 : 0.540106951872 +2016-08-30 19:47:42,543 DEBUG: View 2 : 0.454545454545 +2016-08-30 19:47:42,565 DEBUG: View 3 : 0.780748663102 +2016-08-30 19:47:44,613 DEBUG: Best view : View3 +2016-08-30 19:48:00,268 DEBUG: Start: Iteration 230 +2016-08-30 19:48:00,289 DEBUG: View 0 : 0.657754010695 +2016-08-30 19:48:00,309 DEBUG: View 1 : 0.486631016043 +2016-08-30 19:48:00,328 DEBUG: View 2 : 0.449197860963 +2016-08-30 19:48:00,350 DEBUG: View 3 : 0.737967914439 +2016-08-30 19:48:02,438 DEBUG: Best view : View3 +2016-08-30 19:48:18,162 DEBUG: Start: Iteration 231 +2016-08-30 19:48:18,182 DEBUG: View 0 : 0.748663101604 +2016-08-30 19:48:18,201 DEBUG: View 1 : 0.44385026738 +2016-08-30 19:48:18,221 DEBUG: View 2 : 0.427807486631 +2016-08-30 19:48:18,245 DEBUG: View 3 : 0.711229946524 +2016-08-30 19:48:20,350 DEBUG: Best view : View0 +2016-08-30 19:48:36,093 DEBUG: Start: Iteration 232 +2016-08-30 19:48:36,115 DEBUG: View 0 : 0.737967914439 +2016-08-30 19:48:36,134 DEBUG: View 1 : 0.385026737968 +2016-08-30 19:48:36,153 DEBUG: View 2 : 0.508021390374 +2016-08-30 19:48:36,176 DEBUG: View 3 : 0.604278074866 +2016-08-30 19:48:38,253 DEBUG: Best view : View0 +2016-08-30 19:48:54,042 DEBUG: Start: Iteration 233 +2016-08-30 19:48:54,063 DEBUG: View 0 : 0.663101604278 +2016-08-30 19:48:54,084 DEBUG: View 1 : 0.486631016043 +2016-08-30 19:48:54,104 DEBUG: View 2 : 0.427807486631 +2016-08-30 19:48:54,127 DEBUG: View 3 : 0.604278074866 +2016-08-30 19:48:56,200 DEBUG: Best view : View0 +2016-08-30 19:49:12,070 DEBUG: Start: Iteration 234 +2016-08-30 19:49:12,092 DEBUG: View 0 : 0.716577540107 +2016-08-30 19:49:12,112 DEBUG: View 1 : 0.48128342246 +2016-08-30 19:49:12,131 DEBUG: View 2 : 0.550802139037 +2016-08-30 19:49:12,153 DEBUG: View 3 : 0.748663101604 +2016-08-30 19:49:14,251 DEBUG: Best view : View3 +2016-08-30 19:49:30,223 DEBUG: Start: Iteration 235 +2016-08-30 19:49:30,245 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:49:30,264 DEBUG: View 1 : 0.475935828877 +2016-08-30 19:49:30,283 DEBUG: View 2 : 0.401069518717 +2016-08-30 19:49:30,307 DEBUG: View 3 : 0.748663101604 +2016-08-30 19:49:32,413 DEBUG: Best view : View3 +2016-08-30 19:49:48,419 DEBUG: Start: Iteration 236 +2016-08-30 19:49:48,440 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:49:48,459 DEBUG: View 1 : 0.401069518717 +2016-08-30 19:49:48,479 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:49:48,501 DEBUG: View 3 : 0.711229946524 +2016-08-30 19:49:50,623 DEBUG: Best view : View3 +2016-08-30 19:50:06,664 DEBUG: Start: Iteration 237 +2016-08-30 19:50:06,685 DEBUG: View 0 : 0.775401069519 +2016-08-30 19:50:06,705 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:50:06,724 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:50:06,747 DEBUG: View 3 : 0.609625668449 +2016-08-30 19:50:08,861 DEBUG: Best view : View0 +2016-08-30 19:50:25,001 DEBUG: Start: Iteration 238 +2016-08-30 19:50:25,022 DEBUG: View 0 : 0.732620320856 +2016-08-30 19:50:25,041 DEBUG: View 1 : 0.454545454545 +2016-08-30 19:50:25,061 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:50:25,083 DEBUG: View 3 : 0.609625668449 +2016-08-30 19:50:27,230 DEBUG: Best view : View0 +2016-08-30 19:50:43,429 DEBUG: Start: Iteration 239 +2016-08-30 19:50:43,450 DEBUG: View 0 : 0.668449197861 +2016-08-30 19:50:43,469 DEBUG: View 1 : 0.449197860963 +2016-08-30 19:50:43,489 DEBUG: View 2 : 0.422459893048 +2016-08-30 19:50:43,511 DEBUG: View 3 : 0.764705882353 +2016-08-30 19:50:45,647 DEBUG: Best view : View3 +2016-08-30 19:51:01,900 DEBUG: Start: Iteration 240 +2016-08-30 19:51:01,922 DEBUG: View 0 : 0.668449197861 +2016-08-30 19:51:01,941 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:51:01,961 DEBUG: View 2 : 0.385026737968 +2016-08-30 19:51:01,984 DEBUG: View 3 : 0.705882352941 +2016-08-30 19:51:04,123 DEBUG: Best view : View3 +2016-08-30 19:51:20,585 DEBUG: Start: Iteration 241 +2016-08-30 19:51:20,606 DEBUG: View 0 : 0.657754010695 +2016-08-30 19:51:20,625 DEBUG: View 1 : 0.502673796791 +2016-08-30 19:51:20,645 DEBUG: View 2 : 0.540106951872 +2016-08-30 19:51:20,668 DEBUG: View 3 : 0.748663101604 +2016-08-30 19:51:22,808 DEBUG: Best view : View3 +2016-08-30 19:51:39,195 DEBUG: Start: Iteration 242 +2016-08-30 19:51:39,216 DEBUG: View 0 : 0.663101604278 +2016-08-30 19:51:39,236 DEBUG: View 1 : 0.449197860963 +2016-08-30 19:51:39,256 DEBUG: View 2 : 0.566844919786 +2016-08-30 19:51:39,278 DEBUG: View 3 : 0.748663101604 +2016-08-30 19:51:41,438 DEBUG: Best view : View3 +2016-08-30 19:51:57,875 DEBUG: Start: Iteration 243 +2016-08-30 19:51:57,896 DEBUG: View 0 : 0.711229946524 +2016-08-30 19:51:57,916 DEBUG: View 1 : 0.561497326203 +2016-08-30 19:51:57,936 DEBUG: View 2 : 0.508021390374 +2016-08-30 19:51:57,958 DEBUG: View 3 : 0.668449197861 +2016-08-30 19:52:00,133 DEBUG: Best view : View0 +2016-08-30 19:52:16,689 DEBUG: Start: Iteration 244 +2016-08-30 19:52:16,710 DEBUG: View 0 : 0.657754010695 +2016-08-30 19:52:16,730 DEBUG: View 1 : 0.427807486631 +2016-08-30 19:52:16,750 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:52:16,773 DEBUG: View 3 : 0.711229946524 +2016-08-30 19:52:18,953 DEBUG: Best view : View3 +2016-08-30 19:52:35,562 DEBUG: Start: Iteration 245 +2016-08-30 19:52:35,584 DEBUG: View 0 : 0.566844919786 +2016-08-30 19:52:35,603 DEBUG: View 1 : 0.379679144385 +2016-08-30 19:52:35,623 DEBUG: View 2 : 0.433155080214 +2016-08-30 19:52:35,645 DEBUG: View 3 : 0.711229946524 +2016-08-30 19:52:37,821 DEBUG: Best view : View3 +2016-08-30 19:52:54,493 DEBUG: Start: Iteration 246 +2016-08-30 19:52:54,514 DEBUG: View 0 : 0.727272727273 +2016-08-30 19:52:54,533 DEBUG: View 1 : 0.561497326203 +2016-08-30 19:52:54,553 DEBUG: View 2 : 0.566844919786 +2016-08-30 19:52:54,576 DEBUG: View 3 : 0.780748663102 +2016-08-30 19:52:56,770 DEBUG: Best view : View3 +2016-08-30 19:53:13,536 DEBUG: Start: Iteration 247 +2016-08-30 19:53:13,558 DEBUG: View 0 : 0.668449197861 +2016-08-30 19:53:13,578 DEBUG: View 1 : 0.508021390374 +2016-08-30 19:53:13,598 DEBUG: View 2 : 0.390374331551 +2016-08-30 19:53:13,621 DEBUG: View 3 : 0.652406417112 +2016-08-30 19:53:15,814 DEBUG: Best view : View3 +2016-08-30 19:53:32,597 DEBUG: Start: Iteration 248 +2016-08-30 19:53:32,618 DEBUG: View 0 : 0.68449197861 +2016-08-30 19:53:32,639 DEBUG: View 1 : 0.363636363636 +2016-08-30 19:53:32,658 DEBUG: View 2 : 0.561497326203 +2016-08-30 19:53:32,680 DEBUG: View 3 : 0.566844919786 +2016-08-30 19:53:34,884 DEBUG: Best view : View0 +2016-08-30 19:53:51,814 DEBUG: Start: Iteration 249 +2016-08-30 19:53:51,835 DEBUG: View 0 : 0.609625668449 +2016-08-30 19:53:51,855 DEBUG: View 1 : 0.513368983957 +2016-08-30 19:53:51,874 DEBUG: View 2 : 0.508021390374 +2016-08-30 19:53:51,896 DEBUG: View 3 : 0.754010695187 +2016-08-30 19:53:54,128 DEBUG: Best view : View3 +2016-08-30 19:54:11,158 DEBUG: Start: Iteration 250 +2016-08-30 19:54:11,179 DEBUG: View 0 : 0.668449197861 +2016-08-30 19:54:11,198 DEBUG: View 1 : 0.438502673797 +2016-08-30 19:54:11,219 DEBUG: View 2 : 0.395721925134 +2016-08-30 19:54:11,241 DEBUG: View 3 : 0.705882352941 +2016-08-30 19:54:13,460 DEBUG: Best view : View3 +2016-08-30 19:54:30,526 DEBUG: Start: Iteration 251 +2016-08-30 19:54:30,547 DEBUG: View 0 : 0.711229946524 +2016-08-30 19:54:30,567 DEBUG: View 1 : 0.438502673797 +2016-08-30 19:54:30,588 DEBUG: View 2 : 0.411764705882 +2016-08-30 19:54:30,611 DEBUG: View 3 : 0.748663101604 +2016-08-30 19:54:32,832 DEBUG: Best view : View3 +2016-08-30 19:54:49,949 DEBUG: Start: Iteration 252 +2016-08-30 19:54:49,970 DEBUG: View 0 : 0.652406417112 +2016-08-30 19:54:49,990 DEBUG: View 1 : 0.406417112299 +2016-08-30 19:54:50,010 DEBUG: View 2 : 0.395721925134 +2016-08-30 19:54:50,032 DEBUG: View 3 : 0.737967914439 +2016-08-30 19:54:52,282 DEBUG: Best view : View3 +2016-08-30 19:55:09,470 DEBUG: Start: Iteration 253 +2016-08-30 19:55:09,491 DEBUG: View 0 : 0.770053475936 +2016-08-30 19:55:09,510 DEBUG: View 1 : 0.529411764706 +2016-08-30 19:55:09,530 DEBUG: View 2 : 0.438502673797 +2016-08-30 19:55:09,553 DEBUG: View 3 : 0.775401069519 +2016-08-30 19:55:11,800 DEBUG: Best view : View3 +2016-08-30 19:55:28,982 DEBUG: Start: Iteration 254 +2016-08-30 19:55:29,002 DEBUG: View 0 : 0.743315508021 +2016-08-30 19:55:29,022 DEBUG: View 1 : 0.385026737968 +2016-08-30 19:55:29,042 DEBUG: View 2 : 0.454545454545 +2016-08-30 19:55:29,064 DEBUG: View 3 : 0.716577540107 +2016-08-30 19:55:31,303 DEBUG: Best view : View0 +2016-08-30 19:55:48,621 DEBUG: Start: Iteration 255 +2016-08-30 19:55:48,642 DEBUG: View 0 : 0.631016042781 +2016-08-30 19:55:48,661 DEBUG: View 1 : 0.534759358289 +2016-08-30 19:55:48,680 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:55:48,703 DEBUG: View 3 : 0.657754010695 +2016-08-30 19:55:50,960 DEBUG: Best view : View0 +2016-08-30 19:56:08,283 DEBUG: Start: Iteration 256 +2016-08-30 19:56:08,304 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:56:08,324 DEBUG: View 1 : 0.508021390374 +2016-08-30 19:56:08,344 DEBUG: View 2 : 0.390374331551 +2016-08-30 19:56:08,368 DEBUG: View 3 : 0.577540106952 +2016-08-30 19:56:10,624 DEBUG: Best view : View0 +2016-08-30 19:56:28,068 DEBUG: Start: Iteration 257 +2016-08-30 19:56:28,089 DEBUG: View 0 : 0.68449197861 +2016-08-30 19:56:28,108 DEBUG: View 1 : 0.342245989305 +2016-08-30 19:56:28,128 DEBUG: View 2 : 0.363636363636 +2016-08-30 19:56:28,150 DEBUG: View 3 : 0.737967914439 +2016-08-30 19:56:30,429 DEBUG: Best view : View3 +2016-08-30 19:56:47,958 DEBUG: Start: Iteration 258 +2016-08-30 19:56:47,980 DEBUG: View 0 : 0.673796791444 +2016-08-30 19:56:47,999 DEBUG: View 1 : 0.433155080214 +2016-08-30 19:56:48,019 DEBUG: View 2 : 0.491978609626 +2016-08-30 19:56:48,041 DEBUG: View 3 : 0.711229946524 +2016-08-30 19:56:50,309 DEBUG: Best view : View3 +2016-08-30 19:57:07,823 DEBUG: Start: Iteration 259 +2016-08-30 19:57:07,844 DEBUG: View 0 : 0.754010695187 +2016-08-30 19:57:07,863 DEBUG: View 1 : 0.465240641711 +2016-08-30 19:57:07,883 DEBUG: View 2 : 0.48128342246 +2016-08-30 19:57:07,906 DEBUG: View 3 : 0.737967914439 +2016-08-30 19:57:10,198 DEBUG: Best view : View0 +2016-08-30 19:57:27,810 DEBUG: Start: Iteration 260 +2016-08-30 19:57:27,832 DEBUG: View 0 : 0.727272727273 +2016-08-30 19:57:27,851 DEBUG: View 1 : 0.497326203209 +2016-08-30 19:57:27,871 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:57:27,893 DEBUG: View 3 : 0.657754010695 +2016-08-30 19:57:30,175 DEBUG: Best view : View0 +2016-08-30 19:57:47,877 DEBUG: Start: Iteration 261 +2016-08-30 19:57:47,898 DEBUG: View 0 : 0.689839572193 +2016-08-30 19:57:47,917 DEBUG: View 1 : 0.566844919786 +2016-08-30 19:57:47,937 DEBUG: View 2 : 0.352941176471 +2016-08-30 19:57:47,960 DEBUG: View 3 : 0.818181818182 +2016-08-30 19:57:50,251 DEBUG: Best view : View3 +2016-08-30 19:58:07,993 DEBUG: Start: Iteration 262 +2016-08-30 19:58:08,014 DEBUG: View 0 : 0.679144385027 +2016-08-30 19:58:08,034 DEBUG: View 1 : 0.459893048128 +2016-08-30 19:58:08,054 DEBUG: View 2 : 0.395721925134 +2016-08-30 19:58:08,077 DEBUG: View 3 : 0.818181818182 +2016-08-30 19:58:10,401 DEBUG: Best view : View3 +2016-08-30 19:58:28,241 DEBUG: Start: Iteration 263 +2016-08-30 19:58:28,262 DEBUG: View 0 : 0.577540106952 +2016-08-30 19:58:28,281 DEBUG: View 1 : 0.486631016043 +2016-08-30 19:58:28,301 DEBUG: View 2 : 0.417112299465 +2016-08-30 19:58:28,324 DEBUG: View 3 : 0.791443850267 +2016-08-30 19:58:30,664 DEBUG: Best view : View3 +2016-08-30 19:58:48,641 DEBUG: Start: Iteration 264 +2016-08-30 19:58:48,663 DEBUG: View 0 : 0.737967914439 +2016-08-30 19:58:48,682 DEBUG: View 1 : 0.51871657754 +2016-08-30 19:58:48,703 DEBUG: View 2 : 0.491978609626 +2016-08-30 19:58:48,727 DEBUG: View 3 : 0.604278074866 +2016-08-30 19:58:51,078 DEBUG: Best view : View0 +2016-08-30 19:59:09,066 DEBUG: Start: Iteration 265 +2016-08-30 19:59:09,088 DEBUG: View 0 : 0.68449197861 +2016-08-30 19:59:09,107 DEBUG: View 1 : 0.427807486631 +2016-08-30 19:59:09,127 DEBUG: View 2 : 0.497326203209 +2016-08-30 19:59:09,150 DEBUG: View 3 : 0.604278074866 +2016-08-30 19:59:11,469 DEBUG: Best view : View0 +2016-08-30 19:59:29,499 DEBUG: Start: Iteration 266 +2016-08-30 19:59:29,519 DEBUG: View 0 : 0.700534759358 +2016-08-30 19:59:29,539 DEBUG: View 1 : 0.406417112299 +2016-08-30 19:59:29,558 DEBUG: View 2 : 0.406417112299 +2016-08-30 19:59:29,581 DEBUG: View 3 : 0.641711229947 +2016-08-30 19:59:31,899 DEBUG: Best view : View0 +2016-08-30 19:59:50,073 DEBUG: Start: Iteration 267 +2016-08-30 19:59:50,094 DEBUG: View 0 : 0.566844919786 +2016-08-30 19:59:50,113 DEBUG: View 1 : 0.545454545455 +2016-08-30 19:59:50,133 DEBUG: View 2 : 0.427807486631 +2016-08-30 19:59:50,156 DEBUG: View 3 : 0.716577540107 +2016-08-30 19:59:52,487 DEBUG: Best view : View3 +2016-08-30 20:00:10,676 DEBUG: Start: Iteration 268 +2016-08-30 20:00:10,699 DEBUG: View 0 : 0.700534759358 +2016-08-30 20:00:10,720 DEBUG: View 1 : 0.48128342246 +2016-08-30 20:00:10,740 DEBUG: View 2 : 0.433155080214 +2016-08-30 20:00:10,763 DEBUG: View 3 : 0.818181818182 +2016-08-30 20:00:13,100 DEBUG: Best view : View3 +2016-08-30 20:00:31,414 DEBUG: Start: Iteration 269 +2016-08-30 20:00:31,435 DEBUG: View 0 : 0.700534759358 +2016-08-30 20:00:31,455 DEBUG: View 1 : 0.508021390374 +2016-08-30 20:00:31,475 DEBUG: View 2 : 0.454545454545 +2016-08-30 20:00:31,498 DEBUG: View 3 : 0.711229946524 +2016-08-30 20:00:33,849 DEBUG: Best view : View3 +2016-08-30 20:00:52,130 DEBUG: Start: Iteration 270 +2016-08-30 20:00:52,151 DEBUG: View 0 : 0.727272727273 +2016-08-30 20:00:52,172 DEBUG: View 1 : 0.459893048128 +2016-08-30 20:00:52,192 DEBUG: View 2 : 0.411764705882 +2016-08-30 20:00:52,215 DEBUG: View 3 : 0.598930481283 +2016-08-30 20:00:54,575 DEBUG: Best view : View0 +2016-08-30 20:01:13,000 DEBUG: Start: Iteration 271 +2016-08-30 20:01:13,021 DEBUG: View 0 : 0.545454545455 +2016-08-30 20:01:13,041 DEBUG: View 1 : 0.459893048128 +2016-08-30 20:01:13,061 DEBUG: View 2 : 0.406417112299 +2016-08-30 20:01:13,083 DEBUG: View 3 : 0.614973262032 +2016-08-30 20:01:15,457 DEBUG: Best view : View3 +2016-08-30 20:01:33,872 DEBUG: Start: Iteration 272 +2016-08-30 20:01:33,894 DEBUG: View 0 : 0.727272727273 +2016-08-30 20:01:33,913 DEBUG: View 1 : 0.497326203209 +2016-08-30 20:01:33,932 DEBUG: View 2 : 0.438502673797 +2016-08-30 20:01:33,955 DEBUG: View 3 : 0.614973262032 +2016-08-30 20:01:36,331 DEBUG: Best view : View0 +2016-08-30 20:01:54,856 DEBUG: Start: Iteration 273 +2016-08-30 20:01:54,877 DEBUG: View 0 : 0.75935828877 +2016-08-30 20:01:54,897 DEBUG: View 1 : 0.609625668449 +2016-08-30 20:01:54,916 DEBUG: View 2 : 0.374331550802 +2016-08-30 20:01:54,939 DEBUG: View 3 : 0.802139037433 +2016-08-30 20:01:57,321 DEBUG: Best view : View3 +2016-08-30 20:02:15,948 DEBUG: Start: Iteration 274 +2016-08-30 20:02:15,969 DEBUG: View 0 : 0.72192513369 +2016-08-30 20:02:15,989 DEBUG: View 1 : 0.422459893048 +2016-08-30 20:02:16,009 DEBUG: View 2 : 0.454545454545 +2016-08-30 20:02:16,031 DEBUG: View 3 : 0.598930481283 +2016-08-30 20:02:18,430 DEBUG: Best view : View0 +2016-08-30 20:02:37,120 DEBUG: Start: Iteration 275 +2016-08-30 20:02:37,141 DEBUG: View 0 : 0.641711229947 +2016-08-30 20:02:37,160 DEBUG: View 1 : 0.470588235294 +2016-08-30 20:02:37,180 DEBUG: View 2 : 0.433155080214 +2016-08-30 20:02:37,203 DEBUG: View 3 : 0.657754010695 +2016-08-30 20:02:39,610 DEBUG: Best view : View0 +2016-08-30 20:02:58,341 DEBUG: Start: Iteration 276 +2016-08-30 20:02:58,362 DEBUG: View 0 : 0.700534759358 +2016-08-30 20:02:58,382 DEBUG: View 1 : 0.475935828877 +2016-08-30 20:02:58,401 DEBUG: View 2 : 0.427807486631 +2016-08-30 20:02:58,424 DEBUG: View 3 : 0.582887700535 +2016-08-30 20:03:00,815 DEBUG: Best view : View0 +2016-08-30 20:03:19,557 DEBUG: Start: Iteration 277 +2016-08-30 20:03:19,578 DEBUG: View 0 : 0.732620320856 +2016-08-30 20:03:19,597 DEBUG: View 1 : 0.422459893048 +2016-08-30 20:03:19,616 DEBUG: View 2 : 0.540106951872 +2016-08-30 20:03:19,638 DEBUG: View 3 : 0.716577540107 +2016-08-30 20:03:22,058 DEBUG: Best view : View3 +2016-08-30 20:03:40,859 DEBUG: Start: Iteration 278 +2016-08-30 20:03:40,880 DEBUG: View 0 : 0.668449197861 +2016-08-30 20:03:40,900 DEBUG: View 1 : 0.454545454545 +2016-08-30 20:03:40,919 DEBUG: View 2 : 0.51871657754 +2016-08-30 20:03:40,942 DEBUG: View 3 : 0.711229946524 +2016-08-30 20:03:43,363 DEBUG: Best view : View3 +2016-08-30 20:04:02,292 DEBUG: Start: Iteration 279 +2016-08-30 20:04:02,312 DEBUG: View 0 : 0.737967914439 +2016-08-30 20:04:02,332 DEBUG: View 1 : 0.411764705882 +2016-08-30 20:04:02,352 DEBUG: View 2 : 0.459893048128 +2016-08-30 20:04:02,375 DEBUG: View 3 : 0.711229946524 +2016-08-30 20:04:04,819 DEBUG: Best view : View3 +2016-08-30 20:04:23,844 DEBUG: Start: Iteration 280 +2016-08-30 20:04:23,865 DEBUG: View 0 : 0.679144385027 +2016-08-30 20:04:23,884 DEBUG: View 1 : 0.513368983957 +2016-08-30 20:04:23,904 DEBUG: View 2 : 0.502673796791 +2016-08-30 20:04:23,927 DEBUG: View 3 : 0.572192513369 +2016-08-30 20:04:26,338 DEBUG: Best view : View0 +2016-08-30 20:04:45,469 DEBUG: Start: Iteration 281 +2016-08-30 20:04:45,490 DEBUG: View 0 : 0.657754010695 +2016-08-30 20:04:45,510 DEBUG: View 1 : 0.347593582888 +2016-08-30 20:04:45,529 DEBUG: View 2 : 0.497326203209 +2016-08-30 20:04:45,552 DEBUG: View 3 : 0.68449197861 +2016-08-30 20:04:48,000 DEBUG: Best view : View3 +2016-08-30 20:05:07,162 DEBUG: Start: Iteration 282 +2016-08-30 20:05:07,184 DEBUG: View 0 : 0.807486631016 +2016-08-30 20:05:07,203 DEBUG: View 1 : 0.379679144385 +2016-08-30 20:05:07,223 DEBUG: View 2 : 0.454545454545 +2016-08-30 20:05:07,246 DEBUG: View 3 : 0.561497326203 +2016-08-30 20:05:09,721 DEBUG: Best view : View0 +2016-08-30 20:05:28,980 DEBUG: Start: Iteration 283 +2016-08-30 20:05:29,001 DEBUG: View 0 : 0.770053475936 +2016-08-30 20:05:29,021 DEBUG: View 1 : 0.347593582888 +2016-08-30 20:05:29,040 DEBUG: View 2 : 0.529411764706 +2016-08-30 20:05:29,062 DEBUG: View 3 : 0.716577540107 +2016-08-30 20:05:31,516 DEBUG: Best view : View0 +2016-08-30 20:05:50,875 DEBUG: Start: Iteration 284 +2016-08-30 20:05:50,896 DEBUG: View 0 : 0.72192513369 +2016-08-30 20:05:50,916 DEBUG: View 1 : 0.449197860963 +2016-08-30 20:05:50,936 DEBUG: View 2 : 0.417112299465 +2016-08-30 20:05:50,959 DEBUG: View 3 : 0.716577540107 +2016-08-30 20:05:53,409 DEBUG: Best view : View3 +2016-08-30 20:06:12,791 DEBUG: Start: Iteration 285 +2016-08-30 20:06:12,813 DEBUG: View 0 : 0.737967914439 +2016-08-30 20:06:12,832 DEBUG: View 1 : 0.524064171123 +2016-08-30 20:06:12,852 DEBUG: View 2 : 0.395721925134 +2016-08-30 20:06:12,874 DEBUG: View 3 : 0.791443850267 +2016-08-30 20:06:15,348 DEBUG: Best view : View3 +2016-08-30 20:06:34,807 DEBUG: Start: Iteration 286 +2016-08-30 20:06:34,828 DEBUG: View 0 : 0.689839572193 +2016-08-30 20:06:34,848 DEBUG: View 1 : 0.449197860963 +2016-08-30 20:06:34,868 DEBUG: View 2 : 0.395721925134 +2016-08-30 20:06:34,891 DEBUG: View 3 : 0.737967914439 +2016-08-30 20:06:37,367 DEBUG: Best view : View3 +2016-08-30 20:06:56,815 DEBUG: Start: Iteration 287 +2016-08-30 20:06:56,837 DEBUG: View 0 : 0.700534759358 +2016-08-30 20:06:56,857 DEBUG: View 1 : 0.368983957219 +2016-08-30 20:06:56,877 DEBUG: View 2 : 0.598930481283 +2016-08-30 20:06:56,900 DEBUG: View 3 : 0.754010695187 +2016-08-30 20:06:59,414 DEBUG: Best view : View3 +2016-08-30 20:07:18,919 DEBUG: Start: Iteration 288 +2016-08-30 20:07:18,940 DEBUG: View 0 : 0.75935828877 +2016-08-30 20:07:18,959 DEBUG: View 1 : 0.390374331551 +2016-08-30 20:07:18,978 DEBUG: View 2 : 0.438502673797 +2016-08-30 20:07:19,000 DEBUG: View 3 : 0.754010695187 +2016-08-30 20:07:21,498 DEBUG: Best view : View3 +2016-08-30 20:07:41,188 DEBUG: Start: Iteration 289 +2016-08-30 20:07:41,209 DEBUG: View 0 : 0.748663101604 +2016-08-30 20:07:41,229 DEBUG: View 1 : 0.540106951872 +2016-08-30 20:07:41,249 DEBUG: View 2 : 0.417112299465 +2016-08-30 20:07:41,271 DEBUG: View 3 : 0.75935828877 +2016-08-30 20:07:43,774 DEBUG: Best view : View3 +2016-08-30 20:08:03,545 DEBUG: Start: Iteration 290 +2016-08-30 20:08:03,566 DEBUG: View 0 : 0.737967914439 +2016-08-30 20:08:03,586 DEBUG: View 1 : 0.475935828877 +2016-08-30 20:08:03,606 DEBUG: View 2 : 0.44385026738 +2016-08-30 20:08:03,629 DEBUG: View 3 : 0.775401069519 +2016-08-30 20:08:06,163 DEBUG: Best view : View3 +2016-08-30 20:08:25,905 DEBUG: Start: Iteration 291 +2016-08-30 20:08:25,926 DEBUG: View 0 : 0.727272727273 +2016-08-30 20:08:25,945 DEBUG: View 1 : 0.497326203209 +2016-08-30 20:08:25,965 DEBUG: View 2 : 0.465240641711 +2016-08-30 20:08:25,988 DEBUG: View 3 : 0.802139037433 +2016-08-30 20:08:28,500 DEBUG: Best view : View3 +2016-08-30 20:08:48,326 DEBUG: Start: Iteration 292 +2016-08-30 20:08:48,348 DEBUG: View 0 : 0.72192513369 +2016-08-30 20:08:48,368 DEBUG: View 1 : 0.433155080214 +2016-08-30 20:08:48,388 DEBUG: View 2 : 0.411764705882 +2016-08-30 20:08:48,410 DEBUG: View 3 : 0.802139037433 +2016-08-30 20:08:50,944 DEBUG: Best view : View3 +2016-08-30 20:09:10,802 DEBUG: Start: Iteration 293 +2016-08-30 20:09:10,823 DEBUG: View 0 : 0.679144385027 +2016-08-30 20:09:10,842 DEBUG: View 1 : 0.422459893048 +2016-08-30 20:09:10,862 DEBUG: View 2 : 0.438502673797 +2016-08-30 20:09:10,884 DEBUG: View 3 : 0.770053475936 +2016-08-30 20:09:13,413 DEBUG: Best view : View3 +2016-08-30 20:09:33,315 DEBUG: Start: Iteration 294 +2016-08-30 20:09:33,336 DEBUG: View 0 : 0.689839572193 +2016-08-30 20:09:33,355 DEBUG: View 1 : 0.48128342246 +2016-08-30 20:09:33,375 DEBUG: View 2 : 0.491978609626 +2016-08-30 20:09:33,397 DEBUG: View 3 : 0.770053475936 +2016-08-30 20:09:35,936 DEBUG: Best view : View3 +2016-08-30 20:09:55,893 DEBUG: Start: Iteration 295 +2016-08-30 20:09:55,914 DEBUG: View 0 : 0.700534759358 +2016-08-30 20:09:55,933 DEBUG: View 1 : 0.524064171123 +2016-08-30 20:09:55,953 DEBUG: View 2 : 0.422459893048 +2016-08-30 20:09:55,976 DEBUG: View 3 : 0.561497326203 +2016-08-30 20:09:58,523 DEBUG: Best view : View0 +2016-08-30 20:10:18,632 DEBUG: Start: Iteration 296 +2016-08-30 20:10:18,653 DEBUG: View 0 : 0.732620320856 +2016-08-30 20:10:18,673 DEBUG: View 1 : 0.449197860963 +2016-08-30 20:10:18,692 DEBUG: View 2 : 0.411764705882 +2016-08-30 20:10:18,715 DEBUG: View 3 : 0.561497326203 +2016-08-30 20:10:21,261 DEBUG: Best view : View0 +2016-08-30 20:10:41,369 DEBUG: Start: Iteration 297 +2016-08-30 20:10:41,390 DEBUG: View 0 : 0.770053475936 +2016-08-30 20:10:41,409 DEBUG: View 1 : 0.465240641711 +2016-08-30 20:10:41,429 DEBUG: View 2 : 0.401069518717 +2016-08-30 20:10:41,451 DEBUG: View 3 : 0.561497326203 +2016-08-30 20:10:44,003 DEBUG: Best view : View0 +2016-08-30 20:11:04,156 DEBUG: Start: Iteration 298 +2016-08-30 20:11:04,177 DEBUG: View 0 : 0.711229946524 +2016-08-30 20:11:04,196 DEBUG: View 1 : 0.438502673797 +2016-08-30 20:11:04,215 DEBUG: View 2 : 0.411764705882 +2016-08-30 20:11:04,238 DEBUG: View 3 : 0.754010695187 +2016-08-30 20:11:06,821 DEBUG: Best view : View3 +2016-08-30 20:11:27,078 DEBUG: Start: Iteration 299 +2016-08-30 20:11:27,099 DEBUG: View 0 : 0.673796791444 +2016-08-30 20:11:27,119 DEBUG: View 1 : 0.454545454545 +2016-08-30 20:11:27,139 DEBUG: View 2 : 0.513368983957 +2016-08-30 20:11:27,162 DEBUG: View 3 : 0.711229946524 +2016-08-30 20:11:29,751 DEBUG: Best view : View3 +2016-08-30 20:11:50,075 DEBUG: Start: Iteration 300 +2016-08-30 20:11:50,096 DEBUG: View 0 : 0.657754010695 +2016-08-30 20:11:50,116 DEBUG: View 1 : 0.406417112299 +2016-08-30 20:11:50,136 DEBUG: View 2 : 0.540106951872 +2016-08-30 20:11:50,158 DEBUG: View 3 : 0.711229946524 +2016-08-30 20:11:52,725 DEBUG: Best view : View3 +2016-08-30 20:12:13,142 DEBUG: Start: Iteration 301 +2016-08-30 20:12:13,163 DEBUG: View 0 : 0.72192513369 +2016-08-30 20:12:13,183 DEBUG: View 1 : 0.438502673797 +2016-08-30 20:12:13,203 DEBUG: View 2 : 0.411764705882 +2016-08-30 20:12:13,225 DEBUG: View 3 : 0.561497326203 +2016-08-30 20:12:15,826 DEBUG: Best view : View0 +2016-08-30 20:12:36,337 DEBUG: Start: Iteration 302 +2016-08-30 20:12:36,361 DEBUG: View 0 : 0.652406417112 +2016-08-30 20:12:36,383 DEBUG: View 1 : 0.433155080214 +2016-08-30 20:12:36,406 DEBUG: View 2 : 0.411764705882 +2016-08-30 20:12:36,433 DEBUG: View 3 : 0.727272727273 +2016-08-30 20:12:39,086 DEBUG: Best view : View3 +2016-08-30 20:12:59,599 INFO: Start: Classification +2016-08-30 20:13:32,478 INFO: Done: Fold number 2 +2016-08-30 20:13:32,501 INFO: Start: Fold number 3 +2016-08-30 20:13:40,637 DEBUG: Start: Iteration 1 +2016-08-30 20:13:40,657 DEBUG: View 0 : 0.0846560846561 +2016-08-30 20:13:40,675 DEBUG: View 1 : 0.0846560846561 +2016-08-30 20:13:40,693 DEBUG: View 2 : 0.0846560846561 +2016-08-30 20:13:40,715 DEBUG: View 3 : 0.0846560846561 +2016-08-30 20:13:40,715 WARNING: WARNING: All bad for iteration 0 +2016-08-30 20:13:40,998 DEBUG: Best view : View0 +2016-08-30 20:13:41,122 DEBUG: Start: Iteration 2 +2016-08-30 20:13:41,143 DEBUG: View 0 : 0.68253968254 +2016-08-30 20:13:41,163 DEBUG: View 1 : 0.497354497354 +2016-08-30 20:13:41,183 DEBUG: View 2 : 0.560846560847 +2016-08-30 20:13:41,206 DEBUG: View 3 : 0.634920634921 +2016-08-30 20:13:41,499 DEBUG: Best view : View0 +2016-08-30 20:13:41,693 DEBUG: Start: Iteration 3 +2016-08-30 20:13:41,715 DEBUG: View 0 : 0.677248677249 +2016-08-30 20:13:41,735 DEBUG: View 1 : 0.375661375661 +2016-08-30 20:13:41,755 DEBUG: View 2 : 0.544973544974 +2016-08-30 20:13:41,778 DEBUG: View 3 : 0.634920634921 +2016-08-30 20:13:42,403 DEBUG: Best view : View0 +2016-08-30 20:13:42,678 DEBUG: Start: Iteration 4 +2016-08-30 20:13:42,700 DEBUG: View 0 : 0.544973544974 +2016-08-30 20:13:42,719 DEBUG: View 1 : 0.365079365079 +2016-08-30 20:13:42,739 DEBUG: View 2 : 0.407407407407 +2016-08-30 20:13:42,762 DEBUG: View 3 : 0.756613756614 +2016-08-30 20:13:43,201 DEBUG: Best view : View3 +2016-08-30 20:13:43,540 DEBUG: Start: Iteration 5 +2016-08-30 20:13:43,562 DEBUG: View 0 : 0.439153439153 +2016-08-30 20:13:43,581 DEBUG: View 1 : 0.460317460317 +2016-08-30 20:13:43,601 DEBUG: View 2 : 0.391534391534 +2016-08-30 20:13:43,623 DEBUG: View 3 : 0.671957671958 +2016-08-30 20:13:44,029 DEBUG: Best view : View3 +2016-08-30 20:13:44,445 DEBUG: Start: Iteration 6 +2016-08-30 20:13:44,467 DEBUG: View 0 : 0.708994708995 +2016-08-30 20:13:44,486 DEBUG: View 1 : 0.396825396825 +2016-08-30 20:13:44,506 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:13:44,530 DEBUG: View 3 : 0.724867724868 +2016-08-30 20:13:44,893 DEBUG: Best view : View3 +2016-08-30 20:13:45,367 DEBUG: Start: Iteration 7 +2016-08-30 20:13:45,389 DEBUG: View 0 : 0.592592592593 +2016-08-30 20:13:45,410 DEBUG: View 1 : 0.349206349206 +2016-08-30 20:13:45,431 DEBUG: View 2 : 0.492063492063 +2016-08-30 20:13:45,455 DEBUG: View 3 : 0.746031746032 +2016-08-30 20:13:45,833 DEBUG: Best view : View3 +2016-08-30 20:13:46,373 DEBUG: Start: Iteration 8 +2016-08-30 20:13:46,395 DEBUG: View 0 : 0.703703703704 +2016-08-30 20:13:46,415 DEBUG: View 1 : 0.312169312169 +2016-08-30 20:13:46,435 DEBUG: View 2 : 0.449735449735 +2016-08-30 20:13:46,458 DEBUG: View 3 : 0.698412698413 +2016-08-30 20:13:46,842 DEBUG: Best view : View0 +2016-08-30 20:13:47,453 DEBUG: Start: Iteration 9 +2016-08-30 20:13:47,474 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:13:47,495 DEBUG: View 1 : 0.402116402116 +2016-08-30 20:13:47,515 DEBUG: View 2 : 0.597883597884 +2016-08-30 20:13:47,538 DEBUG: View 3 : 0.433862433862 +2016-08-30 20:13:47,927 DEBUG: Best view : View2 +2016-08-30 20:13:48,609 DEBUG: Start: Iteration 10 +2016-08-30 20:13:48,630 DEBUG: View 0 : 0.677248677249 +2016-08-30 20:13:48,651 DEBUG: View 1 : 0.412698412698 +2016-08-30 20:13:48,672 DEBUG: View 2 : 0.544973544974 +2016-08-30 20:13:48,694 DEBUG: View 3 : 0.439153439153 +2016-08-30 20:13:49,092 DEBUG: Best view : View0 +2016-08-30 20:13:49,843 DEBUG: Start: Iteration 11 +2016-08-30 20:13:49,864 DEBUG: View 0 : 0.507936507937 +2016-08-30 20:13:49,884 DEBUG: View 1 : 0.497354497354 +2016-08-30 20:13:49,905 DEBUG: View 2 : 0.455026455026 +2016-08-30 20:13:49,927 DEBUG: View 3 : 0.439153439153 +2016-08-30 20:13:50,344 DEBUG: Best view : View0 +2016-08-30 20:13:51,191 DEBUG: Start: Iteration 12 +2016-08-30 20:13:51,213 DEBUG: View 0 : 0.587301587302 +2016-08-30 20:13:51,233 DEBUG: View 1 : 0.439153439153 +2016-08-30 20:13:51,254 DEBUG: View 2 : 0.518518518519 +2016-08-30 20:13:51,276 DEBUG: View 3 : 0.439153439153 +2016-08-30 20:13:51,709 DEBUG: Best view : View0 +2016-08-30 20:13:52,605 DEBUG: Start: Iteration 13 +2016-08-30 20:13:52,628 DEBUG: View 0 : 0.661375661376 +2016-08-30 20:13:52,648 DEBUG: View 1 : 0.412698412698 +2016-08-30 20:13:52,669 DEBUG: View 2 : 0.486772486772 +2016-08-30 20:13:52,692 DEBUG: View 3 : 0.444444444444 +2016-08-30 20:13:53,117 DEBUG: Best view : View0 +2016-08-30 20:13:54,071 DEBUG: Start: Iteration 14 +2016-08-30 20:13:54,093 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:13:54,113 DEBUG: View 1 : 0.62962962963 +2016-08-30 20:13:54,133 DEBUG: View 2 : 0.539682539683 +2016-08-30 20:13:54,157 DEBUG: View 3 : 0.57671957672 +2016-08-30 20:13:54,610 DEBUG: Best view : View1 +2016-08-30 20:13:55,638 DEBUG: Start: Iteration 15 +2016-08-30 20:13:55,659 DEBUG: View 0 : 0.597883597884 +2016-08-30 20:13:55,680 DEBUG: View 1 : 0.417989417989 +2016-08-30 20:13:55,700 DEBUG: View 2 : 0.391534391534 +2016-08-30 20:13:55,723 DEBUG: View 3 : 0.444444444444 +2016-08-30 20:13:56,179 DEBUG: Best view : View0 +2016-08-30 20:13:57,276 DEBUG: Start: Iteration 16 +2016-08-30 20:13:57,298 DEBUG: View 0 : 0.571428571429 +2016-08-30 20:13:57,318 DEBUG: View 1 : 0.343915343915 +2016-08-30 20:13:57,338 DEBUG: View 2 : 0.529100529101 +2016-08-30 20:13:57,361 DEBUG: View 3 : 0.444444444444 +2016-08-30 20:13:57,834 DEBUG: Best view : View2 +2016-08-30 20:13:59,015 DEBUG: Start: Iteration 17 +2016-08-30 20:13:59,036 DEBUG: View 0 : 0.560846560847 +2016-08-30 20:13:59,056 DEBUG: View 1 : 0.359788359788 +2016-08-30 20:13:59,077 DEBUG: View 2 : 0.455026455026 +2016-08-30 20:13:59,100 DEBUG: View 3 : 0.587301587302 +2016-08-30 20:13:59,580 DEBUG: Best view : View3 +2016-08-30 20:14:00,830 DEBUG: Start: Iteration 18 +2016-08-30 20:14:00,852 DEBUG: View 0 : 0.582010582011 +2016-08-30 20:14:00,871 DEBUG: View 1 : 0.312169312169 +2016-08-30 20:14:00,892 DEBUG: View 2 : 0.412698412698 +2016-08-30 20:14:00,916 DEBUG: View 3 : 0.587301587302 +2016-08-30 20:14:01,388 DEBUG: Best view : View3 +2016-08-30 20:14:02,706 DEBUG: Start: Iteration 19 +2016-08-30 20:14:02,728 DEBUG: View 0 : 0.687830687831 +2016-08-30 20:14:02,747 DEBUG: View 1 : 0.31746031746 +2016-08-30 20:14:02,768 DEBUG: View 2 : 0.42328042328 +2016-08-30 20:14:02,790 DEBUG: View 3 : 0.597883597884 +2016-08-30 20:14:03,275 DEBUG: Best view : View0 +2016-08-30 20:14:04,649 DEBUG: Start: Iteration 20 +2016-08-30 20:14:04,671 DEBUG: View 0 : 0.634920634921 +2016-08-30 20:14:04,691 DEBUG: View 1 : 0.375661375661 +2016-08-30 20:14:04,711 DEBUG: View 2 : 0.486772486772 +2016-08-30 20:14:04,735 DEBUG: View 3 : 0.666666666667 +2016-08-30 20:14:05,230 DEBUG: Best view : View3 +2016-08-30 20:14:06,669 DEBUG: Start: Iteration 21 +2016-08-30 20:14:06,691 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:14:06,712 DEBUG: View 1 : 0.31746031746 +2016-08-30 20:14:06,732 DEBUG: View 2 : 0.417989417989 +2016-08-30 20:14:06,756 DEBUG: View 3 : 0.666666666667 +2016-08-30 20:14:07,264 DEBUG: Best view : View3 +2016-08-30 20:14:08,772 DEBUG: Start: Iteration 22 +2016-08-30 20:14:08,793 DEBUG: View 0 : 0.698412698413 +2016-08-30 20:14:08,812 DEBUG: View 1 : 0.328042328042 +2016-08-30 20:14:08,832 DEBUG: View 2 : 0.481481481481 +2016-08-30 20:14:08,854 DEBUG: View 3 : 0.534391534392 +2016-08-30 20:14:09,370 DEBUG: Best view : View0 +2016-08-30 20:14:10,944 DEBUG: Start: Iteration 23 +2016-08-30 20:14:10,965 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:14:10,984 DEBUG: View 1 : 0.571428571429 +2016-08-30 20:14:11,004 DEBUG: View 2 : 0.47619047619 +2016-08-30 20:14:11,027 DEBUG: View 3 : 0.534391534392 +2016-08-30 20:14:11,544 DEBUG: Best view : View0 +2016-08-30 20:14:13,187 DEBUG: Start: Iteration 24 +2016-08-30 20:14:13,209 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:14:13,229 DEBUG: View 1 : 0.396825396825 +2016-08-30 20:14:13,248 DEBUG: View 2 : 0.507936507937 +2016-08-30 20:14:13,271 DEBUG: View 3 : 0.529100529101 +2016-08-30 20:14:13,817 DEBUG: Best view : View0 +2016-08-30 20:14:15,532 DEBUG: Start: Iteration 25 +2016-08-30 20:14:15,553 DEBUG: View 0 : 0.603174603175 +2016-08-30 20:14:15,572 DEBUG: View 1 : 0.407407407407 +2016-08-30 20:14:15,592 DEBUG: View 2 : 0.534391534392 +2016-08-30 20:14:15,615 DEBUG: View 3 : 0.529100529101 +2016-08-30 20:14:16,151 DEBUG: Best view : View0 +2016-08-30 20:14:17,935 DEBUG: Start: Iteration 26 +2016-08-30 20:14:17,957 DEBUG: View 0 : 0.592592592593 +2016-08-30 20:14:17,976 DEBUG: View 1 : 0.428571428571 +2016-08-30 20:14:17,996 DEBUG: View 2 : 0.592592592593 +2016-08-30 20:14:18,019 DEBUG: View 3 : 0.460317460317 +2016-08-30 20:14:18,555 DEBUG: Best view : View2 +2016-08-30 20:14:20,412 DEBUG: Start: Iteration 27 +2016-08-30 20:14:20,434 DEBUG: View 0 : 0.592592592593 +2016-08-30 20:14:20,455 DEBUG: View 1 : 0.31746031746 +2016-08-30 20:14:20,475 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:14:20,498 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:14:21,047 DEBUG: Best view : View3 +2016-08-30 20:14:22,963 DEBUG: Start: Iteration 28 +2016-08-30 20:14:22,985 DEBUG: View 0 : 0.724867724868 +2016-08-30 20:14:23,004 DEBUG: View 1 : 0.375661375661 +2016-08-30 20:14:23,024 DEBUG: View 2 : 0.428571428571 +2016-08-30 20:14:23,047 DEBUG: View 3 : 0.68253968254 +2016-08-30 20:14:23,609 DEBUG: Best view : View0 +2016-08-30 20:14:25,600 DEBUG: Start: Iteration 29 +2016-08-30 20:14:25,621 DEBUG: View 0 : 0.656084656085 +2016-08-30 20:14:25,640 DEBUG: View 1 : 0.529100529101 +2016-08-30 20:14:25,660 DEBUG: View 2 : 0.544973544974 +2016-08-30 20:14:25,682 DEBUG: View 3 : 0.624338624339 +2016-08-30 20:14:26,244 DEBUG: Best view : View0 +2016-08-30 20:14:28,304 DEBUG: Start: Iteration 30 +2016-08-30 20:14:28,325 DEBUG: View 0 : 0.645502645503 +2016-08-30 20:14:28,344 DEBUG: View 1 : 0.417989417989 +2016-08-30 20:14:28,365 DEBUG: View 2 : 0.52380952381 +2016-08-30 20:14:28,387 DEBUG: View 3 : 0.708994708995 +2016-08-30 20:14:28,959 DEBUG: Best view : View3 +2016-08-30 20:14:31,100 DEBUG: Start: Iteration 31 +2016-08-30 20:14:31,122 DEBUG: View 0 : 0.603174603175 +2016-08-30 20:14:31,141 DEBUG: View 1 : 0.391534391534 +2016-08-30 20:14:31,161 DEBUG: View 2 : 0.507936507937 +2016-08-30 20:14:31,184 DEBUG: View 3 : 0.714285714286 +2016-08-30 20:14:31,758 DEBUG: Best view : View3 +2016-08-30 20:14:33,950 DEBUG: Start: Iteration 32 +2016-08-30 20:14:33,971 DEBUG: View 0 : 0.634920634921 +2016-08-30 20:14:33,991 DEBUG: View 1 : 0.343915343915 +2016-08-30 20:14:34,011 DEBUG: View 2 : 0.433862433862 +2016-08-30 20:14:34,034 DEBUG: View 3 : 0.492063492063 +2016-08-30 20:14:34,618 DEBUG: Best view : View0 +2016-08-30 20:14:36,880 DEBUG: Start: Iteration 33 +2016-08-30 20:14:36,901 DEBUG: View 0 : 0.714285714286 +2016-08-30 20:14:36,921 DEBUG: View 1 : 0.507936507937 +2016-08-30 20:14:36,941 DEBUG: View 2 : 0.455026455026 +2016-08-30 20:14:36,964 DEBUG: View 3 : 0.518518518519 +2016-08-30 20:14:37,556 DEBUG: Best view : View0 +2016-08-30 20:14:39,891 DEBUG: Start: Iteration 34 +2016-08-30 20:14:39,912 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:14:39,932 DEBUG: View 1 : 0.37037037037 +2016-08-30 20:14:39,952 DEBUG: View 2 : 0.497354497354 +2016-08-30 20:14:39,975 DEBUG: View 3 : 0.603174603175 +2016-08-30 20:14:40,581 DEBUG: Best view : View3 +2016-08-30 20:14:42,978 DEBUG: Start: Iteration 35 +2016-08-30 20:14:42,999 DEBUG: View 0 : 0.566137566138 +2016-08-30 20:14:43,019 DEBUG: View 1 : 0.507936507937 +2016-08-30 20:14:43,039 DEBUG: View 2 : 0.539682539683 +2016-08-30 20:14:43,062 DEBUG: View 3 : 0.449735449735 +2016-08-30 20:14:43,675 DEBUG: Best view : View2 +2016-08-30 20:14:46,154 DEBUG: Start: Iteration 36 +2016-08-30 20:14:46,175 DEBUG: View 0 : 0.582010582011 +2016-08-30 20:14:46,195 DEBUG: View 1 : 0.42328042328 +2016-08-30 20:14:46,215 DEBUG: View 2 : 0.518518518519 +2016-08-30 20:14:46,238 DEBUG: View 3 : 0.492063492063 +2016-08-30 20:14:46,853 DEBUG: Best view : View0 +2016-08-30 20:14:49,394 DEBUG: Start: Iteration 37 +2016-08-30 20:14:49,415 DEBUG: View 0 : 0.57671957672 +2016-08-30 20:14:49,435 DEBUG: View 1 : 0.449735449735 +2016-08-30 20:14:49,456 DEBUG: View 2 : 0.587301587302 +2016-08-30 20:14:49,479 DEBUG: View 3 : 0.539682539683 +2016-08-30 20:14:50,101 DEBUG: Best view : View2 +2016-08-30 20:14:52,708 DEBUG: Start: Iteration 38 +2016-08-30 20:14:52,729 DEBUG: View 0 : 0.666666666667 +2016-08-30 20:14:52,749 DEBUG: View 1 : 0.322751322751 +2016-08-30 20:14:52,769 DEBUG: View 2 : 0.391534391534 +2016-08-30 20:14:52,793 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:14:53,422 DEBUG: Best view : View0 +2016-08-30 20:14:56,114 DEBUG: Start: Iteration 39 +2016-08-30 20:14:56,135 DEBUG: View 0 : 0.529100529101 +2016-08-30 20:14:56,154 DEBUG: View 1 : 0.380952380952 +2016-08-30 20:14:56,174 DEBUG: View 2 : 0.497354497354 +2016-08-30 20:14:56,197 DEBUG: View 3 : 0.62962962963 +2016-08-30 20:14:56,834 DEBUG: Best view : View3 +2016-08-30 20:14:59,583 DEBUG: Start: Iteration 40 +2016-08-30 20:14:59,605 DEBUG: View 0 : 0.52380952381 +2016-08-30 20:14:59,626 DEBUG: View 1 : 0.402116402116 +2016-08-30 20:14:59,645 DEBUG: View 2 : 0.539682539683 +2016-08-30 20:14:59,668 DEBUG: View 3 : 0.555555555556 +2016-08-30 20:15:00,321 DEBUG: Best view : View3 +2016-08-30 20:15:03,136 DEBUG: Start: Iteration 41 +2016-08-30 20:15:03,158 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:15:03,177 DEBUG: View 1 : 0.73544973545 +2016-08-30 20:15:03,196 DEBUG: View 2 : 0.497354497354 +2016-08-30 20:15:03,219 DEBUG: View 3 : 0.640211640212 +2016-08-30 20:15:03,881 DEBUG: Best view : View1 +2016-08-30 20:15:06,767 DEBUG: Start: Iteration 42 +2016-08-30 20:15:06,788 DEBUG: View 0 : 0.555555555556 +2016-08-30 20:15:06,808 DEBUG: View 1 : 0.306878306878 +2016-08-30 20:15:06,828 DEBUG: View 2 : 0.460317460317 +2016-08-30 20:15:06,851 DEBUG: View 3 : 0.645502645503 +2016-08-30 20:15:07,519 DEBUG: Best view : View3 +2016-08-30 20:15:10,475 DEBUG: Start: Iteration 43 +2016-08-30 20:15:10,496 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:15:10,516 DEBUG: View 1 : 0.465608465608 +2016-08-30 20:15:10,536 DEBUG: View 2 : 0.433862433862 +2016-08-30 20:15:10,559 DEBUG: View 3 : 0.555555555556 +2016-08-30 20:15:11,224 DEBUG: Best view : View0 +2016-08-30 20:15:14,244 DEBUG: Start: Iteration 44 +2016-08-30 20:15:14,265 DEBUG: View 0 : 0.645502645503 +2016-08-30 20:15:14,286 DEBUG: View 1 : 0.433862433862 +2016-08-30 20:15:14,306 DEBUG: View 2 : 0.449735449735 +2016-08-30 20:15:14,328 DEBUG: View 3 : 0.603174603175 +2016-08-30 20:15:15,013 DEBUG: Best view : View0 +2016-08-30 20:15:18,094 DEBUG: Start: Iteration 45 +2016-08-30 20:15:18,115 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:15:18,135 DEBUG: View 1 : 0.380952380952 +2016-08-30 20:15:18,155 DEBUG: View 2 : 0.539682539683 +2016-08-30 20:15:18,177 DEBUG: View 3 : 0.666666666667 +2016-08-30 20:15:18,866 DEBUG: Best view : View3 +2016-08-30 20:15:22,025 DEBUG: Start: Iteration 46 +2016-08-30 20:15:22,046 DEBUG: View 0 : 0.634920634921 +2016-08-30 20:15:22,066 DEBUG: View 1 : 0.285714285714 +2016-08-30 20:15:22,087 DEBUG: View 2 : 0.560846560847 +2016-08-30 20:15:22,110 DEBUG: View 3 : 0.661375661376 +2016-08-30 20:15:22,801 DEBUG: Best view : View3 +2016-08-30 20:15:26,018 DEBUG: Start: Iteration 47 +2016-08-30 20:15:26,040 DEBUG: View 0 : 0.571428571429 +2016-08-30 20:15:26,059 DEBUG: View 1 : 0.343915343915 +2016-08-30 20:15:26,080 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:15:26,102 DEBUG: View 3 : 0.661375661376 +2016-08-30 20:15:26,805 DEBUG: Best view : View3 +2016-08-30 20:15:30,122 DEBUG: Start: Iteration 48 +2016-08-30 20:15:30,144 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:15:30,164 DEBUG: View 1 : 0.407407407407 +2016-08-30 20:15:30,184 DEBUG: View 2 : 0.417989417989 +2016-08-30 20:15:30,206 DEBUG: View 3 : 0.47619047619 +2016-08-30 20:15:30,916 DEBUG: Best view : View0 +2016-08-30 20:15:34,279 DEBUG: Start: Iteration 49 +2016-08-30 20:15:34,300 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:15:34,320 DEBUG: View 1 : 0.37037037037 +2016-08-30 20:15:34,340 DEBUG: View 2 : 0.481481481481 +2016-08-30 20:15:34,363 DEBUG: View 3 : 0.497354497354 +2016-08-30 20:15:35,089 DEBUG: Best view : View0 +2016-08-30 20:15:38,533 DEBUG: Start: Iteration 50 +2016-08-30 20:15:38,554 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:15:38,574 DEBUG: View 1 : 0.354497354497 +2016-08-30 20:15:38,594 DEBUG: View 2 : 0.486772486772 +2016-08-30 20:15:38,617 DEBUG: View 3 : 0.497354497354 +2016-08-30 20:15:39,352 DEBUG: Best view : View0 +2016-08-30 20:15:42,867 DEBUG: Start: Iteration 51 +2016-08-30 20:15:42,888 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:15:42,907 DEBUG: View 1 : 0.407407407407 +2016-08-30 20:15:42,927 DEBUG: View 2 : 0.597883597884 +2016-08-30 20:15:42,950 DEBUG: View 3 : 0.502645502646 +2016-08-30 20:15:43,691 DEBUG: Best view : View0 +2016-08-30 20:15:47,286 DEBUG: Start: Iteration 52 +2016-08-30 20:15:47,307 DEBUG: View 0 : 0.656084656085 +2016-08-30 20:15:47,327 DEBUG: View 1 : 0.412698412698 +2016-08-30 20:15:47,347 DEBUG: View 2 : 0.486772486772 +2016-08-30 20:15:47,369 DEBUG: View 3 : 0.502645502646 +2016-08-30 20:15:48,123 DEBUG: Best view : View0 +2016-08-30 20:15:51,759 DEBUG: Start: Iteration 53 +2016-08-30 20:15:51,781 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:15:51,801 DEBUG: View 1 : 0.47619047619 +2016-08-30 20:15:51,821 DEBUG: View 2 : 0.507936507937 +2016-08-30 20:15:51,843 DEBUG: View 3 : 0.645502645503 +2016-08-30 20:15:52,596 DEBUG: Best view : View3 +2016-08-30 20:15:56,301 DEBUG: Start: Iteration 54 +2016-08-30 20:15:56,323 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:15:56,342 DEBUG: View 1 : 0.439153439153 +2016-08-30 20:15:56,362 DEBUG: View 2 : 0.502645502646 +2016-08-30 20:15:56,385 DEBUG: View 3 : 0.640211640212 +2016-08-30 20:15:57,146 DEBUG: Best view : View0 +2016-08-30 20:16:00,924 DEBUG: Start: Iteration 55 +2016-08-30 20:16:00,945 DEBUG: View 0 : 0.592592592593 +2016-08-30 20:16:00,966 DEBUG: View 1 : 0.417989417989 +2016-08-30 20:16:00,985 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:16:01,008 DEBUG: View 3 : 0.597883597884 +2016-08-30 20:16:01,778 DEBUG: Best view : View3 +2016-08-30 20:16:05,642 DEBUG: Start: Iteration 56 +2016-08-30 20:16:05,663 DEBUG: View 0 : 0.746031746032 +2016-08-30 20:16:05,682 DEBUG: View 1 : 0.322751322751 +2016-08-30 20:16:05,702 DEBUG: View 2 : 0.529100529101 +2016-08-30 20:16:05,725 DEBUG: View 3 : 0.47619047619 +2016-08-30 20:16:06,504 DEBUG: Best view : View0 +2016-08-30 20:16:10,435 DEBUG: Start: Iteration 57 +2016-08-30 20:16:10,457 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:16:10,476 DEBUG: View 1 : 0.433862433862 +2016-08-30 20:16:10,496 DEBUG: View 2 : 0.42328042328 +2016-08-30 20:16:10,519 DEBUG: View 3 : 0.481481481481 +2016-08-30 20:16:11,306 DEBUG: Best view : View0 +2016-08-30 20:16:15,290 DEBUG: Start: Iteration 58 +2016-08-30 20:16:15,312 DEBUG: View 0 : 0.603174603175 +2016-08-30 20:16:15,332 DEBUG: View 1 : 0.359788359788 +2016-08-30 20:16:15,352 DEBUG: View 2 : 0.544973544974 +2016-08-30 20:16:15,375 DEBUG: View 3 : 0.571428571429 +2016-08-30 20:16:16,159 DEBUG: Best view : View3 +2016-08-30 20:16:20,202 DEBUG: Start: Iteration 59 +2016-08-30 20:16:20,223 DEBUG: View 0 : 0.634920634921 +2016-08-30 20:16:20,243 DEBUG: View 1 : 0.417989417989 +2016-08-30 20:16:20,263 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:16:20,286 DEBUG: View 3 : 0.645502645503 +2016-08-30 20:16:21,083 DEBUG: Best view : View3 +2016-08-30 20:16:25,190 DEBUG: Start: Iteration 60 +2016-08-30 20:16:25,211 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:16:25,231 DEBUG: View 1 : 0.365079365079 +2016-08-30 20:16:25,251 DEBUG: View 2 : 0.433862433862 +2016-08-30 20:16:25,328 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:16:26,140 DEBUG: Best view : View3 +2016-08-30 20:16:30,328 DEBUG: Start: Iteration 61 +2016-08-30 20:16:30,349 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:16:30,368 DEBUG: View 1 : 0.296296296296 +2016-08-30 20:16:30,388 DEBUG: View 2 : 0.481481481481 +2016-08-30 20:16:30,412 DEBUG: View 3 : 0.481481481481 +2016-08-30 20:16:31,210 DEBUG: Best view : View0 +2016-08-30 20:16:35,459 DEBUG: Start: Iteration 62 +2016-08-30 20:16:35,480 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:16:35,500 DEBUG: View 1 : 0.386243386243 +2016-08-30 20:16:35,520 DEBUG: View 2 : 0.42328042328 +2016-08-30 20:16:35,542 DEBUG: View 3 : 0.671957671958 +2016-08-30 20:16:36,356 DEBUG: Best view : View3 +2016-08-30 20:16:40,662 DEBUG: Start: Iteration 63 +2016-08-30 20:16:40,684 DEBUG: View 0 : 0.767195767196 +2016-08-30 20:16:40,703 DEBUG: View 1 : 0.359788359788 +2016-08-30 20:16:40,723 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:16:40,746 DEBUG: View 3 : 0.507936507937 +2016-08-30 20:16:41,570 DEBUG: Best view : View0 +2016-08-30 20:16:45,955 DEBUG: Start: Iteration 64 +2016-08-30 20:16:45,976 DEBUG: View 0 : 0.571428571429 +2016-08-30 20:16:45,996 DEBUG: View 1 : 0.380952380952 +2016-08-30 20:16:46,016 DEBUG: View 2 : 0.539682539683 +2016-08-30 20:16:46,039 DEBUG: View 3 : 0.529100529101 +2016-08-30 20:16:46,870 DEBUG: Best view : View2 +2016-08-30 20:16:51,342 DEBUG: Start: Iteration 65 +2016-08-30 20:16:51,363 DEBUG: View 0 : 0.645502645503 +2016-08-30 20:16:51,383 DEBUG: View 1 : 0.544973544974 +2016-08-30 20:16:51,402 DEBUG: View 2 : 0.433862433862 +2016-08-30 20:16:51,425 DEBUG: View 3 : 0.481481481481 +2016-08-30 20:16:52,266 DEBUG: Best view : View0 +2016-08-30 20:16:56,790 DEBUG: Start: Iteration 66 +2016-08-30 20:16:56,811 DEBUG: View 0 : 0.603174603175 +2016-08-30 20:16:56,831 DEBUG: View 1 : 0.412698412698 +2016-08-30 20:16:56,851 DEBUG: View 2 : 0.587301587302 +2016-08-30 20:16:56,874 DEBUG: View 3 : 0.481481481481 +2016-08-30 20:16:57,716 DEBUG: Best view : View2 +2016-08-30 20:17:02,320 DEBUG: Start: Iteration 67 +2016-08-30 20:17:02,341 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:17:02,361 DEBUG: View 1 : 0.386243386243 +2016-08-30 20:17:02,381 DEBUG: View 2 : 0.492063492063 +2016-08-30 20:17:02,405 DEBUG: View 3 : 0.481481481481 +2016-08-30 20:17:03,251 DEBUG: Best view : View0 +2016-08-30 20:17:07,933 DEBUG: Start: Iteration 68 +2016-08-30 20:17:07,954 DEBUG: View 0 : 0.544973544974 +2016-08-30 20:17:07,974 DEBUG: View 1 : 0.412698412698 +2016-08-30 20:17:07,993 DEBUG: View 2 : 0.560846560847 +2016-08-30 20:17:08,017 DEBUG: View 3 : 0.513227513228 +2016-08-30 20:17:08,878 DEBUG: Best view : View2 +2016-08-30 20:17:13,625 DEBUG: Start: Iteration 69 +2016-08-30 20:17:13,647 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:17:13,666 DEBUG: View 1 : 0.306878306878 +2016-08-30 20:17:13,686 DEBUG: View 2 : 0.518518518519 +2016-08-30 20:17:13,709 DEBUG: View 3 : 0.486772486772 +2016-08-30 20:17:14,571 DEBUG: Best view : View0 +2016-08-30 20:17:19,374 DEBUG: Start: Iteration 70 +2016-08-30 20:17:19,396 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:17:19,415 DEBUG: View 1 : 0.354497354497 +2016-08-30 20:17:19,436 DEBUG: View 2 : 0.608465608466 +2016-08-30 20:17:19,458 DEBUG: View 3 : 0.640211640212 +2016-08-30 20:17:20,330 DEBUG: Best view : View3 +2016-08-30 20:17:25,201 DEBUG: Start: Iteration 71 +2016-08-30 20:17:25,223 DEBUG: View 0 : 0.582010582011 +2016-08-30 20:17:25,243 DEBUG: View 1 : 0.534391534392 +2016-08-30 20:17:25,263 DEBUG: View 2 : 0.460317460317 +2016-08-30 20:17:25,285 DEBUG: View 3 : 0.566137566138 +2016-08-30 20:17:26,154 DEBUG: Best view : View3 +2016-08-30 20:17:31,115 DEBUG: Start: Iteration 72 +2016-08-30 20:17:31,137 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:17:31,156 DEBUG: View 1 : 0.354497354497 +2016-08-30 20:17:31,176 DEBUG: View 2 : 0.449735449735 +2016-08-30 20:17:31,198 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:17:32,032 DEBUG: Best view : View3 +2016-08-30 20:17:37,072 DEBUG: Start: Iteration 73 +2016-08-30 20:17:37,093 DEBUG: View 0 : 0.687830687831 +2016-08-30 20:17:37,113 DEBUG: View 1 : 0.502645502646 +2016-08-30 20:17:37,132 DEBUG: View 2 : 0.592592592593 +2016-08-30 20:17:37,156 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:17:38,015 DEBUG: Best view : View3 +2016-08-30 20:17:43,090 DEBUG: Start: Iteration 74 +2016-08-30 20:17:43,111 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:17:43,131 DEBUG: View 1 : 0.507936507937 +2016-08-30 20:17:43,151 DEBUG: View 2 : 0.518518518519 +2016-08-30 20:17:43,174 DEBUG: View 3 : 0.481481481481 +2016-08-30 20:17:44,020 DEBUG: Best view : View0 +2016-08-30 20:17:49,170 DEBUG: Start: Iteration 75 +2016-08-30 20:17:49,190 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:17:49,210 DEBUG: View 1 : 0.555555555556 +2016-08-30 20:17:49,229 DEBUG: View 2 : 0.507936507937 +2016-08-30 20:17:49,253 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:17:50,115 DEBUG: Best view : View3 +2016-08-30 20:17:55,336 DEBUG: Start: Iteration 76 +2016-08-30 20:17:55,357 DEBUG: View 0 : 0.560846560847 +2016-08-30 20:17:55,377 DEBUG: View 1 : 0.359788359788 +2016-08-30 20:17:55,396 DEBUG: View 2 : 0.402116402116 +2016-08-30 20:17:55,419 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:17:56,284 DEBUG: Best view : View3 +2016-08-30 20:18:01,561 DEBUG: Start: Iteration 77 +2016-08-30 20:18:01,583 DEBUG: View 0 : 0.603174603175 +2016-08-30 20:18:01,603 DEBUG: View 1 : 0.328042328042 +2016-08-30 20:18:01,623 DEBUG: View 2 : 0.544973544974 +2016-08-30 20:18:01,646 DEBUG: View 3 : 0.481481481481 +2016-08-30 20:18:02,527 DEBUG: Best view : View0 +2016-08-30 20:18:07,883 DEBUG: Start: Iteration 78 +2016-08-30 20:18:07,904 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:18:07,924 DEBUG: View 1 : 0.280423280423 +2016-08-30 20:18:07,944 DEBUG: View 2 : 0.47619047619 +2016-08-30 20:18:07,967 DEBUG: View 3 : 0.481481481481 +2016-08-30 20:18:08,850 DEBUG: Best view : View0 +2016-08-30 20:18:14,281 DEBUG: Start: Iteration 79 +2016-08-30 20:18:14,302 DEBUG: View 0 : 0.724867724868 +2016-08-30 20:18:14,321 DEBUG: View 1 : 0.439153439153 +2016-08-30 20:18:14,341 DEBUG: View 2 : 0.534391534392 +2016-08-30 20:18:14,364 DEBUG: View 3 : 0.481481481481 +2016-08-30 20:18:15,264 DEBUG: Best view : View0 +2016-08-30 20:18:20,755 DEBUG: Start: Iteration 80 +2016-08-30 20:18:20,776 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:18:20,796 DEBUG: View 1 : 0.354497354497 +2016-08-30 20:18:20,816 DEBUG: View 2 : 0.529100529101 +2016-08-30 20:18:20,839 DEBUG: View 3 : 0.481481481481 +2016-08-30 20:18:21,730 DEBUG: Best view : View0 +2016-08-30 20:18:27,290 DEBUG: Start: Iteration 81 +2016-08-30 20:18:27,311 DEBUG: View 0 : 0.57671957672 +2016-08-30 20:18:27,331 DEBUG: View 1 : 0.470899470899 +2016-08-30 20:18:27,351 DEBUG: View 2 : 0.481481481481 +2016-08-30 20:18:27,374 DEBUG: View 3 : 0.481481481481 +2016-08-30 20:18:28,292 DEBUG: Best view : View0 +2016-08-30 20:18:33,937 DEBUG: Start: Iteration 82 +2016-08-30 20:18:33,958 DEBUG: View 0 : 0.57671957672 +2016-08-30 20:18:33,978 DEBUG: View 1 : 0.37037037037 +2016-08-30 20:18:33,998 DEBUG: View 2 : 0.433862433862 +2016-08-30 20:18:34,021 DEBUG: View 3 : 0.645502645503 +2016-08-30 20:18:34,939 DEBUG: Best view : View3 +2016-08-30 20:18:40,655 DEBUG: Start: Iteration 83 +2016-08-30 20:18:40,676 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:18:40,696 DEBUG: View 1 : 0.301587301587 +2016-08-30 20:18:40,716 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:18:40,738 DEBUG: View 3 : 0.645502645503 +2016-08-30 20:18:41,656 DEBUG: Best view : View0 +2016-08-30 20:18:47,424 DEBUG: Start: Iteration 84 +2016-08-30 20:18:47,445 DEBUG: View 0 : 0.693121693122 +2016-08-30 20:18:47,465 DEBUG: View 1 : 0.465608465608 +2016-08-30 20:18:47,485 DEBUG: View 2 : 0.433862433862 +2016-08-30 20:18:47,508 DEBUG: View 3 : 0.481481481481 +2016-08-30 20:18:48,431 DEBUG: Best view : View0 +2016-08-30 20:18:54,294 DEBUG: Start: Iteration 85 +2016-08-30 20:18:54,316 DEBUG: View 0 : 0.566137566138 +2016-08-30 20:18:54,335 DEBUG: View 1 : 0.507936507937 +2016-08-30 20:18:54,355 DEBUG: View 2 : 0.47619047619 +2016-08-30 20:18:54,377 DEBUG: View 3 : 0.619047619048 +2016-08-30 20:18:55,308 DEBUG: Best view : View3 +2016-08-30 20:19:01,244 DEBUG: Start: Iteration 86 +2016-08-30 20:19:01,264 DEBUG: View 0 : 0.708994708995 +2016-08-30 20:19:01,284 DEBUG: View 1 : 0.396825396825 +2016-08-30 20:19:01,304 DEBUG: View 2 : 0.603174603175 +2016-08-30 20:19:01,329 DEBUG: View 3 : 0.645502645503 +2016-08-30 20:19:02,274 DEBUG: Best view : View0 +2016-08-30 20:19:08,261 DEBUG: Start: Iteration 87 +2016-08-30 20:19:08,282 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:19:08,301 DEBUG: View 1 : 0.31746031746 +2016-08-30 20:19:08,321 DEBUG: View 2 : 0.439153439153 +2016-08-30 20:19:08,344 DEBUG: View 3 : 0.571428571429 +2016-08-30 20:19:09,291 DEBUG: Best view : View0 +2016-08-30 20:19:15,326 DEBUG: Start: Iteration 88 +2016-08-30 20:19:15,348 DEBUG: View 0 : 0.724867724868 +2016-08-30 20:19:15,367 DEBUG: View 1 : 0.312169312169 +2016-08-30 20:19:15,387 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:19:15,411 DEBUG: View 3 : 0.571428571429 +2016-08-30 20:19:16,366 DEBUG: Best view : View0 +2016-08-30 20:19:22,490 DEBUG: Start: Iteration 89 +2016-08-30 20:19:22,511 DEBUG: View 0 : 0.645502645503 +2016-08-30 20:19:22,531 DEBUG: View 1 : 0.333333333333 +2016-08-30 20:19:22,550 DEBUG: View 2 : 0.492063492063 +2016-08-30 20:19:22,574 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:19:23,543 DEBUG: Best view : View3 +2016-08-30 20:19:29,740 DEBUG: Start: Iteration 90 +2016-08-30 20:19:29,761 DEBUG: View 0 : 0.608465608466 +2016-08-30 20:19:29,781 DEBUG: View 1 : 0.544973544974 +2016-08-30 20:19:29,801 DEBUG: View 2 : 0.486772486772 +2016-08-30 20:19:29,824 DEBUG: View 3 : 0.661375661376 +2016-08-30 20:19:30,805 DEBUG: Best view : View3 +2016-08-30 20:19:37,090 DEBUG: Start: Iteration 91 +2016-08-30 20:19:37,111 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:19:37,130 DEBUG: View 1 : 0.375661375661 +2016-08-30 20:19:37,150 DEBUG: View 2 : 0.57671957672 +2016-08-30 20:19:37,172 DEBUG: View 3 : 0.47619047619 +2016-08-30 20:19:38,158 DEBUG: Best view : View0 +2016-08-30 20:19:44,505 DEBUG: Start: Iteration 92 +2016-08-30 20:19:44,526 DEBUG: View 0 : 0.613756613757 +2016-08-30 20:19:44,546 DEBUG: View 1 : 0.428571428571 +2016-08-30 20:19:44,566 DEBUG: View 2 : 0.555555555556 +2016-08-30 20:19:44,589 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:19:45,582 DEBUG: Best view : View3 +2016-08-30 20:19:52,029 DEBUG: Start: Iteration 93 +2016-08-30 20:19:52,051 DEBUG: View 0 : 0.529100529101 +2016-08-30 20:19:52,071 DEBUG: View 1 : 0.444444444444 +2016-08-30 20:19:52,091 DEBUG: View 2 : 0.555555555556 +2016-08-30 20:19:52,114 DEBUG: View 3 : 0.566137566138 +2016-08-30 20:19:53,118 DEBUG: Best view : View2 +2016-08-30 20:19:59,580 DEBUG: Start: Iteration 94 +2016-08-30 20:19:59,601 DEBUG: View 0 : 0.587301587302 +2016-08-30 20:19:59,621 DEBUG: View 1 : 0.365079365079 +2016-08-30 20:19:59,641 DEBUG: View 2 : 0.534391534392 +2016-08-30 20:19:59,663 DEBUG: View 3 : 0.566137566138 +2016-08-30 20:20:00,671 DEBUG: Best view : View0 +2016-08-30 20:20:07,202 DEBUG: Start: Iteration 95 +2016-08-30 20:20:07,223 DEBUG: View 0 : 0.566137566138 +2016-08-30 20:20:07,243 DEBUG: View 1 : 0.359788359788 +2016-08-30 20:20:07,262 DEBUG: View 2 : 0.502645502646 +2016-08-30 20:20:07,285 DEBUG: View 3 : 0.497354497354 +2016-08-30 20:20:08,294 DEBUG: Best view : View0 +2016-08-30 20:20:14,928 DEBUG: Start: Iteration 96 +2016-08-30 20:20:14,950 DEBUG: View 0 : 0.666666666667 +2016-08-30 20:20:14,969 DEBUG: View 1 : 0.587301587302 +2016-08-30 20:20:14,989 DEBUG: View 2 : 0.624338624339 +2016-08-30 20:20:15,012 DEBUG: View 3 : 0.534391534392 +2016-08-30 20:20:16,036 DEBUG: Best view : View0 +2016-08-30 20:20:22,712 DEBUG: Start: Iteration 97 +2016-08-30 20:20:22,734 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:20:22,754 DEBUG: View 1 : 0.507936507937 +2016-08-30 20:20:22,774 DEBUG: View 2 : 0.481481481481 +2016-08-30 20:20:22,797 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:20:23,831 DEBUG: Best view : View3 +2016-08-30 20:20:30,584 DEBUG: Start: Iteration 98 +2016-08-30 20:20:30,605 DEBUG: View 0 : 0.656084656085 +2016-08-30 20:20:30,626 DEBUG: View 1 : 0.328042328042 +2016-08-30 20:20:30,646 DEBUG: View 2 : 0.52380952381 +2016-08-30 20:20:30,669 DEBUG: View 3 : 0.502645502646 +2016-08-30 20:20:31,709 DEBUG: Best view : View0 +2016-08-30 20:20:38,530 DEBUG: Start: Iteration 99 +2016-08-30 20:20:38,552 DEBUG: View 0 : 0.656084656085 +2016-08-30 20:20:38,572 DEBUG: View 1 : 0.386243386243 +2016-08-30 20:20:38,592 DEBUG: View 2 : 0.391534391534 +2016-08-30 20:20:38,614 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:20:39,652 DEBUG: Best view : View3 +2016-08-30 20:20:46,531 DEBUG: Start: Iteration 100 +2016-08-30 20:20:46,553 DEBUG: View 0 : 0.693121693122 +2016-08-30 20:20:46,572 DEBUG: View 1 : 0.386243386243 +2016-08-30 20:20:46,592 DEBUG: View 2 : 0.460317460317 +2016-08-30 20:20:46,615 DEBUG: View 3 : 0.661375661376 +2016-08-30 20:20:47,664 DEBUG: Best view : View0 +2016-08-30 20:20:54,613 DEBUG: Start: Iteration 101 +2016-08-30 20:20:54,634 DEBUG: View 0 : 0.634920634921 +2016-08-30 20:20:54,654 DEBUG: View 1 : 0.412698412698 +2016-08-30 20:20:54,673 DEBUG: View 2 : 0.433862433862 +2016-08-30 20:20:54,696 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:20:55,752 DEBUG: Best view : View0 +2016-08-30 20:21:02,771 DEBUG: Start: Iteration 102 +2016-08-30 20:21:02,792 DEBUG: View 0 : 0.671957671958 +2016-08-30 20:21:02,811 DEBUG: View 1 : 0.338624338624 +2016-08-30 20:21:02,831 DEBUG: View 2 : 0.428571428571 +2016-08-30 20:21:02,855 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:21:03,922 DEBUG: Best view : View0 +2016-08-30 20:21:11,017 DEBUG: Start: Iteration 103 +2016-08-30 20:21:11,038 DEBUG: View 0 : 0.661375661376 +2016-08-30 20:21:11,059 DEBUG: View 1 : 0.57671957672 +2016-08-30 20:21:11,079 DEBUG: View 2 : 0.428571428571 +2016-08-30 20:21:11,101 DEBUG: View 3 : 0.555555555556 +2016-08-30 20:21:12,173 DEBUG: Best view : View0 +2016-08-30 20:21:19,323 DEBUG: Start: Iteration 104 +2016-08-30 20:21:19,344 DEBUG: View 0 : 0.671957671958 +2016-08-30 20:21:19,363 DEBUG: View 1 : 0.338624338624 +2016-08-30 20:21:19,383 DEBUG: View 2 : 0.47619047619 +2016-08-30 20:21:19,407 DEBUG: View 3 : 0.47619047619 +2016-08-30 20:21:20,482 DEBUG: Best view : View0 +2016-08-30 20:21:27,708 DEBUG: Start: Iteration 105 +2016-08-30 20:21:27,729 DEBUG: View 0 : 0.597883597884 +2016-08-30 20:21:27,749 DEBUG: View 1 : 0.31746031746 +2016-08-30 20:21:27,769 DEBUG: View 2 : 0.539682539683 +2016-08-30 20:21:27,792 DEBUG: View 3 : 0.671957671958 +2016-08-30 20:21:28,877 DEBUG: Best view : View3 +2016-08-30 20:21:36,171 DEBUG: Start: Iteration 106 +2016-08-30 20:21:36,192 DEBUG: View 0 : 0.645502645503 +2016-08-30 20:21:36,212 DEBUG: View 1 : 0.386243386243 +2016-08-30 20:21:36,231 DEBUG: View 2 : 0.470899470899 +2016-08-30 20:21:36,254 DEBUG: View 3 : 0.640211640212 +2016-08-30 20:21:37,353 DEBUG: Best view : View3 +2016-08-30 20:21:44,736 DEBUG: Start: Iteration 107 +2016-08-30 20:21:44,758 DEBUG: View 0 : 0.645502645503 +2016-08-30 20:21:44,777 DEBUG: View 1 : 0.365079365079 +2016-08-30 20:21:44,797 DEBUG: View 2 : 0.518518518519 +2016-08-30 20:21:44,821 DEBUG: View 3 : 0.566137566138 +2016-08-30 20:21:45,922 DEBUG: Best view : View0 +2016-08-30 20:21:53,334 DEBUG: Start: Iteration 108 +2016-08-30 20:21:53,356 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:21:53,375 DEBUG: View 1 : 0.560846560847 +2016-08-30 20:21:53,395 DEBUG: View 2 : 0.52380952381 +2016-08-30 20:21:53,418 DEBUG: View 3 : 0.640211640212 +2016-08-30 20:21:54,527 DEBUG: Best view : View3 +2016-08-30 20:22:02,032 DEBUG: Start: Iteration 109 +2016-08-30 20:22:02,053 DEBUG: View 0 : 0.730158730159 +2016-08-30 20:22:02,072 DEBUG: View 1 : 0.322751322751 +2016-08-30 20:22:02,092 DEBUG: View 2 : 0.539682539683 +2016-08-30 20:22:02,115 DEBUG: View 3 : 0.566137566138 +2016-08-30 20:22:03,240 DEBUG: Best view : View0 +2016-08-30 20:22:10,836 DEBUG: Start: Iteration 110 +2016-08-30 20:22:10,857 DEBUG: View 0 : 0.666666666667 +2016-08-30 20:22:10,877 DEBUG: View 1 : 0.359788359788 +2016-08-30 20:22:10,897 DEBUG: View 2 : 0.539682539683 +2016-08-30 20:22:10,920 DEBUG: View 3 : 0.57671957672 +2016-08-30 20:22:12,051 DEBUG: Best view : View0 +2016-08-30 20:22:19,704 DEBUG: Start: Iteration 111 +2016-08-30 20:22:19,726 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:22:19,745 DEBUG: View 1 : 0.428571428571 +2016-08-30 20:22:19,765 DEBUG: View 2 : 0.571428571429 +2016-08-30 20:22:19,788 DEBUG: View 3 : 0.566137566138 +2016-08-30 20:22:20,916 DEBUG: Best view : View0 +2016-08-30 20:22:28,629 DEBUG: Start: Iteration 112 +2016-08-30 20:22:28,650 DEBUG: View 0 : 0.666666666667 +2016-08-30 20:22:28,669 DEBUG: View 1 : 0.402116402116 +2016-08-30 20:22:28,689 DEBUG: View 2 : 0.455026455026 +2016-08-30 20:22:28,713 DEBUG: View 3 : 0.566137566138 +2016-08-30 20:22:29,864 DEBUG: Best view : View0 +2016-08-30 20:22:37,658 DEBUG: Start: Iteration 113 +2016-08-30 20:22:37,680 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:22:37,699 DEBUG: View 1 : 0.613756613757 +2016-08-30 20:22:37,719 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:22:37,742 DEBUG: View 3 : 0.566137566138 +2016-08-30 20:22:38,894 DEBUG: Best view : View1 +2016-08-30 20:22:46,742 DEBUG: Start: Iteration 114 +2016-08-30 20:22:46,764 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:22:46,783 DEBUG: View 1 : 0.449735449735 +2016-08-30 20:22:46,803 DEBUG: View 2 : 0.52380952381 +2016-08-30 20:22:46,827 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:22:47,981 DEBUG: Best view : View0 +2016-08-30 20:22:55,920 DEBUG: Start: Iteration 115 +2016-08-30 20:22:55,941 DEBUG: View 0 : 0.566137566138 +2016-08-30 20:22:55,961 DEBUG: View 1 : 0.312169312169 +2016-08-30 20:22:55,981 DEBUG: View 2 : 0.529100529101 +2016-08-30 20:22:56,003 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:22:57,168 DEBUG: Best view : View0 +2016-08-30 20:23:05,191 DEBUG: Start: Iteration 116 +2016-08-30 20:23:05,212 DEBUG: View 0 : 0.634920634921 +2016-08-30 20:23:05,232 DEBUG: View 1 : 0.285714285714 +2016-08-30 20:23:05,252 DEBUG: View 2 : 0.592592592593 +2016-08-30 20:23:05,274 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:23:06,446 DEBUG: Best view : View3 +2016-08-30 20:23:14,536 DEBUG: Start: Iteration 117 +2016-08-30 20:23:14,557 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:23:14,576 DEBUG: View 1 : 0.306878306878 +2016-08-30 20:23:14,596 DEBUG: View 2 : 0.460317460317 +2016-08-30 20:23:14,619 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:23:15,806 DEBUG: Best view : View3 +2016-08-30 20:23:23,949 DEBUG: Start: Iteration 118 +2016-08-30 20:23:23,971 DEBUG: View 0 : 0.714285714286 +2016-08-30 20:23:23,991 DEBUG: View 1 : 0.333333333333 +2016-08-30 20:23:24,011 DEBUG: View 2 : 0.544973544974 +2016-08-30 20:23:24,034 DEBUG: View 3 : 0.582010582011 +2016-08-30 20:23:25,216 DEBUG: Best view : View0 +2016-08-30 20:23:33,428 DEBUG: Start: Iteration 119 +2016-08-30 20:23:33,449 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:23:33,469 DEBUG: View 1 : 0.333333333333 +2016-08-30 20:23:33,488 DEBUG: View 2 : 0.433862433862 +2016-08-30 20:23:33,511 DEBUG: View 3 : 0.687830687831 +2016-08-30 20:23:34,717 DEBUG: Best view : View3 +2016-08-30 20:23:42,960 DEBUG: Start: Iteration 120 +2016-08-30 20:23:42,981 DEBUG: View 0 : 0.671957671958 +2016-08-30 20:23:43,000 DEBUG: View 1 : 0.417989417989 +2016-08-30 20:23:43,021 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:23:43,044 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:23:44,240 DEBUG: Best view : View0 +2016-08-30 20:23:52,554 DEBUG: Start: Iteration 121 +2016-08-30 20:23:52,576 DEBUG: View 0 : 0.656084656085 +2016-08-30 20:23:52,596 DEBUG: View 1 : 0.338624338624 +2016-08-30 20:23:52,615 DEBUG: View 2 : 0.560846560847 +2016-08-30 20:23:52,637 DEBUG: View 3 : 0.650793650794 +2016-08-30 20:23:53,846 DEBUG: Best view : View3 +2016-08-30 20:24:02,234 DEBUG: Start: Iteration 122 +2016-08-30 20:24:02,255 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:24:02,275 DEBUG: View 1 : 0.47619047619 +2016-08-30 20:24:02,295 DEBUG: View 2 : 0.613756613757 +2016-08-30 20:24:02,319 DEBUG: View 3 : 0.555555555556 +2016-08-30 20:24:03,528 DEBUG: Best view : View0 +2016-08-30 20:24:11,994 DEBUG: Start: Iteration 123 +2016-08-30 20:24:12,016 DEBUG: View 0 : 0.671957671958 +2016-08-30 20:24:12,035 DEBUG: View 1 : 0.417989417989 +2016-08-30 20:24:12,055 DEBUG: View 2 : 0.518518518519 +2016-08-30 20:24:12,078 DEBUG: View 3 : 0.566137566138 +2016-08-30 20:24:13,293 DEBUG: Best view : View0 +2016-08-30 20:24:21,851 DEBUG: Start: Iteration 124 +2016-08-30 20:24:21,872 DEBUG: View 0 : 0.708994708995 +2016-08-30 20:24:21,892 DEBUG: View 1 : 0.402116402116 +2016-08-30 20:24:21,911 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:24:21,935 DEBUG: View 3 : 0.465608465608 +2016-08-30 20:24:23,168 DEBUG: Best view : View0 +2016-08-30 20:24:31,808 DEBUG: Start: Iteration 125 +2016-08-30 20:24:31,830 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:24:31,849 DEBUG: View 1 : 0.37037037037 +2016-08-30 20:24:31,870 DEBUG: View 2 : 0.534391534392 +2016-08-30 20:24:31,893 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:24:33,134 DEBUG: Best view : View0 +2016-08-30 20:24:41,793 DEBUG: Start: Iteration 126 +2016-08-30 20:24:41,814 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:24:41,834 DEBUG: View 1 : 0.375661375661 +2016-08-30 20:24:41,853 DEBUG: View 2 : 0.470899470899 +2016-08-30 20:24:41,876 DEBUG: View 3 : 0.486772486772 +2016-08-30 20:24:43,115 DEBUG: Best view : View0 +2016-08-30 20:24:51,862 DEBUG: Start: Iteration 127 +2016-08-30 20:24:51,883 DEBUG: View 0 : 0.603174603175 +2016-08-30 20:24:51,903 DEBUG: View 1 : 0.539682539683 +2016-08-30 20:24:51,923 DEBUG: View 2 : 0.539682539683 +2016-08-30 20:24:51,945 DEBUG: View 3 : 0.687830687831 +2016-08-30 20:24:53,202 DEBUG: Best view : View3 +2016-08-30 20:25:02,049 DEBUG: Start: Iteration 128 +2016-08-30 20:25:02,070 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:25:02,090 DEBUG: View 1 : 0.481481481481 +2016-08-30 20:25:02,109 DEBUG: View 2 : 0.582010582011 +2016-08-30 20:25:02,132 DEBUG: View 3 : 0.698412698413 +2016-08-30 20:25:03,402 DEBUG: Best view : View3 +2016-08-30 20:25:12,306 DEBUG: Start: Iteration 129 +2016-08-30 20:25:12,327 DEBUG: View 0 : 0.57671957672 +2016-08-30 20:25:12,347 DEBUG: View 1 : 0.349206349206 +2016-08-30 20:25:12,367 DEBUG: View 2 : 0.587301587302 +2016-08-30 20:25:12,390 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:25:13,666 DEBUG: Best view : View2 +2016-08-30 20:25:22,612 DEBUG: Start: Iteration 130 +2016-08-30 20:25:22,633 DEBUG: View 0 : 0.608465608466 +2016-08-30 20:25:22,653 DEBUG: View 1 : 0.402116402116 +2016-08-30 20:25:22,672 DEBUG: View 2 : 0.560846560847 +2016-08-30 20:25:22,695 DEBUG: View 3 : 0.571428571429 +2016-08-30 20:25:23,991 DEBUG: Best view : View2 +2016-08-30 20:25:33,004 DEBUG: Start: Iteration 131 +2016-08-30 20:25:33,026 DEBUG: View 0 : 0.603174603175 +2016-08-30 20:25:33,046 DEBUG: View 1 : 0.365079365079 +2016-08-30 20:25:33,065 DEBUG: View 2 : 0.534391534392 +2016-08-30 20:25:33,088 DEBUG: View 3 : 0.751322751323 +2016-08-30 20:25:34,390 DEBUG: Best view : View3 +2016-08-30 20:25:43,467 DEBUG: Start: Iteration 132 +2016-08-30 20:25:43,489 DEBUG: View 0 : 0.560846560847 +2016-08-30 20:25:43,508 DEBUG: View 1 : 0.349206349206 +2016-08-30 20:25:43,528 DEBUG: View 2 : 0.47619047619 +2016-08-30 20:25:43,551 DEBUG: View 3 : 0.566137566138 +2016-08-30 20:25:44,854 DEBUG: Best view : View3 +2016-08-30 20:25:54,010 DEBUG: Start: Iteration 133 +2016-08-30 20:25:54,031 DEBUG: View 0 : 0.719576719577 +2016-08-30 20:25:54,051 DEBUG: View 1 : 0.338624338624 +2016-08-30 20:25:54,072 DEBUG: View 2 : 0.518518518519 +2016-08-30 20:25:54,095 DEBUG: View 3 : 0.566137566138 +2016-08-30 20:25:55,399 DEBUG: Best view : View0 +2016-08-30 20:26:04,625 DEBUG: Start: Iteration 134 +2016-08-30 20:26:04,647 DEBUG: View 0 : 0.597883597884 +2016-08-30 20:26:04,668 DEBUG: View 1 : 0.359788359788 +2016-08-30 20:26:04,688 DEBUG: View 2 : 0.544973544974 +2016-08-30 20:26:04,712 DEBUG: View 3 : 0.460317460317 +2016-08-30 20:26:06,028 DEBUG: Best view : View0 +2016-08-30 20:26:15,332 DEBUG: Start: Iteration 135 +2016-08-30 20:26:15,354 DEBUG: View 0 : 0.714285714286 +2016-08-30 20:26:15,374 DEBUG: View 1 : 0.497354497354 +2016-08-30 20:26:15,393 DEBUG: View 2 : 0.481481481481 +2016-08-30 20:26:15,417 DEBUG: View 3 : 0.582010582011 +2016-08-30 20:26:16,736 DEBUG: Best view : View0 +2016-08-30 20:26:26,116 DEBUG: Start: Iteration 136 +2016-08-30 20:26:26,137 DEBUG: View 0 : 0.539682539683 +2016-08-30 20:26:26,157 DEBUG: View 1 : 0.465608465608 +2016-08-30 20:26:26,177 DEBUG: View 2 : 0.460317460317 +2016-08-30 20:26:26,200 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:26:27,519 DEBUG: Best view : View3 +2016-08-30 20:26:36,962 DEBUG: Start: Iteration 137 +2016-08-30 20:26:36,983 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:26:37,004 DEBUG: View 1 : 0.312169312169 +2016-08-30 20:26:37,024 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:26:37,046 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:26:38,375 DEBUG: Best view : View3 +2016-08-30 20:26:47,877 DEBUG: Start: Iteration 138 +2016-08-30 20:26:47,898 DEBUG: View 0 : 0.608465608466 +2016-08-30 20:26:47,918 DEBUG: View 1 : 0.354497354497 +2016-08-30 20:26:47,938 DEBUG: View 2 : 0.492063492063 +2016-08-30 20:26:47,961 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:26:49,302 DEBUG: Best view : View3 +2016-08-30 20:26:58,872 DEBUG: Start: Iteration 139 +2016-08-30 20:26:58,894 DEBUG: View 0 : 0.677248677249 +2016-08-30 20:26:58,914 DEBUG: View 1 : 0.428571428571 +2016-08-30 20:26:58,934 DEBUG: View 2 : 0.566137566138 +2016-08-30 20:26:58,958 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:27:00,313 DEBUG: Best view : View0 +2016-08-30 20:27:09,963 DEBUG: Start: Iteration 140 +2016-08-30 20:27:09,984 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:27:10,004 DEBUG: View 1 : 0.417989417989 +2016-08-30 20:27:10,024 DEBUG: View 2 : 0.534391534392 +2016-08-30 20:27:10,047 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:27:11,397 DEBUG: Best view : View0 +2016-08-30 20:27:21,101 DEBUG: Start: Iteration 141 +2016-08-30 20:27:21,122 DEBUG: View 0 : 0.603174603175 +2016-08-30 20:27:21,142 DEBUG: View 1 : 0.460317460317 +2016-08-30 20:27:21,162 DEBUG: View 2 : 0.566137566138 +2016-08-30 20:27:21,185 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:27:22,550 DEBUG: Best view : View3 +2016-08-30 20:27:32,343 DEBUG: Start: Iteration 142 +2016-08-30 20:27:32,364 DEBUG: View 0 : 0.608465608466 +2016-08-30 20:27:32,384 DEBUG: View 1 : 0.386243386243 +2016-08-30 20:27:32,403 DEBUG: View 2 : 0.465608465608 +2016-08-30 20:27:32,426 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:27:33,799 DEBUG: Best view : View0 +2016-08-30 20:27:43,631 DEBUG: Start: Iteration 143 +2016-08-30 20:27:43,652 DEBUG: View 0 : 0.772486772487 +2016-08-30 20:27:43,672 DEBUG: View 1 : 0.359788359788 +2016-08-30 20:27:43,692 DEBUG: View 2 : 0.42328042328 +2016-08-30 20:27:43,714 DEBUG: View 3 : 0.708994708995 +2016-08-30 20:27:45,094 DEBUG: Best view : View0 +2016-08-30 20:27:55,037 DEBUG: Start: Iteration 144 +2016-08-30 20:27:55,058 DEBUG: View 0 : 0.613756613757 +2016-08-30 20:27:55,079 DEBUG: View 1 : 0.37037037037 +2016-08-30 20:27:55,100 DEBUG: View 2 : 0.465608465608 +2016-08-30 20:27:55,124 DEBUG: View 3 : 0.555555555556 +2016-08-30 20:27:56,510 DEBUG: Best view : View0 +2016-08-30 20:28:06,531 DEBUG: Start: Iteration 145 +2016-08-30 20:28:06,553 DEBUG: View 0 : 0.661375661376 +2016-08-30 20:28:06,573 DEBUG: View 1 : 0.343915343915 +2016-08-30 20:28:06,593 DEBUG: View 2 : 0.47619047619 +2016-08-30 20:28:06,616 DEBUG: View 3 : 0.582010582011 +2016-08-30 20:28:08,021 DEBUG: Best view : View0 +2016-08-30 20:28:18,126 DEBUG: Start: Iteration 146 +2016-08-30 20:28:18,147 DEBUG: View 0 : 0.687830687831 +2016-08-30 20:28:18,166 DEBUG: View 1 : 0.603174603175 +2016-08-30 20:28:18,185 DEBUG: View 2 : 0.465608465608 +2016-08-30 20:28:18,208 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:28:19,626 DEBUG: Best view : View0 +2016-08-30 20:28:29,775 DEBUG: Start: Iteration 147 +2016-08-30 20:28:29,796 DEBUG: View 0 : 0.597883597884 +2016-08-30 20:28:29,816 DEBUG: View 1 : 0.391534391534 +2016-08-30 20:28:29,837 DEBUG: View 2 : 0.502645502646 +2016-08-30 20:28:29,860 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:28:31,263 DEBUG: Best view : View3 +2016-08-30 20:28:41,496 DEBUG: Start: Iteration 148 +2016-08-30 20:28:41,518 DEBUG: View 0 : 0.645502645503 +2016-08-30 20:28:41,537 DEBUG: View 1 : 0.417989417989 +2016-08-30 20:28:41,557 DEBUG: View 2 : 0.481481481481 +2016-08-30 20:28:41,580 DEBUG: View 3 : 0.661375661376 +2016-08-30 20:28:42,996 DEBUG: Best view : View3 +2016-08-30 20:28:53,319 DEBUG: Start: Iteration 149 +2016-08-30 20:28:53,340 DEBUG: View 0 : 0.560846560847 +2016-08-30 20:28:53,359 DEBUG: View 1 : 0.402116402116 +2016-08-30 20:28:53,379 DEBUG: View 2 : 0.544973544974 +2016-08-30 20:28:53,402 DEBUG: View 3 : 0.513227513228 +2016-08-30 20:28:54,821 DEBUG: Best view : View2 +2016-08-30 20:29:05,188 DEBUG: Start: Iteration 150 +2016-08-30 20:29:05,210 DEBUG: View 0 : 0.687830687831 +2016-08-30 20:29:05,230 DEBUG: View 1 : 0.433862433862 +2016-08-30 20:29:05,251 DEBUG: View 2 : 0.492063492063 +2016-08-30 20:29:05,273 DEBUG: View 3 : 0.555555555556 +2016-08-30 20:29:06,710 DEBUG: Best view : View0 +2016-08-30 20:29:17,131 DEBUG: Start: Iteration 151 +2016-08-30 20:29:17,153 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:29:17,172 DEBUG: View 1 : 0.296296296296 +2016-08-30 20:29:17,192 DEBUG: View 2 : 0.502645502646 +2016-08-30 20:29:17,217 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:29:18,657 DEBUG: Best view : View0 +2016-08-30 20:29:29,154 DEBUG: Start: Iteration 152 +2016-08-30 20:29:29,176 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:29:29,195 DEBUG: View 1 : 0.322751322751 +2016-08-30 20:29:29,215 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:29:29,237 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:29:30,687 DEBUG: Best view : View0 +2016-08-30 20:29:41,211 DEBUG: Start: Iteration 153 +2016-08-30 20:29:41,232 DEBUG: View 0 : 0.740740740741 +2016-08-30 20:29:41,252 DEBUG: View 1 : 0.449735449735 +2016-08-30 20:29:41,272 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:29:41,294 DEBUG: View 3 : 0.52380952381 +2016-08-30 20:29:42,747 DEBUG: Best view : View0 +2016-08-30 20:29:53,369 DEBUG: Start: Iteration 154 +2016-08-30 20:29:53,390 DEBUG: View 0 : 0.597883597884 +2016-08-30 20:29:53,409 DEBUG: View 1 : 0.634920634921 +2016-08-30 20:29:53,429 DEBUG: View 2 : 0.37037037037 +2016-08-30 20:29:53,452 DEBUG: View 3 : 0.661375661376 +2016-08-30 20:29:54,917 DEBUG: Best view : View1 +2016-08-30 20:30:05,598 DEBUG: Start: Iteration 155 +2016-08-30 20:30:05,619 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:30:05,639 DEBUG: View 1 : 0.354497354497 +2016-08-30 20:30:05,659 DEBUG: View 2 : 0.497354497354 +2016-08-30 20:30:05,681 DEBUG: View 3 : 0.661375661376 +2016-08-30 20:30:07,148 DEBUG: Best view : View3 +2016-08-30 20:30:17,839 DEBUG: Start: Iteration 156 +2016-08-30 20:30:17,861 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:30:17,880 DEBUG: View 1 : 0.412698412698 +2016-08-30 20:30:17,900 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:30:17,923 DEBUG: View 3 : 0.661375661376 +2016-08-30 20:30:19,394 DEBUG: Best view : View3 +2016-08-30 20:30:30,202 DEBUG: Start: Iteration 157 +2016-08-30 20:30:30,224 DEBUG: View 0 : 0.661375661376 +2016-08-30 20:30:30,243 DEBUG: View 1 : 0.328042328042 +2016-08-30 20:30:30,264 DEBUG: View 2 : 0.555555555556 +2016-08-30 20:30:30,286 DEBUG: View 3 : 0.719576719577 +2016-08-30 20:30:31,767 DEBUG: Best view : View3 +2016-08-30 20:30:42,640 DEBUG: Start: Iteration 158 +2016-08-30 20:30:42,662 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:30:42,681 DEBUG: View 1 : 0.518518518519 +2016-08-30 20:30:42,701 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:30:42,723 DEBUG: View 3 : 0.698412698413 +2016-08-30 20:30:44,213 DEBUG: Best view : View3 +2016-08-30 20:30:55,144 DEBUG: Start: Iteration 159 +2016-08-30 20:30:55,165 DEBUG: View 0 : 0.603174603175 +2016-08-30 20:30:55,184 DEBUG: View 1 : 0.428571428571 +2016-08-30 20:30:55,204 DEBUG: View 2 : 0.417989417989 +2016-08-30 20:30:55,227 DEBUG: View 3 : 0.571428571429 +2016-08-30 20:30:56,722 DEBUG: Best view : View0 +2016-08-30 20:31:07,727 DEBUG: Start: Iteration 160 +2016-08-30 20:31:07,749 DEBUG: View 0 : 0.597883597884 +2016-08-30 20:31:07,769 DEBUG: View 1 : 0.407407407407 +2016-08-30 20:31:07,789 DEBUG: View 2 : 0.407407407407 +2016-08-30 20:31:07,812 DEBUG: View 3 : 0.571428571429 +2016-08-30 20:31:09,313 DEBUG: Best view : View3 +2016-08-30 20:31:20,361 DEBUG: Start: Iteration 161 +2016-08-30 20:31:20,383 DEBUG: View 0 : 0.666666666667 +2016-08-30 20:31:20,403 DEBUG: View 1 : 0.502645502646 +2016-08-30 20:31:20,423 DEBUG: View 2 : 0.518518518519 +2016-08-30 20:31:20,445 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:31:21,966 DEBUG: Best view : View0 +2016-08-30 20:31:33,065 DEBUG: Start: Iteration 162 +2016-08-30 20:31:33,086 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:31:33,105 DEBUG: View 1 : 0.417989417989 +2016-08-30 20:31:33,125 DEBUG: View 2 : 0.529100529101 +2016-08-30 20:31:33,149 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:31:34,667 DEBUG: Best view : View3 +2016-08-30 20:31:45,844 DEBUG: Start: Iteration 163 +2016-08-30 20:31:45,866 DEBUG: View 0 : 0.746031746032 +2016-08-30 20:31:45,887 DEBUG: View 1 : 0.386243386243 +2016-08-30 20:31:45,907 DEBUG: View 2 : 0.57671957672 +2016-08-30 20:31:45,930 DEBUG: View 3 : 0.582010582011 +2016-08-30 20:31:47,457 DEBUG: Best view : View0 +2016-08-30 20:31:58,736 DEBUG: Start: Iteration 164 +2016-08-30 20:31:58,757 DEBUG: View 0 : 0.666666666667 +2016-08-30 20:31:58,777 DEBUG: View 1 : 0.343915343915 +2016-08-30 20:31:58,796 DEBUG: View 2 : 0.328042328042 +2016-08-30 20:31:58,820 DEBUG: View 3 : 0.582010582011 +2016-08-30 20:32:00,365 DEBUG: Best view : View0 +2016-08-30 20:32:11,730 DEBUG: Start: Iteration 165 +2016-08-30 20:32:11,752 DEBUG: View 0 : 0.751322751323 +2016-08-30 20:32:11,771 DEBUG: View 1 : 0.714285714286 +2016-08-30 20:32:11,791 DEBUG: View 2 : 0.449735449735 +2016-08-30 20:32:11,814 DEBUG: View 3 : 0.544973544974 +2016-08-30 20:32:13,355 DEBUG: Best view : View0 +2016-08-30 20:32:24,769 DEBUG: Start: Iteration 166 +2016-08-30 20:32:24,790 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:32:24,810 DEBUG: View 1 : 0.375661375661 +2016-08-30 20:32:24,829 DEBUG: View 2 : 0.539682539683 +2016-08-30 20:32:24,851 DEBUG: View 3 : 0.687830687831 +2016-08-30 20:32:26,408 DEBUG: Best view : View0 +2016-08-30 20:32:37,885 DEBUG: Start: Iteration 167 +2016-08-30 20:32:37,907 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:32:37,926 DEBUG: View 1 : 0.433862433862 +2016-08-30 20:32:37,946 DEBUG: View 2 : 0.613756613757 +2016-08-30 20:32:37,968 DEBUG: View 3 : 0.687830687831 +2016-08-30 20:32:39,541 DEBUG: Best view : View3 +2016-08-30 20:32:51,160 DEBUG: Start: Iteration 168 +2016-08-30 20:32:51,181 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:32:51,201 DEBUG: View 1 : 0.380952380952 +2016-08-30 20:32:51,220 DEBUG: View 2 : 0.492063492063 +2016-08-30 20:32:51,243 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:32:52,815 DEBUG: Best view : View3 +2016-08-30 20:33:04,366 DEBUG: Start: Iteration 169 +2016-08-30 20:33:04,388 DEBUG: View 0 : 0.587301587302 +2016-08-30 20:33:04,408 DEBUG: View 1 : 0.338624338624 +2016-08-30 20:33:04,428 DEBUG: View 2 : 0.449735449735 +2016-08-30 20:33:04,451 DEBUG: View 3 : 0.671957671958 +2016-08-30 20:33:06,017 DEBUG: Best view : View3 +2016-08-30 20:33:17,695 DEBUG: Start: Iteration 170 +2016-08-30 20:33:17,716 DEBUG: View 0 : 0.666666666667 +2016-08-30 20:33:17,736 DEBUG: View 1 : 0.407407407407 +2016-08-30 20:33:17,756 DEBUG: View 2 : 0.460317460317 +2016-08-30 20:33:17,778 DEBUG: View 3 : 0.666666666667 +2016-08-30 20:33:19,366 DEBUG: Best view : View3 +2016-08-30 20:33:31,084 DEBUG: Start: Iteration 171 +2016-08-30 20:33:31,105 DEBUG: View 0 : 0.52380952381 +2016-08-30 20:33:31,125 DEBUG: View 1 : 0.354497354497 +2016-08-30 20:33:31,145 DEBUG: View 2 : 0.544973544974 +2016-08-30 20:33:31,168 DEBUG: View 3 : 0.613756613757 +2016-08-30 20:33:32,761 DEBUG: Best view : View3 +2016-08-30 20:33:44,610 DEBUG: Start: Iteration 172 +2016-08-30 20:33:44,632 DEBUG: View 0 : 0.608465608466 +2016-08-30 20:33:44,651 DEBUG: View 1 : 0.465608465608 +2016-08-30 20:33:44,671 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:33:44,694 DEBUG: View 3 : 0.582010582011 +2016-08-30 20:33:46,303 DEBUG: Best view : View3 +2016-08-30 20:33:58,165 DEBUG: Start: Iteration 173 +2016-08-30 20:33:58,186 DEBUG: View 0 : 0.661375661376 +2016-08-30 20:33:58,206 DEBUG: View 1 : 0.402116402116 +2016-08-30 20:33:58,226 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:33:58,249 DEBUG: View 3 : 0.582010582011 +2016-08-30 20:33:59,857 DEBUG: Best view : View0 +2016-08-30 20:34:11,856 DEBUG: Start: Iteration 174 +2016-08-30 20:34:11,877 DEBUG: View 0 : 0.645502645503 +2016-08-30 20:34:11,897 DEBUG: View 1 : 0.338624338624 +2016-08-30 20:34:11,916 DEBUG: View 2 : 0.518518518519 +2016-08-30 20:34:11,939 DEBUG: View 3 : 0.582010582011 +2016-08-30 20:34:13,545 DEBUG: Best view : View0 +2016-08-30 20:34:25,561 DEBUG: Start: Iteration 175 +2016-08-30 20:34:25,582 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:34:25,603 DEBUG: View 1 : 0.428571428571 +2016-08-30 20:34:25,623 DEBUG: View 2 : 0.603174603175 +2016-08-30 20:34:25,647 DEBUG: View 3 : 0.640211640212 +2016-08-30 20:34:27,270 DEBUG: Best view : View0 +2016-08-30 20:34:39,363 DEBUG: Start: Iteration 176 +2016-08-30 20:34:39,384 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:34:39,404 DEBUG: View 1 : 0.52380952381 +2016-08-30 20:34:39,424 DEBUG: View 2 : 0.544973544974 +2016-08-30 20:34:39,447 DEBUG: View 3 : 0.656084656085 +2016-08-30 20:34:41,076 DEBUG: Best view : View3 +2016-08-30 20:34:53,211 DEBUG: Start: Iteration 177 +2016-08-30 20:34:53,232 DEBUG: View 0 : 0.661375661376 +2016-08-30 20:34:53,253 DEBUG: View 1 : 0.428571428571 +2016-08-30 20:34:53,273 DEBUG: View 2 : 0.560846560847 +2016-08-30 20:34:53,295 DEBUG: View 3 : 0.603174603175 +2016-08-30 20:34:54,937 DEBUG: Best view : View0 +2016-08-30 20:35:07,180 DEBUG: Start: Iteration 178 +2016-08-30 20:35:07,201 DEBUG: View 0 : 0.634920634921 +2016-08-30 20:35:07,221 DEBUG: View 1 : 0.592592592593 +2016-08-30 20:35:07,241 DEBUG: View 2 : 0.555555555556 +2016-08-30 20:35:07,264 DEBUG: View 3 : 0.560846560847 +2016-08-30 20:35:08,907 DEBUG: Best view : View0 +2016-08-30 20:35:21,144 DEBUG: Start: Iteration 179 +2016-08-30 20:35:21,165 DEBUG: View 0 : 0.656084656085 +2016-08-30 20:35:21,185 DEBUG: View 1 : 0.333333333333 +2016-08-30 20:35:21,204 DEBUG: View 2 : 0.492063492063 +2016-08-30 20:35:21,227 DEBUG: View 3 : 0.724867724868 +2016-08-30 20:35:22,874 DEBUG: Best view : View3 +2016-08-30 20:35:35,192 DEBUG: Start: Iteration 180 +2016-08-30 20:35:35,213 DEBUG: View 0 : 0.656084656085 +2016-08-30 20:35:35,233 DEBUG: View 1 : 0.42328042328 +2016-08-30 20:35:35,253 DEBUG: View 2 : 0.566137566138 +2016-08-30 20:35:35,275 DEBUG: View 3 : 0.698412698413 +2016-08-30 20:35:36,940 DEBUG: Best view : View3 +2016-08-30 20:35:49,302 DEBUG: Start: Iteration 181 +2016-08-30 20:35:49,323 DEBUG: View 0 : 0.597883597884 +2016-08-30 20:35:49,343 DEBUG: View 1 : 0.31746031746 +2016-08-30 20:35:49,363 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:35:49,385 DEBUG: View 3 : 0.555555555556 +2016-08-30 20:35:51,050 DEBUG: Best view : View0 +2016-08-30 20:36:03,506 DEBUG: Start: Iteration 182 +2016-08-30 20:36:03,528 DEBUG: View 0 : 0.597883597884 +2016-08-30 20:36:03,548 DEBUG: View 1 : 0.391534391534 +2016-08-30 20:36:03,568 DEBUG: View 2 : 0.465608465608 +2016-08-30 20:36:03,591 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:36:05,276 DEBUG: Best view : View3 +2016-08-30 20:36:17,794 DEBUG: Start: Iteration 183 +2016-08-30 20:36:17,816 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:36:17,836 DEBUG: View 1 : 0.306878306878 +2016-08-30 20:36:17,856 DEBUG: View 2 : 0.481481481481 +2016-08-30 20:36:17,879 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:36:19,564 DEBUG: Best view : View3 +2016-08-30 20:36:32,282 DEBUG: Start: Iteration 184 +2016-08-30 20:36:32,303 DEBUG: View 0 : 0.656084656085 +2016-08-30 20:36:32,322 DEBUG: View 1 : 0.338624338624 +2016-08-30 20:36:32,343 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:36:32,365 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:36:34,071 DEBUG: Best view : View0 +2016-08-30 20:36:46,790 DEBUG: Start: Iteration 185 +2016-08-30 20:36:46,811 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:36:46,831 DEBUG: View 1 : 0.433862433862 +2016-08-30 20:36:46,850 DEBUG: View 2 : 0.470899470899 +2016-08-30 20:36:46,873 DEBUG: View 3 : 0.698412698413 +2016-08-30 20:36:48,585 DEBUG: Best view : View3 +2016-08-30 20:37:01,314 DEBUG: Start: Iteration 186 +2016-08-30 20:37:01,335 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:37:01,355 DEBUG: View 1 : 0.312169312169 +2016-08-30 20:37:01,375 DEBUG: View 2 : 0.492063492063 +2016-08-30 20:37:01,397 DEBUG: View 3 : 0.507936507937 +2016-08-30 20:37:03,115 DEBUG: Best view : View0 +2016-08-30 20:37:15,963 DEBUG: Start: Iteration 187 +2016-08-30 20:37:15,984 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:37:16,003 DEBUG: View 1 : 0.518518518519 +2016-08-30 20:37:16,024 DEBUG: View 2 : 0.529100529101 +2016-08-30 20:37:16,047 DEBUG: View 3 : 0.719576719577 +2016-08-30 20:37:17,765 DEBUG: Best view : View3 +2016-08-30 20:37:30,713 DEBUG: Start: Iteration 188 +2016-08-30 20:37:30,734 DEBUG: View 0 : 0.613756613757 +2016-08-30 20:37:30,753 DEBUG: View 1 : 0.343915343915 +2016-08-30 20:37:30,773 DEBUG: View 2 : 0.470899470899 +2016-08-30 20:37:30,797 DEBUG: View 3 : 0.513227513228 +2016-08-30 20:37:32,520 DEBUG: Best view : View0 +2016-08-30 20:37:45,488 DEBUG: Start: Iteration 189 +2016-08-30 20:37:45,510 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:37:45,529 DEBUG: View 1 : 0.433862433862 +2016-08-30 20:37:45,549 DEBUG: View 2 : 0.439153439153 +2016-08-30 20:37:45,572 DEBUG: View 3 : 0.513227513228 +2016-08-30 20:37:47,300 DEBUG: Best view : View0 +2016-08-30 20:38:00,312 DEBUG: Start: Iteration 190 +2016-08-30 20:38:00,333 DEBUG: View 0 : 0.703703703704 +2016-08-30 20:38:00,353 DEBUG: View 1 : 0.47619047619 +2016-08-30 20:38:00,373 DEBUG: View 2 : 0.534391534392 +2016-08-30 20:38:00,395 DEBUG: View 3 : 0.740740740741 +2016-08-30 20:38:02,145 DEBUG: Best view : View3 +2016-08-30 20:38:15,216 DEBUG: Start: Iteration 191 +2016-08-30 20:38:15,237 DEBUG: View 0 : 0.62962962963 +2016-08-30 20:38:15,257 DEBUG: View 1 : 0.502645502646 +2016-08-30 20:38:15,277 DEBUG: View 2 : 0.439153439153 +2016-08-30 20:38:15,300 DEBUG: View 3 : 0.513227513228 +2016-08-30 20:38:17,052 DEBUG: Best view : View0 +2016-08-30 20:38:30,245 DEBUG: Start: Iteration 192 +2016-08-30 20:38:30,266 DEBUG: View 0 : 0.57671957672 +2016-08-30 20:38:30,286 DEBUG: View 1 : 0.428571428571 +2016-08-30 20:38:30,306 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:38:30,328 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:38:32,084 DEBUG: Best view : View3 +2016-08-30 20:38:45,309 DEBUG: Start: Iteration 193 +2016-08-30 20:38:45,331 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:38:45,350 DEBUG: View 1 : 0.460317460317 +2016-08-30 20:38:45,371 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:38:45,393 DEBUG: View 3 : 0.513227513228 +2016-08-30 20:38:47,151 DEBUG: Best view : View0 +2016-08-30 20:39:00,473 DEBUG: Start: Iteration 194 +2016-08-30 20:39:00,494 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:39:00,514 DEBUG: View 1 : 0.396825396825 +2016-08-30 20:39:00,534 DEBUG: View 2 : 0.592592592593 +2016-08-30 20:39:00,557 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:39:02,338 DEBUG: Best view : View3 +2016-08-30 20:39:15,756 DEBUG: Start: Iteration 195 +2016-08-30 20:39:15,777 DEBUG: View 0 : 0.677248677249 +2016-08-30 20:39:15,797 DEBUG: View 1 : 0.322751322751 +2016-08-30 20:39:15,817 DEBUG: View 2 : 0.455026455026 +2016-08-30 20:39:15,840 DEBUG: View 3 : 0.513227513228 +2016-08-30 20:39:17,670 DEBUG: Best view : View0 +2016-08-30 20:39:31,124 DEBUG: Start: Iteration 196 +2016-08-30 20:39:31,145 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:39:31,165 DEBUG: View 1 : 0.396825396825 +2016-08-30 20:39:31,185 DEBUG: View 2 : 0.534391534392 +2016-08-30 20:39:31,208 DEBUG: View 3 : 0.640211640212 +2016-08-30 20:39:32,991 DEBUG: Best view : View3 +2016-08-30 20:39:46,518 DEBUG: Start: Iteration 197 +2016-08-30 20:39:46,539 DEBUG: View 0 : 0.693121693122 +2016-08-30 20:39:46,559 DEBUG: View 1 : 0.52380952381 +2016-08-30 20:39:46,579 DEBUG: View 2 : 0.465608465608 +2016-08-30 20:39:46,601 DEBUG: View 3 : 0.513227513228 +2016-08-30 20:39:48,397 DEBUG: Best view : View0 +2016-08-30 20:40:01,989 DEBUG: Start: Iteration 198 +2016-08-30 20:40:02,010 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:40:02,031 DEBUG: View 1 : 0.349206349206 +2016-08-30 20:40:02,050 DEBUG: View 2 : 0.47619047619 +2016-08-30 20:40:02,073 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:40:03,879 DEBUG: Best view : View3 +2016-08-30 20:40:17,528 DEBUG: Start: Iteration 199 +2016-08-30 20:40:17,549 DEBUG: View 0 : 0.724867724868 +2016-08-30 20:40:17,570 DEBUG: View 1 : 0.343915343915 +2016-08-30 20:40:17,589 DEBUG: View 2 : 0.52380952381 +2016-08-30 20:40:17,612 DEBUG: View 3 : 0.751322751323 +2016-08-30 20:40:19,425 DEBUG: Best view : View3 +2016-08-30 20:40:33,169 DEBUG: Start: Iteration 200 +2016-08-30 20:40:33,190 DEBUG: View 0 : 0.603174603175 +2016-08-30 20:40:33,209 DEBUG: View 1 : 0.338624338624 +2016-08-30 20:40:33,229 DEBUG: View 2 : 0.534391534392 +2016-08-30 20:40:33,252 DEBUG: View 3 : 0.513227513228 +2016-08-30 20:40:35,060 DEBUG: Best view : View0 +2016-08-30 20:40:48,847 DEBUG: Start: Iteration 201 +2016-08-30 20:40:48,868 DEBUG: View 0 : 0.555555555556 +2016-08-30 20:40:48,888 DEBUG: View 1 : 0.402116402116 +2016-08-30 20:40:48,908 DEBUG: View 2 : 0.460317460317 +2016-08-30 20:40:48,930 DEBUG: View 3 : 0.513227513228 +2016-08-30 20:40:50,747 DEBUG: Best view : View0 +2016-08-30 20:41:04,601 DEBUG: Start: Iteration 202 +2016-08-30 20:41:04,623 DEBUG: View 0 : 0.587301587302 +2016-08-30 20:41:04,643 DEBUG: View 1 : 0.396825396825 +2016-08-30 20:41:04,663 DEBUG: View 2 : 0.507936507937 +2016-08-30 20:41:04,687 DEBUG: View 3 : 0.502645502646 +2016-08-30 20:41:06,589 DEBUG: Best view : View0 +2016-08-30 20:41:20,563 DEBUG: Start: Iteration 203 +2016-08-30 20:41:20,585 DEBUG: View 0 : 0.73544973545 +2016-08-30 20:41:20,605 DEBUG: View 1 : 0.380952380952 +2016-08-30 20:41:20,625 DEBUG: View 2 : 0.529100529101 +2016-08-30 20:41:20,648 DEBUG: View 3 : 0.698412698413 +2016-08-30 20:41:22,507 DEBUG: Best view : View0 +2016-08-30 20:41:36,547 DEBUG: Start: Iteration 204 +2016-08-30 20:41:36,568 DEBUG: View 0 : 0.571428571429 +2016-08-30 20:41:36,588 DEBUG: View 1 : 0.444444444444 +2016-08-30 20:41:36,608 DEBUG: View 2 : 0.571428571429 +2016-08-30 20:41:36,631 DEBUG: View 3 : 0.502645502646 +2016-08-30 20:41:38,499 DEBUG: Best view : View2 +2016-08-30 20:41:52,595 DEBUG: Start: Iteration 205 +2016-08-30 20:41:52,617 DEBUG: View 0 : 0.645502645503 +2016-08-30 20:41:52,637 DEBUG: View 1 : 0.592592592593 +2016-08-30 20:41:52,657 DEBUG: View 2 : 0.555555555556 +2016-08-30 20:41:52,679 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:41:54,535 DEBUG: Best view : View3 +2016-08-30 20:42:08,744 DEBUG: Start: Iteration 206 +2016-08-30 20:42:08,765 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:42:08,784 DEBUG: View 1 : 0.365079365079 +2016-08-30 20:42:08,805 DEBUG: View 2 : 0.47619047619 +2016-08-30 20:42:08,827 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:42:10,687 DEBUG: Best view : View3 +2016-08-30 20:42:24,891 DEBUG: Start: Iteration 207 +2016-08-30 20:42:24,913 DEBUG: View 0 : 0.656084656085 +2016-08-30 20:42:24,933 DEBUG: View 1 : 0.354497354497 +2016-08-30 20:42:24,953 DEBUG: View 2 : 0.529100529101 +2016-08-30 20:42:24,976 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:42:26,846 DEBUG: Best view : View3 +2016-08-30 20:42:41,110 DEBUG: Start: Iteration 208 +2016-08-30 20:42:41,131 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:42:41,151 DEBUG: View 1 : 0.328042328042 +2016-08-30 20:42:41,171 DEBUG: View 2 : 0.481481481481 +2016-08-30 20:42:41,195 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:42:43,073 DEBUG: Best view : View3 +2016-08-30 20:42:57,525 DEBUG: Start: Iteration 209 +2016-08-30 20:42:57,546 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:42:57,567 DEBUG: View 1 : 0.328042328042 +2016-08-30 20:42:57,587 DEBUG: View 2 : 0.518518518519 +2016-08-30 20:42:57,611 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:42:59,483 DEBUG: Best view : View3 +2016-08-30 20:43:13,905 DEBUG: Start: Iteration 210 +2016-08-30 20:43:13,927 DEBUG: View 0 : 0.645502645503 +2016-08-30 20:43:13,947 DEBUG: View 1 : 0.470899470899 +2016-08-30 20:43:13,967 DEBUG: View 2 : 0.597883597884 +2016-08-30 20:43:13,989 DEBUG: View 3 : 0.582010582011 +2016-08-30 20:43:15,885 DEBUG: Best view : View2 +2016-08-30 20:43:30,319 DEBUG: Start: Iteration 211 +2016-08-30 20:43:30,341 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:43:30,362 DEBUG: View 1 : 0.396825396825 +2016-08-30 20:43:30,382 DEBUG: View 2 : 0.52380952381 +2016-08-30 20:43:30,404 DEBUG: View 3 : 0.698412698413 +2016-08-30 20:43:32,298 DEBUG: Best view : View3 +2016-08-30 20:43:46,802 DEBUG: Start: Iteration 212 +2016-08-30 20:43:46,824 DEBUG: View 0 : 0.597883597884 +2016-08-30 20:43:46,844 DEBUG: View 1 : 0.428571428571 +2016-08-30 20:43:46,864 DEBUG: View 2 : 0.481481481481 +2016-08-30 20:43:46,887 DEBUG: View 3 : 0.666666666667 +2016-08-30 20:43:48,797 DEBUG: Best view : View3 +2016-08-30 20:44:03,358 DEBUG: Start: Iteration 213 +2016-08-30 20:44:03,380 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:44:03,401 DEBUG: View 1 : 0.306878306878 +2016-08-30 20:44:03,421 DEBUG: View 2 : 0.433862433862 +2016-08-30 20:44:03,443 DEBUG: View 3 : 0.502645502646 +2016-08-30 20:44:05,379 DEBUG: Best view : View0 +2016-08-30 20:44:20,054 DEBUG: Start: Iteration 214 +2016-08-30 20:44:20,075 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:44:20,095 DEBUG: View 1 : 0.481481481481 +2016-08-30 20:44:20,115 DEBUG: View 2 : 0.444444444444 +2016-08-30 20:44:20,137 DEBUG: View 3 : 0.52380952381 +2016-08-30 20:44:22,075 DEBUG: Best view : View0 +2016-08-30 20:44:36,796 DEBUG: Start: Iteration 215 +2016-08-30 20:44:36,817 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:44:36,837 DEBUG: View 1 : 0.455026455026 +2016-08-30 20:44:36,856 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:44:36,879 DEBUG: View 3 : 0.740740740741 +2016-08-30 20:44:38,819 DEBUG: Best view : View3 +2016-08-30 20:44:53,595 DEBUG: Start: Iteration 216 +2016-08-30 20:44:53,616 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:44:53,636 DEBUG: View 1 : 0.465608465608 +2016-08-30 20:44:53,656 DEBUG: View 2 : 0.52380952381 +2016-08-30 20:44:53,679 DEBUG: View 3 : 0.825396825397 +2016-08-30 20:44:55,622 DEBUG: Best view : View3 +2016-08-30 20:45:10,573 DEBUG: Start: Iteration 217 +2016-08-30 20:45:10,594 DEBUG: View 0 : 0.634920634921 +2016-08-30 20:45:10,615 DEBUG: View 1 : 0.338624338624 +2016-08-30 20:45:10,635 DEBUG: View 2 : 0.634920634921 +2016-08-30 20:45:10,658 DEBUG: View 3 : 0.730158730159 +2016-08-30 20:45:12,616 DEBUG: Best view : View3 +2016-08-30 20:45:27,598 DEBUG: Start: Iteration 218 +2016-08-30 20:45:27,620 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:45:27,640 DEBUG: View 1 : 0.407407407407 +2016-08-30 20:45:27,660 DEBUG: View 2 : 0.560846560847 +2016-08-30 20:45:27,684 DEBUG: View 3 : 0.507936507937 +2016-08-30 20:45:29,629 DEBUG: Best view : View0 +2016-08-30 20:45:44,668 DEBUG: Start: Iteration 219 +2016-08-30 20:45:44,689 DEBUG: View 0 : 0.613756613757 +2016-08-30 20:45:44,708 DEBUG: View 1 : 0.354497354497 +2016-08-30 20:45:44,728 DEBUG: View 2 : 0.449735449735 +2016-08-30 20:45:44,751 DEBUG: View 3 : 0.719576719577 +2016-08-30 20:45:46,725 DEBUG: Best view : View3 +2016-08-30 20:46:01,806 DEBUG: Start: Iteration 220 +2016-08-30 20:46:01,828 DEBUG: View 0 : 0.698412698413 +2016-08-30 20:46:01,847 DEBUG: View 1 : 0.492063492063 +2016-08-30 20:46:01,868 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:46:01,890 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:46:03,873 DEBUG: Best view : View3 +2016-08-30 20:46:18,995 DEBUG: Start: Iteration 221 +2016-08-30 20:46:19,017 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:46:19,037 DEBUG: View 1 : 0.42328042328 +2016-08-30 20:46:19,058 DEBUG: View 2 : 0.502645502646 +2016-08-30 20:46:19,082 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:46:21,064 DEBUG: Best view : View3 +2016-08-30 20:46:36,243 DEBUG: Start: Iteration 222 +2016-08-30 20:46:36,265 DEBUG: View 0 : 0.719576719577 +2016-08-30 20:46:36,285 DEBUG: View 1 : 0.31746031746 +2016-08-30 20:46:36,305 DEBUG: View 2 : 0.433862433862 +2016-08-30 20:46:36,328 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:46:38,309 DEBUG: Best view : View0 +2016-08-30 20:46:53,616 DEBUG: Start: Iteration 223 +2016-08-30 20:46:53,637 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:46:53,657 DEBUG: View 1 : 0.380952380952 +2016-08-30 20:46:53,676 DEBUG: View 2 : 0.529100529101 +2016-08-30 20:46:53,699 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:46:55,675 DEBUG: Best view : View3 +2016-08-30 20:47:10,995 DEBUG: Start: Iteration 224 +2016-08-30 20:47:11,016 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:47:11,036 DEBUG: View 1 : 0.412698412698 +2016-08-30 20:47:11,057 DEBUG: View 2 : 0.47619047619 +2016-08-30 20:47:11,079 DEBUG: View 3 : 0.719576719577 +2016-08-30 20:47:13,077 DEBUG: Best view : View3 +2016-08-30 20:47:28,478 DEBUG: Start: Iteration 225 +2016-08-30 20:47:28,499 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:47:28,518 DEBUG: View 1 : 0.492063492063 +2016-08-30 20:47:28,538 DEBUG: View 2 : 0.47619047619 +2016-08-30 20:47:28,561 DEBUG: View 3 : 0.698412698413 +2016-08-30 20:47:30,553 DEBUG: Best view : View3 +2016-08-30 20:47:46,044 DEBUG: Start: Iteration 226 +2016-08-30 20:47:46,065 DEBUG: View 0 : 0.608465608466 +2016-08-30 20:47:46,085 DEBUG: View 1 : 0.396825396825 +2016-08-30 20:47:46,104 DEBUG: View 2 : 0.465608465608 +2016-08-30 20:47:46,128 DEBUG: View 3 : 0.698412698413 +2016-08-30 20:47:48,147 DEBUG: Best view : View3 +2016-08-30 20:48:03,687 DEBUG: Start: Iteration 227 +2016-08-30 20:48:03,708 DEBUG: View 0 : 0.661375661376 +2016-08-30 20:48:03,728 DEBUG: View 1 : 0.449735449735 +2016-08-30 20:48:03,748 DEBUG: View 2 : 0.52380952381 +2016-08-30 20:48:03,771 DEBUG: View 3 : 0.529100529101 +2016-08-30 20:48:05,793 DEBUG: Best view : View0 +2016-08-30 20:48:21,396 DEBUG: Start: Iteration 228 +2016-08-30 20:48:21,417 DEBUG: View 0 : 0.661375661376 +2016-08-30 20:48:21,437 DEBUG: View 1 : 0.312169312169 +2016-08-30 20:48:21,456 DEBUG: View 2 : 0.444444444444 +2016-08-30 20:48:21,479 DEBUG: View 3 : 0.529100529101 +2016-08-30 20:48:23,513 DEBUG: Best view : View0 +2016-08-30 20:48:39,190 DEBUG: Start: Iteration 229 +2016-08-30 20:48:39,212 DEBUG: View 0 : 0.634920634921 +2016-08-30 20:48:39,232 DEBUG: View 1 : 0.544973544974 +2016-08-30 20:48:39,252 DEBUG: View 2 : 0.455026455026 +2016-08-30 20:48:39,275 DEBUG: View 3 : 0.708994708995 +2016-08-30 20:48:41,314 DEBUG: Best view : View3 +2016-08-30 20:48:57,128 DEBUG: Start: Iteration 230 +2016-08-30 20:48:57,149 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:48:57,169 DEBUG: View 1 : 0.407407407407 +2016-08-30 20:48:57,188 DEBUG: View 2 : 0.497354497354 +2016-08-30 20:48:57,211 DEBUG: View 3 : 0.502645502646 +2016-08-30 20:48:59,262 DEBUG: Best view : View0 +2016-08-30 20:49:15,060 DEBUG: Start: Iteration 231 +2016-08-30 20:49:15,081 DEBUG: View 0 : 0.592592592593 +2016-08-30 20:49:15,101 DEBUG: View 1 : 0.37037037037 +2016-08-30 20:49:15,121 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:49:15,143 DEBUG: View 3 : 0.693121693122 +2016-08-30 20:49:17,199 DEBUG: Best view : View3 +2016-08-30 20:49:33,077 DEBUG: Start: Iteration 232 +2016-08-30 20:49:33,098 DEBUG: View 0 : 0.656084656085 +2016-08-30 20:49:33,118 DEBUG: View 1 : 0.391534391534 +2016-08-30 20:49:33,138 DEBUG: View 2 : 0.518518518519 +2016-08-30 20:49:33,161 DEBUG: View 3 : 0.693121693122 +2016-08-30 20:49:35,257 DEBUG: Best view : View3 +2016-08-30 20:49:51,184 DEBUG: Start: Iteration 233 +2016-08-30 20:49:51,206 DEBUG: View 0 : 0.634920634921 +2016-08-30 20:49:51,226 DEBUG: View 1 : 0.417989417989 +2016-08-30 20:49:51,246 DEBUG: View 2 : 0.534391534392 +2016-08-30 20:49:51,268 DEBUG: View 3 : 0.708994708995 +2016-08-30 20:49:53,345 DEBUG: Best view : View3 +2016-08-30 20:50:09,373 DEBUG: Start: Iteration 234 +2016-08-30 20:50:09,394 DEBUG: View 0 : 0.708994708995 +2016-08-30 20:50:09,413 DEBUG: View 1 : 0.455026455026 +2016-08-30 20:50:09,433 DEBUG: View 2 : 0.470899470899 +2016-08-30 20:50:09,457 DEBUG: View 3 : 0.708994708995 +2016-08-30 20:50:11,535 DEBUG: Best view : View3 +2016-08-30 20:50:27,645 DEBUG: Start: Iteration 235 +2016-08-30 20:50:27,666 DEBUG: View 0 : 0.661375661376 +2016-08-30 20:50:27,687 DEBUG: View 1 : 0.380952380952 +2016-08-30 20:50:27,706 DEBUG: View 2 : 0.375661375661 +2016-08-30 20:50:27,729 DEBUG: View 3 : 0.761904761905 +2016-08-30 20:50:29,842 DEBUG: Best view : View3 +2016-08-30 20:50:46,063 DEBUG: Start: Iteration 236 +2016-08-30 20:50:46,085 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:50:46,105 DEBUG: View 1 : 0.460317460317 +2016-08-30 20:50:46,126 DEBUG: View 2 : 0.449735449735 +2016-08-30 20:50:46,150 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:50:48,252 DEBUG: Best view : View3 +2016-08-30 20:51:04,489 DEBUG: Start: Iteration 237 +2016-08-30 20:51:04,510 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:51:04,529 DEBUG: View 1 : 0.349206349206 +2016-08-30 20:51:04,549 DEBUG: View 2 : 0.492063492063 +2016-08-30 20:51:04,572 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:51:06,667 DEBUG: Best view : View3 +2016-08-30 20:51:22,963 DEBUG: Start: Iteration 238 +2016-08-30 20:51:22,984 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:51:23,004 DEBUG: View 1 : 0.460317460317 +2016-08-30 20:51:23,024 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:51:23,047 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:51:25,152 DEBUG: Best view : View3 +2016-08-30 20:51:41,538 DEBUG: Start: Iteration 239 +2016-08-30 20:51:41,559 DEBUG: View 0 : 0.661375661376 +2016-08-30 20:51:41,579 DEBUG: View 1 : 0.455026455026 +2016-08-30 20:51:41,599 DEBUG: View 2 : 0.518518518519 +2016-08-30 20:51:41,621 DEBUG: View 3 : 0.619047619048 +2016-08-30 20:51:43,745 DEBUG: Best view : View0 +2016-08-30 20:52:00,144 DEBUG: Start: Iteration 240 +2016-08-30 20:52:00,165 DEBUG: View 0 : 0.671957671958 +2016-08-30 20:52:00,184 DEBUG: View 1 : 0.42328042328 +2016-08-30 20:52:00,204 DEBUG: View 2 : 0.555555555556 +2016-08-30 20:52:00,227 DEBUG: View 3 : 0.555555555556 +2016-08-30 20:52:02,355 DEBUG: Best view : View0 +2016-08-30 20:52:18,842 DEBUG: Start: Iteration 241 +2016-08-30 20:52:18,863 DEBUG: View 0 : 0.708994708995 +2016-08-30 20:52:18,883 DEBUG: View 1 : 0.518518518519 +2016-08-30 20:52:18,903 DEBUG: View 2 : 0.645502645503 +2016-08-30 20:52:18,926 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:52:21,035 DEBUG: Best view : View0 +2016-08-30 20:52:37,681 DEBUG: Start: Iteration 242 +2016-08-30 20:52:37,702 DEBUG: View 0 : 0.608465608466 +2016-08-30 20:52:37,722 DEBUG: View 1 : 0.343915343915 +2016-08-30 20:52:37,741 DEBUG: View 2 : 0.492063492063 +2016-08-30 20:52:37,764 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:52:39,905 DEBUG: Best view : View3 +2016-08-30 20:52:56,561 DEBUG: Start: Iteration 243 +2016-08-30 20:52:56,583 DEBUG: View 0 : 0.677248677249 +2016-08-30 20:52:56,605 DEBUG: View 1 : 0.481481481481 +2016-08-30 20:52:56,625 DEBUG: View 2 : 0.571428571429 +2016-08-30 20:52:56,649 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:52:58,795 DEBUG: Best view : View3 +2016-08-30 20:53:15,555 DEBUG: Start: Iteration 244 +2016-08-30 20:53:15,576 DEBUG: View 0 : 0.68253968254 +2016-08-30 20:53:15,596 DEBUG: View 1 : 0.386243386243 +2016-08-30 20:53:15,616 DEBUG: View 2 : 0.492063492063 +2016-08-30 20:53:15,638 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:53:17,790 DEBUG: Best view : View3 +2016-08-30 20:53:34,564 DEBUG: Start: Iteration 245 +2016-08-30 20:53:34,586 DEBUG: View 0 : 0.746031746032 +2016-08-30 20:53:34,606 DEBUG: View 1 : 0.349206349206 +2016-08-30 20:53:34,626 DEBUG: View 2 : 0.481481481481 +2016-08-30 20:53:34,649 DEBUG: View 3 : 0.730158730159 +2016-08-30 20:53:36,810 DEBUG: Best view : View0 +2016-08-30 20:53:53,656 DEBUG: Start: Iteration 246 +2016-08-30 20:53:53,678 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:53:53,698 DEBUG: View 1 : 0.497354497354 +2016-08-30 20:53:53,718 DEBUG: View 2 : 0.550264550265 +2016-08-30 20:53:53,741 DEBUG: View 3 : 0.73544973545 +2016-08-30 20:53:55,924 DEBUG: Best view : View3 +2016-08-30 20:54:12,853 DEBUG: Start: Iteration 247 +2016-08-30 20:54:12,875 DEBUG: View 0 : 0.661375661376 +2016-08-30 20:54:12,894 DEBUG: View 1 : 0.301587301587 +2016-08-30 20:54:12,914 DEBUG: View 2 : 0.645502645503 +2016-08-30 20:54:12,937 DEBUG: View 3 : 0.708994708995 +2016-08-30 20:54:15,120 DEBUG: Best view : View3 +2016-08-30 20:54:32,080 DEBUG: Start: Iteration 248 +2016-08-30 20:54:32,102 DEBUG: View 0 : 0.645502645503 +2016-08-30 20:54:32,122 DEBUG: View 1 : 0.354497354497 +2016-08-30 20:54:32,141 DEBUG: View 2 : 0.449735449735 +2016-08-30 20:54:32,165 DEBUG: View 3 : 0.703703703704 +2016-08-30 20:54:34,334 DEBUG: Best view : View3 +2016-08-30 20:54:51,381 DEBUG: Start: Iteration 249 +2016-08-30 20:54:51,403 DEBUG: View 0 : 0.708994708995 +2016-08-30 20:54:51,422 DEBUG: View 1 : 0.338624338624 +2016-08-30 20:54:51,441 DEBUG: View 2 : 0.671957671958 +2016-08-30 20:54:51,465 DEBUG: View 3 : 0.529100529101 +2016-08-30 20:54:53,664 DEBUG: Best view : View0 +2016-08-30 20:55:10,797 DEBUG: Start: Iteration 250 +2016-08-30 20:55:10,818 DEBUG: View 0 : 0.592592592593 +2016-08-30 20:55:10,837 DEBUG: View 1 : 0.391534391534 +2016-08-30 20:55:10,858 DEBUG: View 2 : 0.571428571429 +2016-08-30 20:55:10,881 DEBUG: View 3 : 0.534391534392 +2016-08-30 20:55:13,059 DEBUG: Best view : View2 +2016-08-30 20:55:30,197 DEBUG: Start: Iteration 251 +2016-08-30 20:55:30,218 DEBUG: View 0 : 0.645502645503 +2016-08-30 20:55:30,238 DEBUG: View 1 : 0.301587301587 +2016-08-30 20:55:30,259 DEBUG: View 2 : 0.481481481481 +2016-08-30 20:55:30,282 DEBUG: View 3 : 0.529100529101 +2016-08-30 20:55:32,500 DEBUG: Best view : View0 +2016-08-30 20:55:49,780 DEBUG: Start: Iteration 252 +2016-08-30 20:55:49,802 DEBUG: View 0 : 0.566137566138 +2016-08-30 20:55:49,821 DEBUG: View 1 : 0.550264550265 +2016-08-30 20:55:49,841 DEBUG: View 2 : 0.470899470899 +2016-08-30 20:55:49,863 DEBUG: View 3 : 0.73544973545 +2016-08-30 20:55:52,075 DEBUG: Best view : View3 +2016-08-30 20:56:09,393 DEBUG: Start: Iteration 253 +2016-08-30 20:56:09,415 DEBUG: View 0 : 0.619047619048 +2016-08-30 20:56:09,435 DEBUG: View 1 : 0.497354497354 +2016-08-30 20:56:09,455 DEBUG: View 2 : 0.507936507937 +2016-08-30 20:56:09,477 DEBUG: View 3 : 0.73544973545 +2016-08-30 20:56:11,709 DEBUG: Best view : View3 +2016-08-30 20:56:29,090 DEBUG: Start: Iteration 254 +2016-08-30 20:56:29,111 DEBUG: View 0 : 0.724867724868 +2016-08-30 20:56:29,131 DEBUG: View 1 : 0.349206349206 +2016-08-30 20:56:29,150 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:56:29,173 DEBUG: View 3 : 0.746031746032 +2016-08-30 20:56:31,412 DEBUG: Best view : View3 +2016-08-30 20:56:48,892 DEBUG: Start: Iteration 255 +2016-08-30 20:56:48,913 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:56:48,933 DEBUG: View 1 : 0.322751322751 +2016-08-30 20:56:48,953 DEBUG: View 2 : 0.402116402116 +2016-08-30 20:56:48,976 DEBUG: View 3 : 0.582010582011 +2016-08-30 20:56:51,230 DEBUG: Best view : View0 +2016-08-30 20:57:08,798 DEBUG: Start: Iteration 256 +2016-08-30 20:57:08,819 DEBUG: View 0 : 0.640211640212 +2016-08-30 20:57:08,838 DEBUG: View 1 : 0.555555555556 +2016-08-30 20:57:08,858 DEBUG: View 2 : 0.502645502646 +2016-08-30 20:57:08,881 DEBUG: View 3 : 0.687830687831 +2016-08-30 20:57:11,120 DEBUG: Best view : View3 +2016-08-30 20:57:28,720 DEBUG: Start: Iteration 257 +2016-08-30 20:57:28,741 DEBUG: View 0 : 0.587301587302 +2016-08-30 20:57:28,761 DEBUG: View 1 : 0.497354497354 +2016-08-30 20:57:28,781 DEBUG: View 2 : 0.555555555556 +2016-08-30 20:57:28,804 DEBUG: View 3 : 0.62962962963 +2016-08-30 20:57:31,043 DEBUG: Best view : View3 +2016-08-30 20:57:48,694 DEBUG: Start: Iteration 258 +2016-08-30 20:57:48,716 DEBUG: View 0 : 0.656084656085 +2016-08-30 20:57:48,736 DEBUG: View 1 : 0.433862433862 +2016-08-30 20:57:48,756 DEBUG: View 2 : 0.507936507937 +2016-08-30 20:57:48,779 DEBUG: View 3 : 0.751322751323 +2016-08-30 20:57:51,029 DEBUG: Best view : View3 +2016-08-30 20:58:08,759 DEBUG: Start: Iteration 259 +2016-08-30 20:58:08,781 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:58:08,801 DEBUG: View 1 : 0.354497354497 +2016-08-30 20:58:08,821 DEBUG: View 2 : 0.534391534392 +2016-08-30 20:58:08,844 DEBUG: View 3 : 0.751322751323 +2016-08-30 20:58:11,105 DEBUG: Best view : View3 +2016-08-30 20:58:28,920 DEBUG: Start: Iteration 260 +2016-08-30 20:58:28,941 DEBUG: View 0 : 0.687830687831 +2016-08-30 20:58:28,960 DEBUG: View 1 : 0.560846560847 +2016-08-30 20:58:28,981 DEBUG: View 2 : 0.513227513228 +2016-08-30 20:58:29,004 DEBUG: View 3 : 0.751322751323 +2016-08-30 20:58:31,300 DEBUG: Best view : View3 +2016-08-30 20:58:49,128 DEBUG: Start: Iteration 261 +2016-08-30 20:58:49,150 DEBUG: View 0 : 0.650793650794 +2016-08-30 20:58:49,169 DEBUG: View 1 : 0.391534391534 +2016-08-30 20:58:49,189 DEBUG: View 2 : 0.470899470899 +2016-08-30 20:58:49,212 DEBUG: View 3 : 0.714285714286 +2016-08-30 20:58:51,483 DEBUG: Best view : View3 +2016-08-30 20:59:09,526 DEBUG: Start: Iteration 262 +2016-08-30 20:59:09,548 DEBUG: View 0 : 0.550264550265 +2016-08-30 20:59:09,567 DEBUG: View 1 : 0.354497354497 +2016-08-30 20:59:09,587 DEBUG: View 2 : 0.52380952381 +2016-08-30 20:59:09,610 DEBUG: View 3 : 0.724867724868 +2016-08-30 20:59:11,894 DEBUG: Best view : View3 +2016-08-30 20:59:29,907 DEBUG: Start: Iteration 263 +2016-08-30 20:59:29,929 DEBUG: View 0 : 0.624338624339 +2016-08-30 20:59:29,949 DEBUG: View 1 : 0.587301587302 +2016-08-30 20:59:29,969 DEBUG: View 2 : 0.486772486772 +2016-08-30 20:59:29,991 DEBUG: View 3 : 0.724867724868 +2016-08-30 20:59:32,279 DEBUG: Best view : View3 +2016-08-30 20:59:50,371 DEBUG: Start: Iteration 264 +2016-08-30 20:59:50,393 DEBUG: View 0 : 0.634920634921 +2016-08-30 20:59:50,413 DEBUG: View 1 : 0.550264550265 +2016-08-30 20:59:50,433 DEBUG: View 2 : 0.687830687831 +2016-08-30 20:59:50,456 DEBUG: View 3 : 0.677248677249 +2016-08-30 20:59:52,738 DEBUG: Best view : View2 +2016-08-30 21:00:10,926 DEBUG: Start: Iteration 265 +2016-08-30 21:00:10,947 DEBUG: View 0 : 0.68253968254 +2016-08-30 21:00:10,967 DEBUG: View 1 : 0.338624338624 +2016-08-30 21:00:10,987 DEBUG: View 2 : 0.555555555556 +2016-08-30 21:00:11,010 DEBUG: View 3 : 0.650793650794 +2016-08-30 21:00:13,345 DEBUG: Best view : View0 +2016-08-30 21:00:31,619 DEBUG: Start: Iteration 266 +2016-08-30 21:00:31,640 DEBUG: View 0 : 0.767195767196 +2016-08-30 21:00:31,660 DEBUG: View 1 : 0.322751322751 +2016-08-30 21:00:31,680 DEBUG: View 2 : 0.513227513228 +2016-08-30 21:00:31,703 DEBUG: View 3 : 0.751322751323 +2016-08-30 21:00:34,016 DEBUG: Best view : View0 +2016-08-30 21:00:52,380 DEBUG: Start: Iteration 267 +2016-08-30 21:00:52,401 DEBUG: View 0 : 0.597883597884 +2016-08-30 21:00:52,422 DEBUG: View 1 : 0.338624338624 +2016-08-30 21:00:52,442 DEBUG: View 2 : 0.481481481481 +2016-08-30 21:00:52,464 DEBUG: View 3 : 0.68253968254 +2016-08-30 21:00:54,778 DEBUG: Best view : View3 +2016-08-30 21:01:13,162 DEBUG: Start: Iteration 268 +2016-08-30 21:01:13,183 DEBUG: View 0 : 0.68253968254 +2016-08-30 21:01:13,203 DEBUG: View 1 : 0.661375661376 +2016-08-30 21:01:13,223 DEBUG: View 2 : 0.481481481481 +2016-08-30 21:01:13,246 DEBUG: View 3 : 0.746031746032 +2016-08-30 21:01:15,647 DEBUG: Best view : View3 +2016-08-30 21:01:34,099 DEBUG: Start: Iteration 269 +2016-08-30 21:01:34,120 DEBUG: View 0 : 0.608465608466 +2016-08-30 21:01:34,140 DEBUG: View 1 : 0.343915343915 +2016-08-30 21:01:34,160 DEBUG: View 2 : 0.433862433862 +2016-08-30 21:01:34,184 DEBUG: View 3 : 0.746031746032 +2016-08-30 21:01:36,568 DEBUG: Best view : View3 +2016-08-30 21:01:55,044 DEBUG: Start: Iteration 270 +2016-08-30 21:01:55,065 DEBUG: View 0 : 0.597883597884 +2016-08-30 21:01:55,085 DEBUG: View 1 : 0.31746031746 +2016-08-30 21:01:55,105 DEBUG: View 2 : 0.470899470899 +2016-08-30 21:01:55,127 DEBUG: View 3 : 0.640211640212 +2016-08-30 21:01:57,521 DEBUG: Best view : View3 +2016-08-30 21:02:16,057 DEBUG: Start: Iteration 271 +2016-08-30 21:02:16,078 DEBUG: View 0 : 0.634920634921 +2016-08-30 21:02:16,098 DEBUG: View 1 : 0.402116402116 +2016-08-30 21:02:16,118 DEBUG: View 2 : 0.481481481481 +2016-08-30 21:02:16,140 DEBUG: View 3 : 0.661375661376 +2016-08-30 21:02:18,537 DEBUG: Best view : View3 +2016-08-30 21:02:37,191 DEBUG: Start: Iteration 272 +2016-08-30 21:02:37,213 DEBUG: View 0 : 0.597883597884 +2016-08-30 21:02:37,233 DEBUG: View 1 : 0.354497354497 +2016-08-30 21:02:37,253 DEBUG: View 2 : 0.433862433862 +2016-08-30 21:02:37,276 DEBUG: View 3 : 0.719576719577 +2016-08-30 21:02:39,690 DEBUG: Best view : View3 +2016-08-30 21:02:58,379 DEBUG: Start: Iteration 273 +2016-08-30 21:02:58,401 DEBUG: View 0 : 0.640211640212 +2016-08-30 21:02:58,420 DEBUG: View 1 : 0.433862433862 +2016-08-30 21:02:58,440 DEBUG: View 2 : 0.550264550265 +2016-08-30 21:02:58,463 DEBUG: View 3 : 0.486772486772 +2016-08-30 21:03:00,942 DEBUG: Best view : View0 +2016-08-30 21:03:19,845 DEBUG: Start: Iteration 274 +2016-08-30 21:03:19,866 DEBUG: View 0 : 0.587301587302 +2016-08-30 21:03:19,886 DEBUG: View 1 : 0.428571428571 +2016-08-30 21:03:19,906 DEBUG: View 2 : 0.634920634921 +2016-08-30 21:03:19,929 DEBUG: View 3 : 0.650793650794 +2016-08-30 21:03:22,344 DEBUG: Best view : View2 +2016-08-30 21:03:41,172 DEBUG: Start: Iteration 275 +2016-08-30 21:03:41,194 DEBUG: View 0 : 0.656084656085 +2016-08-30 21:03:41,213 DEBUG: View 1 : 0.42328042328 +2016-08-30 21:03:41,233 DEBUG: View 2 : 0.502645502646 +2016-08-30 21:03:41,256 DEBUG: View 3 : 0.656084656085 +2016-08-30 21:03:43,684 DEBUG: Best view : View0 +2016-08-30 21:04:02,570 DEBUG: Start: Iteration 276 +2016-08-30 21:04:02,591 DEBUG: View 0 : 0.645502645503 +2016-08-30 21:04:02,611 DEBUG: View 1 : 0.455026455026 +2016-08-30 21:04:02,631 DEBUG: View 2 : 0.486772486772 +2016-08-30 21:04:02,654 DEBUG: View 3 : 0.656084656085 +2016-08-30 21:04:05,107 DEBUG: Best view : View0 +2016-08-30 21:04:24,093 DEBUG: Start: Iteration 277 +2016-08-30 21:04:24,115 DEBUG: View 0 : 0.597883597884 +2016-08-30 21:04:24,134 DEBUG: View 1 : 0.52380952381 +2016-08-30 21:04:24,155 DEBUG: View 2 : 0.571428571429 +2016-08-30 21:04:24,178 DEBUG: View 3 : 0.730158730159 +2016-08-30 21:04:26,629 DEBUG: Best view : View3 +2016-08-30 21:04:45,738 DEBUG: Start: Iteration 278 +2016-08-30 21:04:45,759 DEBUG: View 0 : 0.603174603175 +2016-08-30 21:04:45,779 DEBUG: View 1 : 0.338624338624 +2016-08-30 21:04:45,798 DEBUG: View 2 : 0.492063492063 +2016-08-30 21:04:45,821 DEBUG: View 3 : 0.730158730159 +2016-08-30 21:04:48,305 DEBUG: Best view : View3 +2016-08-30 21:05:07,399 DEBUG: Start: Iteration 279 +2016-08-30 21:05:07,420 DEBUG: View 0 : 0.698412698413 +2016-08-30 21:05:07,441 DEBUG: View 1 : 0.328042328042 +2016-08-30 21:05:07,460 DEBUG: View 2 : 0.481481481481 +2016-08-30 21:05:07,483 DEBUG: View 3 : 0.650793650794 +2016-08-30 21:05:09,936 DEBUG: Best view : View0 +2016-08-30 21:05:29,185 DEBUG: Start: Iteration 280 +2016-08-30 21:05:29,206 DEBUG: View 0 : 0.645502645503 +2016-08-30 21:05:29,225 DEBUG: View 1 : 0.47619047619 +2016-08-30 21:05:29,245 DEBUG: View 2 : 0.603174603175 +2016-08-30 21:05:29,268 DEBUG: View 3 : 0.650793650794 +2016-08-30 21:05:31,737 DEBUG: Best view : View3 +2016-08-30 21:05:50,989 DEBUG: Start: Iteration 281 +2016-08-30 21:05:51,010 DEBUG: View 0 : 0.587301587302 +2016-08-30 21:05:51,030 DEBUG: View 1 : 0.359788359788 +2016-08-30 21:05:51,051 DEBUG: View 2 : 0.449735449735 +2016-08-30 21:05:51,073 DEBUG: View 3 : 0.650793650794 +2016-08-30 21:05:53,581 DEBUG: Best view : View3 +2016-08-30 21:06:12,993 DEBUG: Start: Iteration 282 +2016-08-30 21:06:13,015 DEBUG: View 0 : 0.603174603175 +2016-08-30 21:06:13,035 DEBUG: View 1 : 0.460317460317 +2016-08-30 21:06:13,055 DEBUG: View 2 : 0.465608465608 +2016-08-30 21:06:13,077 DEBUG: View 3 : 0.47619047619 +2016-08-30 21:06:15,575 DEBUG: Best view : View0 +2016-08-30 21:06:34,973 DEBUG: Start: Iteration 283 +2016-08-30 21:06:34,994 DEBUG: View 0 : 0.640211640212 +2016-08-30 21:06:35,014 DEBUG: View 1 : 0.322751322751 +2016-08-30 21:06:35,034 DEBUG: View 2 : 0.455026455026 +2016-08-30 21:06:35,057 DEBUG: View 3 : 0.650793650794 +2016-08-30 21:06:37,560 DEBUG: Best view : View3 +2016-08-30 21:06:57,072 DEBUG: Start: Iteration 284 +2016-08-30 21:06:57,093 DEBUG: View 0 : 0.634920634921 +2016-08-30 21:06:57,113 DEBUG: View 1 : 0.396825396825 +2016-08-30 21:06:57,133 DEBUG: View 2 : 0.47619047619 +2016-08-30 21:06:57,155 DEBUG: View 3 : 0.650793650794 +2016-08-30 21:06:59,654 DEBUG: Best view : View3 +2016-08-30 21:07:19,163 DEBUG: Start: Iteration 285 +2016-08-30 21:07:19,185 DEBUG: View 0 : 0.597883597884 +2016-08-30 21:07:19,205 DEBUG: View 1 : 0.428571428571 +2016-08-30 21:07:19,224 DEBUG: View 2 : 0.613756613757 +2016-08-30 21:07:19,248 DEBUG: View 3 : 0.730158730159 +2016-08-30 21:07:21,775 DEBUG: Best view : View3 +2016-08-30 21:07:41,345 DEBUG: Start: Iteration 286 +2016-08-30 21:07:41,366 DEBUG: View 0 : 0.645502645503 +2016-08-30 21:07:41,386 DEBUG: View 1 : 0.359788359788 +2016-08-30 21:07:41,405 DEBUG: View 2 : 0.492063492063 +2016-08-30 21:07:41,430 DEBUG: View 3 : 0.571428571429 +2016-08-30 21:07:43,979 DEBUG: Best view : View0 +2016-08-30 21:08:03,661 DEBUG: Start: Iteration 287 +2016-08-30 21:08:03,683 DEBUG: View 0 : 0.640211640212 +2016-08-30 21:08:03,702 DEBUG: View 1 : 0.375661375661 +2016-08-30 21:08:03,722 DEBUG: View 2 : 0.502645502646 +2016-08-30 21:08:03,745 DEBUG: View 3 : 0.566137566138 +2016-08-30 21:08:06,292 DEBUG: Best view : View0 +2016-08-30 21:08:26,015 DEBUG: Start: Iteration 288 +2016-08-30 21:08:26,036 DEBUG: View 0 : 0.619047619048 +2016-08-30 21:08:26,055 DEBUG: View 1 : 0.37037037037 +2016-08-30 21:08:26,075 DEBUG: View 2 : 0.544973544974 +2016-08-30 21:08:26,098 DEBUG: View 3 : 0.507936507937 +2016-08-30 21:08:28,642 DEBUG: Best view : View0 +2016-08-30 21:08:48,517 DEBUG: Start: Iteration 289 +2016-08-30 21:08:48,539 DEBUG: View 0 : 0.619047619048 +2016-08-30 21:08:48,559 DEBUG: View 1 : 0.386243386243 +2016-08-30 21:08:48,579 DEBUG: View 2 : 0.492063492063 +2016-08-30 21:08:48,603 DEBUG: View 3 : 0.661375661376 +2016-08-30 21:08:51,181 DEBUG: Best view : View3 +2016-08-30 21:09:11,116 DEBUG: Start: Iteration 290 +2016-08-30 21:09:11,138 DEBUG: View 0 : 0.687830687831 +2016-08-30 21:09:11,158 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:09:11,178 DEBUG: View 2 : 0.481481481481 +2016-08-30 21:09:11,200 DEBUG: View 3 : 0.640211640212 +2016-08-30 21:09:13,768 DEBUG: Best view : View0 +2016-08-30 21:09:33,695 DEBUG: Start: Iteration 291 +2016-08-30 21:09:33,717 DEBUG: View 0 : 0.619047619048 +2016-08-30 21:09:33,737 DEBUG: View 1 : 0.433862433862 +2016-08-30 21:09:33,757 DEBUG: View 2 : 0.497354497354 +2016-08-30 21:09:33,780 DEBUG: View 3 : 0.513227513228 +2016-08-30 21:09:36,363 DEBUG: Best view : View0 +2016-08-30 21:09:56,396 DEBUG: Start: Iteration 292 +2016-08-30 21:09:56,418 DEBUG: View 0 : 0.624338624339 +2016-08-30 21:09:56,437 DEBUG: View 1 : 0.322751322751 +2016-08-30 21:09:56,457 DEBUG: View 2 : 0.534391534392 +2016-08-30 21:09:56,480 DEBUG: View 3 : 0.719576719577 +2016-08-30 21:09:59,056 DEBUG: Best view : View3 +2016-08-30 21:10:19,090 DEBUG: Start: Iteration 293 +2016-08-30 21:10:19,112 DEBUG: View 0 : 0.529100529101 +2016-08-30 21:10:19,132 DEBUG: View 1 : 0.57671957672 +2016-08-30 21:10:19,152 DEBUG: View 2 : 0.497354497354 +2016-08-30 21:10:19,175 DEBUG: View 3 : 0.640211640212 +2016-08-30 21:10:21,771 DEBUG: Best view : View3 +2016-08-30 21:10:41,948 DEBUG: Start: Iteration 294 +2016-08-30 21:10:41,969 DEBUG: View 0 : 0.746031746032 +2016-08-30 21:10:41,989 DEBUG: View 1 : 0.343915343915 +2016-08-30 21:10:42,009 DEBUG: View 2 : 0.407407407407 +2016-08-30 21:10:42,032 DEBUG: View 3 : 0.656084656085 +2016-08-30 21:10:44,613 DEBUG: Best view : View0 +2016-08-30 21:11:04,859 DEBUG: Start: Iteration 295 +2016-08-30 21:11:04,880 DEBUG: View 0 : 0.634920634921 +2016-08-30 21:11:04,900 DEBUG: View 1 : 0.37037037037 +2016-08-30 21:11:04,920 DEBUG: View 2 : 0.597883597884 +2016-08-30 21:11:04,943 DEBUG: View 3 : 0.719576719577 +2016-08-30 21:11:07,524 DEBUG: Best view : View3 +2016-08-30 21:11:27,806 DEBUG: Start: Iteration 296 +2016-08-30 21:11:27,828 DEBUG: View 0 : 0.634920634921 +2016-08-30 21:11:27,847 DEBUG: View 1 : 0.328042328042 +2016-08-30 21:11:27,867 DEBUG: View 2 : 0.507936507937 +2016-08-30 21:11:27,889 DEBUG: View 3 : 0.68253968254 +2016-08-30 21:11:30,494 DEBUG: Best view : View3 +2016-08-30 21:11:50,818 DEBUG: Start: Iteration 297 +2016-08-30 21:11:50,839 DEBUG: View 0 : 0.703703703704 +2016-08-30 21:11:50,858 DEBUG: View 1 : 0.343915343915 +2016-08-30 21:11:50,878 DEBUG: View 2 : 0.42328042328 +2016-08-30 21:11:50,901 DEBUG: View 3 : 0.68253968254 +2016-08-30 21:11:53,519 DEBUG: Best view : View0 +2016-08-30 21:12:13,943 DEBUG: Start: Iteration 298 +2016-08-30 21:12:13,964 DEBUG: View 0 : 0.687830687831 +2016-08-30 21:12:13,984 DEBUG: View 1 : 0.407407407407 +2016-08-30 21:12:14,004 DEBUG: View 2 : 0.550264550265 +2016-08-30 21:12:14,027 DEBUG: View 3 : 0.650793650794 +2016-08-30 21:12:16,634 DEBUG: Best view : View0 +2016-08-30 21:12:37,099 DEBUG: Start: Iteration 299 +2016-08-30 21:12:37,121 DEBUG: View 0 : 0.597883597884 +2016-08-30 21:12:37,140 DEBUG: View 1 : 0.380952380952 +2016-08-30 21:12:37,160 DEBUG: View 2 : 0.396825396825 +2016-08-30 21:12:37,183 DEBUG: View 3 : 0.656084656085 +2016-08-30 21:12:39,818 DEBUG: Best view : View3 +2016-08-30 21:13:00,431 DEBUG: Start: Iteration 300 +2016-08-30 21:13:00,452 DEBUG: View 0 : 0.661375661376 +2016-08-30 21:13:00,472 DEBUG: View 1 : 0.343915343915 +2016-08-30 21:13:00,491 DEBUG: View 2 : 0.502645502646 +2016-08-30 21:13:00,514 DEBUG: View 3 : 0.661375661376 +2016-08-30 21:13:03,152 DEBUG: Best view : View0 +2016-08-30 21:13:23,751 DEBUG: Start: Iteration 301 +2016-08-30 21:13:23,773 DEBUG: View 0 : 0.640211640212 +2016-08-30 21:13:23,793 DEBUG: View 1 : 0.42328042328 +2016-08-30 21:13:23,813 DEBUG: View 2 : 0.486772486772 +2016-08-30 21:13:23,836 DEBUG: View 3 : 0.640211640212 +2016-08-30 21:13:26,468 DEBUG: Best view : View3 +2016-08-30 21:13:47,243 DEBUG: Start: Iteration 302 +2016-08-30 21:13:47,267 DEBUG: View 0 : 0.640211640212 +2016-08-30 21:13:47,289 DEBUG: View 1 : 0.566137566138 +2016-08-30 21:13:47,312 DEBUG: View 2 : 0.349206349206 +2016-08-30 21:13:47,337 DEBUG: View 3 : 0.671957671958 +2016-08-30 21:13:50,031 DEBUG: Best view : View3 +2016-08-30 21:14:10,856 INFO: Start: Classification +2016-08-30 21:14:44,078 INFO: Done: Fold number 3 +2016-08-30 21:14:44,078 INFO: Start: Fold number 4 +2016-08-30 21:14:52,141 DEBUG: Start: Iteration 1 +2016-08-30 21:14:52,163 DEBUG: View 0 : 0.112903225806 +2016-08-30 21:14:52,182 DEBUG: View 1 : 0.134408602151 +2016-08-30 21:14:52,200 DEBUG: View 2 : 0.150537634409 +2016-08-30 21:14:52,223 DEBUG: View 3 : 0.139784946237 +2016-08-30 21:14:52,223 WARNING: WARNING: All bad for iteration 0 +2016-08-30 21:14:52,620 DEBUG: Best view : View0 +2016-08-30 21:14:52,740 DEBUG: Start: Iteration 2 +2016-08-30 21:14:52,762 DEBUG: View 0 : 0.661290322581 +2016-08-30 21:14:52,781 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:14:52,801 DEBUG: View 2 : 0.52688172043 +2016-08-30 21:14:52,823 DEBUG: View 3 : 0.768817204301 +2016-08-30 21:14:53,130 DEBUG: Best view : View3 +2016-08-30 21:14:53,321 DEBUG: Start: Iteration 3 +2016-08-30 21:14:53,341 DEBUG: View 0 : 0.682795698925 +2016-08-30 21:14:53,361 DEBUG: View 1 : 0.349462365591 +2016-08-30 21:14:53,380 DEBUG: View 2 : 0.602150537634 +2016-08-30 21:14:53,402 DEBUG: View 3 : 0.768817204301 +2016-08-30 21:14:53,838 DEBUG: Best view : View3 +2016-08-30 21:14:54,109 DEBUG: Start: Iteration 4 +2016-08-30 21:14:54,131 DEBUG: View 0 : 0.403225806452 +2016-08-30 21:14:54,150 DEBUG: View 1 : 0.301075268817 +2016-08-30 21:14:54,169 DEBUG: View 2 : 0.596774193548 +2016-08-30 21:14:54,192 DEBUG: View 3 : 0.720430107527 +2016-08-30 21:14:54,566 DEBUG: Best view : View3 +2016-08-30 21:14:54,896 DEBUG: Start: Iteration 5 +2016-08-30 21:14:54,917 DEBUG: View 0 : 0.47311827957 +2016-08-30 21:14:54,936 DEBUG: View 1 : 0.317204301075 +2016-08-30 21:14:54,955 DEBUG: View 2 : 0.602150537634 +2016-08-30 21:14:54,977 DEBUG: View 3 : 0.672043010753 +2016-08-30 21:14:55,342 DEBUG: Best view : View3 +2016-08-30 21:14:55,742 DEBUG: Start: Iteration 6 +2016-08-30 21:14:55,763 DEBUG: View 0 : 0.629032258065 +2016-08-30 21:14:55,783 DEBUG: View 1 : 0.301075268817 +2016-08-30 21:14:55,802 DEBUG: View 2 : 0.532258064516 +2016-08-30 21:14:55,825 DEBUG: View 3 : 0.672043010753 +2016-08-30 21:14:56,208 DEBUG: Best view : View3 +2016-08-30 21:14:56,675 DEBUG: Start: Iteration 7 +2016-08-30 21:14:56,697 DEBUG: View 0 : 0.510752688172 +2016-08-30 21:14:56,716 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:14:56,736 DEBUG: View 2 : 0.478494623656 +2016-08-30 21:14:56,759 DEBUG: View 3 : 0.596774193548 +2016-08-30 21:14:57,143 DEBUG: Best view : View3 +2016-08-30 21:14:57,676 DEBUG: Start: Iteration 8 +2016-08-30 21:14:57,697 DEBUG: View 0 : 0.505376344086 +2016-08-30 21:14:57,716 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:14:57,735 DEBUG: View 2 : 0.564516129032 +2016-08-30 21:14:57,760 DEBUG: View 3 : 0.354838709677 +2016-08-30 21:14:58,148 DEBUG: Best view : View2 +2016-08-30 21:14:58,745 DEBUG: Start: Iteration 9 +2016-08-30 21:14:58,766 DEBUG: View 0 : 0.55376344086 +2016-08-30 21:14:58,785 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:14:58,805 DEBUG: View 2 : 0.596774193548 +2016-08-30 21:14:58,827 DEBUG: View 3 : 0.456989247312 +2016-08-30 21:14:59,253 DEBUG: Best view : View2 +2016-08-30 21:14:59,920 DEBUG: Start: Iteration 10 +2016-08-30 21:14:59,942 DEBUG: View 0 : 0.596774193548 +2016-08-30 21:14:59,961 DEBUG: View 1 : 0.301075268817 +2016-08-30 21:14:59,980 DEBUG: View 2 : 0.639784946237 +2016-08-30 21:15:00,003 DEBUG: View 3 : 0.456989247312 +2016-08-30 21:15:00,411 DEBUG: Best view : View2 +2016-08-30 21:15:01,159 DEBUG: Start: Iteration 11 +2016-08-30 21:15:01,180 DEBUG: View 0 : 0.489247311828 +2016-08-30 21:15:01,199 DEBUG: View 1 : 0.483870967742 +2016-08-30 21:15:01,218 DEBUG: View 2 : 0.424731182796 +2016-08-30 21:15:01,240 DEBUG: View 3 : 0.456989247312 +2016-08-30 21:15:01,240 WARNING: WARNING: All bad for iteration 10 +2016-08-30 21:15:01,651 DEBUG: Best view : View1 +2016-08-30 21:15:02,454 DEBUG: Start: Iteration 12 +2016-08-30 21:15:02,474 DEBUG: View 0 : 0.489247311828 +2016-08-30 21:15:02,493 DEBUG: View 1 : 0.413978494624 +2016-08-30 21:15:02,513 DEBUG: View 2 : 0.430107526882 +2016-08-30 21:15:02,536 DEBUG: View 3 : 0.456989247312 +2016-08-30 21:15:02,537 WARNING: WARNING: All bad for iteration 11 +2016-08-30 21:15:02,954 DEBUG: Best view : View3 +2016-08-30 21:15:03,823 DEBUG: Start: Iteration 13 +2016-08-30 21:15:03,844 DEBUG: View 0 : 0.521505376344 +2016-08-30 21:15:03,864 DEBUG: View 1 : 0.408602150538 +2016-08-30 21:15:03,884 DEBUG: View 2 : 0.559139784946 +2016-08-30 21:15:03,906 DEBUG: View 3 : 0.456989247312 +2016-08-30 21:15:04,338 DEBUG: Best view : View2 +2016-08-30 21:15:05,280 DEBUG: Start: Iteration 14 +2016-08-30 21:15:05,302 DEBUG: View 0 : 0.602150537634 +2016-08-30 21:15:05,321 DEBUG: View 1 : 0.354838709677 +2016-08-30 21:15:05,341 DEBUG: View 2 : 0.494623655914 +2016-08-30 21:15:05,364 DEBUG: View 3 : 0.456989247312 +2016-08-30 21:15:05,806 DEBUG: Best view : View0 +2016-08-30 21:15:06,812 DEBUG: Start: Iteration 15 +2016-08-30 21:15:06,834 DEBUG: View 0 : 0.543010752688 +2016-08-30 21:15:06,853 DEBUG: View 1 : 0.317204301075 +2016-08-30 21:15:06,872 DEBUG: View 2 : 0.456989247312 +2016-08-30 21:15:06,895 DEBUG: View 3 : 0.456989247312 +2016-08-30 21:15:07,344 DEBUG: Best view : View0 +2016-08-30 21:15:08,417 DEBUG: Start: Iteration 16 +2016-08-30 21:15:08,438 DEBUG: View 0 : 0.736559139785 +2016-08-30 21:15:08,458 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:15:08,477 DEBUG: View 2 : 0.39247311828 +2016-08-30 21:15:08,500 DEBUG: View 3 : 0.456989247312 +2016-08-30 21:15:08,966 DEBUG: Best view : View0 +2016-08-30 21:15:10,141 DEBUG: Start: Iteration 17 +2016-08-30 21:15:10,162 DEBUG: View 0 : 0.516129032258 +2016-08-30 21:15:10,182 DEBUG: View 1 : 0.338709677419 +2016-08-30 21:15:10,201 DEBUG: View 2 : 0.564516129032 +2016-08-30 21:15:10,224 DEBUG: View 3 : 0.451612903226 +2016-08-30 21:15:10,689 DEBUG: Best view : View2 +2016-08-30 21:15:11,900 DEBUG: Start: Iteration 18 +2016-08-30 21:15:11,921 DEBUG: View 0 : 0.586021505376 +2016-08-30 21:15:11,940 DEBUG: View 1 : 0.435483870968 +2016-08-30 21:15:11,960 DEBUG: View 2 : 0.424731182796 +2016-08-30 21:15:11,982 DEBUG: View 3 : 0.456989247312 +2016-08-30 21:15:12,456 DEBUG: Best view : View0 +2016-08-30 21:15:13,734 DEBUG: Start: Iteration 19 +2016-08-30 21:15:13,755 DEBUG: View 0 : 0.489247311828 +2016-08-30 21:15:13,774 DEBUG: View 1 : 0.370967741935 +2016-08-30 21:15:13,793 DEBUG: View 2 : 0.559139784946 +2016-08-30 21:15:13,816 DEBUG: View 3 : 0.456989247312 +2016-08-30 21:15:14,297 DEBUG: Best view : View2 +2016-08-30 21:15:15,646 DEBUG: Start: Iteration 20 +2016-08-30 21:15:15,668 DEBUG: View 0 : 0.58064516129 +2016-08-30 21:15:15,687 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:15:15,707 DEBUG: View 2 : 0.483870967742 +2016-08-30 21:15:15,731 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:15:16,219 DEBUG: Best view : View0 +2016-08-30 21:15:17,637 DEBUG: Start: Iteration 21 +2016-08-30 21:15:17,657 DEBUG: View 0 : 0.55376344086 +2016-08-30 21:15:17,676 DEBUG: View 1 : 0.537634408602 +2016-08-30 21:15:17,695 DEBUG: View 2 : 0.424731182796 +2016-08-30 21:15:17,718 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:15:18,210 DEBUG: Best view : View1 +2016-08-30 21:15:19,694 DEBUG: Start: Iteration 22 +2016-08-30 21:15:19,714 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:15:19,734 DEBUG: View 1 : 0.376344086022 +2016-08-30 21:15:19,753 DEBUG: View 2 : 0.548387096774 +2016-08-30 21:15:19,776 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:15:20,281 DEBUG: Best view : View0 +2016-08-30 21:15:21,836 DEBUG: Start: Iteration 23 +2016-08-30 21:15:21,859 DEBUG: View 0 : 0.537634408602 +2016-08-30 21:15:21,880 DEBUG: View 1 : 0.338709677419 +2016-08-30 21:15:21,903 DEBUG: View 2 : 0.521505376344 +2016-08-30 21:15:21,928 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:15:22,515 DEBUG: Best view : View2 +2016-08-30 21:15:24,153 DEBUG: Start: Iteration 24 +2016-08-30 21:15:24,174 DEBUG: View 0 : 0.60752688172 +2016-08-30 21:15:24,194 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:15:24,213 DEBUG: View 2 : 0.430107526882 +2016-08-30 21:15:24,235 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:15:24,760 DEBUG: Best view : View0 +2016-08-30 21:15:26,447 DEBUG: Start: Iteration 25 +2016-08-30 21:15:26,467 DEBUG: View 0 : 0.645161290323 +2016-08-30 21:15:26,486 DEBUG: View 1 : 0.290322580645 +2016-08-30 21:15:26,506 DEBUG: View 2 : 0.586021505376 +2016-08-30 21:15:26,529 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:15:27,052 DEBUG: Best view : View0 +2016-08-30 21:15:28,808 DEBUG: Start: Iteration 26 +2016-08-30 21:15:28,828 DEBUG: View 0 : 0.634408602151 +2016-08-30 21:15:28,848 DEBUG: View 1 : 0.322580645161 +2016-08-30 21:15:28,867 DEBUG: View 2 : 0.467741935484 +2016-08-30 21:15:28,890 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:15:29,428 DEBUG: Best view : View0 +2016-08-30 21:15:31,246 DEBUG: Start: Iteration 27 +2016-08-30 21:15:31,267 DEBUG: View 0 : 0.602150537634 +2016-08-30 21:15:31,286 DEBUG: View 1 : 0.370967741935 +2016-08-30 21:15:31,306 DEBUG: View 2 : 0.569892473118 +2016-08-30 21:15:31,329 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:15:31,869 DEBUG: Best view : View0 +2016-08-30 21:15:33,758 DEBUG: Start: Iteration 28 +2016-08-30 21:15:33,780 DEBUG: View 0 : 0.478494623656 +2016-08-30 21:15:33,801 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:15:33,822 DEBUG: View 2 : 0.532258064516 +2016-08-30 21:15:33,847 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:15:34,442 DEBUG: Best view : View2 +2016-08-30 21:15:36,397 DEBUG: Start: Iteration 29 +2016-08-30 21:15:36,417 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:15:36,437 DEBUG: View 1 : 0.311827956989 +2016-08-30 21:15:36,456 DEBUG: View 2 : 0.516129032258 +2016-08-30 21:15:36,478 DEBUG: View 3 : 0.811827956989 +2016-08-30 21:15:37,034 DEBUG: Best view : View3 +2016-08-30 21:15:39,053 DEBUG: Start: Iteration 30 +2016-08-30 21:15:39,074 DEBUG: View 0 : 0.5 +2016-08-30 21:15:39,093 DEBUG: View 1 : 0.290322580645 +2016-08-30 21:15:39,113 DEBUG: View 2 : 0.548387096774 +2016-08-30 21:15:39,135 DEBUG: View 3 : 0.811827956989 +2016-08-30 21:15:39,693 DEBUG: Best view : View3 +2016-08-30 21:15:41,790 DEBUG: Start: Iteration 31 +2016-08-30 21:15:41,811 DEBUG: View 0 : 0.548387096774 +2016-08-30 21:15:41,830 DEBUG: View 1 : 0.370967741935 +2016-08-30 21:15:41,849 DEBUG: View 2 : 0.564516129032 +2016-08-30 21:15:41,872 DEBUG: View 3 : 0.763440860215 +2016-08-30 21:15:42,437 DEBUG: Best view : View3 +2016-08-30 21:15:44,597 DEBUG: Start: Iteration 32 +2016-08-30 21:15:44,618 DEBUG: View 0 : 0.521505376344 +2016-08-30 21:15:44,638 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:15:44,657 DEBUG: View 2 : 0.478494623656 +2016-08-30 21:15:44,679 DEBUG: View 3 : 0.774193548387 +2016-08-30 21:15:45,254 DEBUG: Best view : View3 +2016-08-30 21:15:47,491 DEBUG: Start: Iteration 33 +2016-08-30 21:15:47,511 DEBUG: View 0 : 0.602150537634 +2016-08-30 21:15:47,531 DEBUG: View 1 : 0.349462365591 +2016-08-30 21:15:47,550 DEBUG: View 2 : 0.596774193548 +2016-08-30 21:15:47,573 DEBUG: View 3 : 0.365591397849 +2016-08-30 21:15:48,159 DEBUG: Best view : View2 +2016-08-30 21:15:50,468 DEBUG: Start: Iteration 34 +2016-08-30 21:15:50,489 DEBUG: View 0 : 0.559139784946 +2016-08-30 21:15:50,509 DEBUG: View 1 : 0.301075268817 +2016-08-30 21:15:50,528 DEBUG: View 2 : 0.467741935484 +2016-08-30 21:15:50,551 DEBUG: View 3 : 0.365591397849 +2016-08-30 21:15:51,141 DEBUG: Best view : View0 +2016-08-30 21:15:53,510 DEBUG: Start: Iteration 35 +2016-08-30 21:15:53,530 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:15:53,549 DEBUG: View 1 : 0.440860215054 +2016-08-30 21:15:53,569 DEBUG: View 2 : 0.548387096774 +2016-08-30 21:15:53,591 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:15:54,190 DEBUG: Best view : View0 +2016-08-30 21:15:56,636 DEBUG: Start: Iteration 36 +2016-08-30 21:15:56,657 DEBUG: View 0 : 0.639784946237 +2016-08-30 21:15:56,676 DEBUG: View 1 : 0.311827956989 +2016-08-30 21:15:56,696 DEBUG: View 2 : 0.451612903226 +2016-08-30 21:15:56,718 DEBUG: View 3 : 0.478494623656 +2016-08-30 21:15:57,324 DEBUG: Best view : View0 +2016-08-30 21:15:59,822 DEBUG: Start: Iteration 37 +2016-08-30 21:15:59,843 DEBUG: View 0 : 0.634408602151 +2016-08-30 21:15:59,863 DEBUG: View 1 : 0.311827956989 +2016-08-30 21:15:59,882 DEBUG: View 2 : 0.403225806452 +2016-08-30 21:15:59,905 DEBUG: View 3 : 0.47311827957 +2016-08-30 21:16:00,573 DEBUG: Best view : View0 +2016-08-30 21:16:03,141 DEBUG: Start: Iteration 38 +2016-08-30 21:16:03,162 DEBUG: View 0 : 0.47311827957 +2016-08-30 21:16:03,181 DEBUG: View 1 : 0.451612903226 +2016-08-30 21:16:03,201 DEBUG: View 2 : 0.516129032258 +2016-08-30 21:16:03,223 DEBUG: View 3 : 0.47311827957 +2016-08-30 21:16:03,865 DEBUG: Best view : View2 +2016-08-30 21:16:06,515 DEBUG: Start: Iteration 39 +2016-08-30 21:16:06,536 DEBUG: View 0 : 0.58064516129 +2016-08-30 21:16:06,556 DEBUG: View 1 : 0.311827956989 +2016-08-30 21:16:06,575 DEBUG: View 2 : 0.462365591398 +2016-08-30 21:16:06,598 DEBUG: View 3 : 0.47311827957 +2016-08-30 21:16:07,232 DEBUG: Best view : View0 +2016-08-30 21:16:09,944 DEBUG: Start: Iteration 40 +2016-08-30 21:16:09,966 DEBUG: View 0 : 0.645161290323 +2016-08-30 21:16:09,986 DEBUG: View 1 : 0.370967741935 +2016-08-30 21:16:10,005 DEBUG: View 2 : 0.58064516129 +2016-08-30 21:16:10,030 DEBUG: View 3 : 0.47311827957 +2016-08-30 21:16:10,670 DEBUG: Best view : View0 +2016-08-30 21:16:13,442 DEBUG: Start: Iteration 41 +2016-08-30 21:16:13,463 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:16:13,482 DEBUG: View 1 : 0.338709677419 +2016-08-30 21:16:13,501 DEBUG: View 2 : 0.5 +2016-08-30 21:16:13,524 DEBUG: View 3 : 0.47311827957 +2016-08-30 21:16:14,170 DEBUG: Best view : View0 +2016-08-30 21:16:17,020 DEBUG: Start: Iteration 42 +2016-08-30 21:16:17,041 DEBUG: View 0 : 0.521505376344 +2016-08-30 21:16:17,060 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:16:17,079 DEBUG: View 2 : 0.516129032258 +2016-08-30 21:16:17,101 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:16:17,761 DEBUG: Best view : View2 +2016-08-30 21:16:20,682 DEBUG: Start: Iteration 43 +2016-08-30 21:16:20,703 DEBUG: View 0 : 0.52688172043 +2016-08-30 21:16:20,722 DEBUG: View 1 : 0.349462365591 +2016-08-30 21:16:20,741 DEBUG: View 2 : 0.569892473118 +2016-08-30 21:16:20,764 DEBUG: View 3 : 0.47311827957 +2016-08-30 21:16:21,425 DEBUG: Best view : View2 +2016-08-30 21:16:24,397 DEBUG: Start: Iteration 44 +2016-08-30 21:16:24,418 DEBUG: View 0 : 0.623655913978 +2016-08-30 21:16:24,437 DEBUG: View 1 : 0.344086021505 +2016-08-30 21:16:24,457 DEBUG: View 2 : 0.596774193548 +2016-08-30 21:16:24,479 DEBUG: View 3 : 0.47311827957 +2016-08-30 21:16:25,150 DEBUG: Best view : View2 +2016-08-30 21:16:28,200 DEBUG: Start: Iteration 45 +2016-08-30 21:16:28,221 DEBUG: View 0 : 0.521505376344 +2016-08-30 21:16:28,240 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:16:28,261 DEBUG: View 2 : 0.645161290323 +2016-08-30 21:16:28,283 DEBUG: View 3 : 0.47311827957 +2016-08-30 21:16:28,965 DEBUG: Best view : View2 +2016-08-30 21:16:32,115 DEBUG: Start: Iteration 46 +2016-08-30 21:16:32,136 DEBUG: View 0 : 0.510752688172 +2016-08-30 21:16:32,155 DEBUG: View 1 : 0.354838709677 +2016-08-30 21:16:32,175 DEBUG: View 2 : 0.543010752688 +2016-08-30 21:16:32,197 DEBUG: View 3 : 0.747311827957 +2016-08-30 21:16:32,888 DEBUG: Best view : View3 +2016-08-30 21:16:36,071 DEBUG: Start: Iteration 47 +2016-08-30 21:16:36,092 DEBUG: View 0 : 0.60752688172 +2016-08-30 21:16:36,111 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:16:36,131 DEBUG: View 2 : 0.306451612903 +2016-08-30 21:16:36,153 DEBUG: View 3 : 0.47311827957 +2016-08-30 21:16:36,844 DEBUG: Best view : View0 +2016-08-30 21:16:40,084 DEBUG: Start: Iteration 48 +2016-08-30 21:16:40,105 DEBUG: View 0 : 0.618279569892 +2016-08-30 21:16:40,125 DEBUG: View 1 : 0.306451612903 +2016-08-30 21:16:40,144 DEBUG: View 2 : 0.55376344086 +2016-08-30 21:16:40,166 DEBUG: View 3 : 0.365591397849 +2016-08-30 21:16:40,872 DEBUG: Best view : View0 +2016-08-30 21:16:44,177 DEBUG: Start: Iteration 49 +2016-08-30 21:16:44,198 DEBUG: View 0 : 0.537634408602 +2016-08-30 21:16:44,217 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:16:44,236 DEBUG: View 2 : 0.639784946237 +2016-08-30 21:16:44,259 DEBUG: View 3 : 0.784946236559 +2016-08-30 21:16:44,971 DEBUG: Best view : View3 +2016-08-30 21:16:48,350 DEBUG: Start: Iteration 50 +2016-08-30 21:16:48,371 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:16:48,390 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:16:48,410 DEBUG: View 2 : 0.704301075269 +2016-08-30 21:16:48,432 DEBUG: View 3 : 0.822580645161 +2016-08-30 21:16:49,156 DEBUG: Best view : View3 +2016-08-30 21:16:52,604 DEBUG: Start: Iteration 51 +2016-08-30 21:16:52,626 DEBUG: View 0 : 0.698924731183 +2016-08-30 21:16:52,645 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:16:52,664 DEBUG: View 2 : 0.489247311828 +2016-08-30 21:16:52,687 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:16:53,413 DEBUG: Best view : View0 +2016-08-30 21:16:56,920 DEBUG: Start: Iteration 52 +2016-08-30 21:16:56,941 DEBUG: View 0 : 0.612903225806 +2016-08-30 21:16:56,960 DEBUG: View 1 : 0.370967741935 +2016-08-30 21:16:56,980 DEBUG: View 2 : 0.532258064516 +2016-08-30 21:16:57,003 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:16:57,739 DEBUG: Best view : View0 +2016-08-30 21:17:01,339 DEBUG: Start: Iteration 53 +2016-08-30 21:17:01,360 DEBUG: View 0 : 0.623655913978 +2016-08-30 21:17:01,379 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:17:01,398 DEBUG: View 2 : 0.430107526882 +2016-08-30 21:17:01,421 DEBUG: View 3 : 0.387096774194 +2016-08-30 21:17:02,167 DEBUG: Best view : View0 +2016-08-30 21:17:05,835 DEBUG: Start: Iteration 54 +2016-08-30 21:17:05,857 DEBUG: View 0 : 0.564516129032 +2016-08-30 21:17:05,876 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:17:05,896 DEBUG: View 2 : 0.435483870968 +2016-08-30 21:17:05,919 DEBUG: View 3 : 0.655913978495 +2016-08-30 21:17:06,668 DEBUG: Best view : View3 +2016-08-30 21:17:10,385 DEBUG: Start: Iteration 55 +2016-08-30 21:17:10,407 DEBUG: View 0 : 0.629032258065 +2016-08-30 21:17:10,427 DEBUG: View 1 : 0.387096774194 +2016-08-30 21:17:10,448 DEBUG: View 2 : 0.596774193548 +2016-08-30 21:17:10,471 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:17:11,231 DEBUG: Best view : View0 +2016-08-30 21:17:15,043 DEBUG: Start: Iteration 56 +2016-08-30 21:17:15,065 DEBUG: View 0 : 0.655913978495 +2016-08-30 21:17:15,085 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:17:15,105 DEBUG: View 2 : 0.575268817204 +2016-08-30 21:17:15,129 DEBUG: View 3 : 0.365591397849 +2016-08-30 21:17:15,900 DEBUG: Best view : View0 +2016-08-30 21:17:19,755 DEBUG: Start: Iteration 57 +2016-08-30 21:17:19,777 DEBUG: View 0 : 0.666666666667 +2016-08-30 21:17:19,796 DEBUG: View 1 : 0.279569892473 +2016-08-30 21:17:19,815 DEBUG: View 2 : 0.44623655914 +2016-08-30 21:17:19,837 DEBUG: View 3 : 0.774193548387 +2016-08-30 21:17:20,607 DEBUG: Best view : View3 +2016-08-30 21:17:24,531 DEBUG: Start: Iteration 58 +2016-08-30 21:17:24,552 DEBUG: View 0 : 0.661290322581 +2016-08-30 21:17:24,572 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:17:24,591 DEBUG: View 2 : 0.47311827957 +2016-08-30 21:17:24,613 DEBUG: View 3 : 0.811827956989 +2016-08-30 21:17:25,393 DEBUG: Best view : View3 +2016-08-30 21:17:29,402 DEBUG: Start: Iteration 59 +2016-08-30 21:17:29,423 DEBUG: View 0 : 0.704301075269 +2016-08-30 21:17:29,442 DEBUG: View 1 : 0.370967741935 +2016-08-30 21:17:29,461 DEBUG: View 2 : 0.462365591398 +2016-08-30 21:17:29,483 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:17:30,299 DEBUG: Best view : View0 +2016-08-30 21:17:34,399 DEBUG: Start: Iteration 60 +2016-08-30 21:17:34,420 DEBUG: View 0 : 0.510752688172 +2016-08-30 21:17:34,439 DEBUG: View 1 : 0.279569892473 +2016-08-30 21:17:34,459 DEBUG: View 2 : 0.5 +2016-08-30 21:17:34,481 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:17:35,277 DEBUG: Best view : View2 +2016-08-30 21:17:39,403 DEBUG: Start: Iteration 61 +2016-08-30 21:17:39,424 DEBUG: View 0 : 0.586021505376 +2016-08-30 21:17:39,443 DEBUG: View 1 : 0.456989247312 +2016-08-30 21:17:39,464 DEBUG: View 2 : 0.655913978495 +2016-08-30 21:17:39,486 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:17:40,285 DEBUG: Best view : View2 +2016-08-30 21:17:44,474 DEBUG: Start: Iteration 62 +2016-08-30 21:17:44,495 DEBUG: View 0 : 0.650537634409 +2016-08-30 21:17:44,516 DEBUG: View 1 : 0.344086021505 +2016-08-30 21:17:44,536 DEBUG: View 2 : 0.52688172043 +2016-08-30 21:17:44,559 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:17:45,372 DEBUG: Best view : View0 +2016-08-30 21:17:49,636 DEBUG: Start: Iteration 63 +2016-08-30 21:17:49,658 DEBUG: View 0 : 0.591397849462 +2016-08-30 21:17:49,677 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:17:49,697 DEBUG: View 2 : 0.60752688172 +2016-08-30 21:17:49,720 DEBUG: View 3 : 0.413978494624 +2016-08-30 21:17:50,538 DEBUG: Best view : View2 +2016-08-30 21:17:54,876 DEBUG: Start: Iteration 64 +2016-08-30 21:17:54,897 DEBUG: View 0 : 0.634408602151 +2016-08-30 21:17:54,917 DEBUG: View 1 : 0.311827956989 +2016-08-30 21:17:54,937 DEBUG: View 2 : 0.413978494624 +2016-08-30 21:17:54,959 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:17:55,787 DEBUG: Best view : View0 +2016-08-30 21:18:00,200 DEBUG: Start: Iteration 65 +2016-08-30 21:18:00,220 DEBUG: View 0 : 0.661290322581 +2016-08-30 21:18:00,239 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:18:00,259 DEBUG: View 2 : 0.478494623656 +2016-08-30 21:18:00,282 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:18:01,123 DEBUG: Best view : View0 +2016-08-30 21:18:05,600 DEBUG: Start: Iteration 66 +2016-08-30 21:18:05,622 DEBUG: View 0 : 0.537634408602 +2016-08-30 21:18:05,641 DEBUG: View 1 : 0.403225806452 +2016-08-30 21:18:05,660 DEBUG: View 2 : 0.569892473118 +2016-08-30 21:18:05,683 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:18:06,531 DEBUG: Best view : View2 +2016-08-30 21:18:11,065 DEBUG: Start: Iteration 67 +2016-08-30 21:18:11,085 DEBUG: View 0 : 0.602150537634 +2016-08-30 21:18:11,105 DEBUG: View 1 : 0.306451612903 +2016-08-30 21:18:11,125 DEBUG: View 2 : 0.44623655914 +2016-08-30 21:18:11,147 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:18:11,993 DEBUG: Best view : View0 +2016-08-30 21:18:16,593 DEBUG: Start: Iteration 68 +2016-08-30 21:18:16,614 DEBUG: View 0 : 0.52688172043 +2016-08-30 21:18:16,633 DEBUG: View 1 : 0.295698924731 +2016-08-30 21:18:16,653 DEBUG: View 2 : 0.52688172043 +2016-08-30 21:18:16,677 DEBUG: View 3 : 0.47311827957 +2016-08-30 21:18:17,537 DEBUG: Best view : View2 +2016-08-30 21:18:22,242 DEBUG: Start: Iteration 69 +2016-08-30 21:18:22,262 DEBUG: View 0 : 0.672043010753 +2016-08-30 21:18:22,282 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:18:22,301 DEBUG: View 2 : 0.661290322581 +2016-08-30 21:18:22,324 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:18:23,192 DEBUG: Best view : View2 +2016-08-30 21:18:27,922 DEBUG: Start: Iteration 70 +2016-08-30 21:18:27,943 DEBUG: View 0 : 0.559139784946 +2016-08-30 21:18:27,963 DEBUG: View 1 : 0.47311827957 +2016-08-30 21:18:27,982 DEBUG: View 2 : 0.543010752688 +2016-08-30 21:18:28,004 DEBUG: View 3 : 0.790322580645 +2016-08-30 21:18:28,882 DEBUG: Best view : View3 +2016-08-30 21:18:33,696 DEBUG: Start: Iteration 71 +2016-08-30 21:18:33,717 DEBUG: View 0 : 0.618279569892 +2016-08-30 21:18:33,737 DEBUG: View 1 : 0.370967741935 +2016-08-30 21:18:33,757 DEBUG: View 2 : 0.435483870968 +2016-08-30 21:18:33,779 DEBUG: View 3 : 0.790322580645 +2016-08-30 21:18:34,672 DEBUG: Best view : View3 +2016-08-30 21:18:39,584 DEBUG: Start: Iteration 72 +2016-08-30 21:18:39,605 DEBUG: View 0 : 0.564516129032 +2016-08-30 21:18:39,625 DEBUG: View 1 : 0.311827956989 +2016-08-30 21:18:39,644 DEBUG: View 2 : 0.586021505376 +2016-08-30 21:18:39,666 DEBUG: View 3 : 0.741935483871 +2016-08-30 21:18:40,552 DEBUG: Best view : View3 +2016-08-30 21:18:45,489 DEBUG: Start: Iteration 73 +2016-08-30 21:18:45,510 DEBUG: View 0 : 0.510752688172 +2016-08-30 21:18:45,530 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:18:45,549 DEBUG: View 2 : 0.52688172043 +2016-08-30 21:18:45,572 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:18:46,465 DEBUG: Best view : View2 +2016-08-30 21:18:51,463 DEBUG: Start: Iteration 74 +2016-08-30 21:18:51,485 DEBUG: View 0 : 0.521505376344 +2016-08-30 21:18:51,504 DEBUG: View 1 : 0.39247311828 +2016-08-30 21:18:51,525 DEBUG: View 2 : 0.639784946237 +2016-08-30 21:18:51,548 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:18:52,441 DEBUG: Best view : View2 +2016-08-30 21:18:57,522 DEBUG: Start: Iteration 75 +2016-08-30 21:18:57,544 DEBUG: View 0 : 0.52688172043 +2016-08-30 21:18:57,563 DEBUG: View 1 : 0.47311827957 +2016-08-30 21:18:57,583 DEBUG: View 2 : 0.569892473118 +2016-08-30 21:18:57,606 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:18:58,511 DEBUG: Best view : View2 +2016-08-30 21:19:03,666 DEBUG: Start: Iteration 76 +2016-08-30 21:19:03,687 DEBUG: View 0 : 0.666666666667 +2016-08-30 21:19:03,706 DEBUG: View 1 : 0.338709677419 +2016-08-30 21:19:03,726 DEBUG: View 2 : 0.645161290323 +2016-08-30 21:19:03,749 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:19:04,667 DEBUG: Best view : View2 +2016-08-30 21:19:09,863 DEBUG: Start: Iteration 77 +2016-08-30 21:19:09,885 DEBUG: View 0 : 0.623655913978 +2016-08-30 21:19:09,905 DEBUG: View 1 : 0.354838709677 +2016-08-30 21:19:09,924 DEBUG: View 2 : 0.58064516129 +2016-08-30 21:19:09,947 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:19:10,866 DEBUG: Best view : View0 +2016-08-30 21:19:16,158 DEBUG: Start: Iteration 78 +2016-08-30 21:19:16,178 DEBUG: View 0 : 0.47311827957 +2016-08-30 21:19:16,199 DEBUG: View 1 : 0.39247311828 +2016-08-30 21:19:16,218 DEBUG: View 2 : 0.532258064516 +2016-08-30 21:19:16,241 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:19:17,172 DEBUG: Best view : View2 +2016-08-30 21:19:22,509 DEBUG: Start: Iteration 79 +2016-08-30 21:19:22,530 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:19:22,550 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:19:22,570 DEBUG: View 2 : 0.505376344086 +2016-08-30 21:19:22,593 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:19:23,528 DEBUG: Best view : View0 +2016-08-30 21:19:28,930 DEBUG: Start: Iteration 80 +2016-08-30 21:19:28,951 DEBUG: View 0 : 0.682795698925 +2016-08-30 21:19:28,971 DEBUG: View 1 : 0.344086021505 +2016-08-30 21:19:28,990 DEBUG: View 2 : 0.510752688172 +2016-08-30 21:19:29,013 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:19:29,966 DEBUG: Best view : View0 +2016-08-30 21:19:35,459 DEBUG: Start: Iteration 81 +2016-08-30 21:19:35,479 DEBUG: View 0 : 0.591397849462 +2016-08-30 21:19:35,499 DEBUG: View 1 : 0.462365591398 +2016-08-30 21:19:35,518 DEBUG: View 2 : 0.559139784946 +2016-08-30 21:19:35,541 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:19:36,500 DEBUG: Best view : View2 +2016-08-30 21:19:42,032 DEBUG: Start: Iteration 82 +2016-08-30 21:19:42,054 DEBUG: View 0 : 0.537634408602 +2016-08-30 21:19:42,073 DEBUG: View 1 : 0.44623655914 +2016-08-30 21:19:42,094 DEBUG: View 2 : 0.440860215054 +2016-08-30 21:19:42,116 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:19:43,087 DEBUG: Best view : View0 +2016-08-30 21:19:48,711 DEBUG: Start: Iteration 83 +2016-08-30 21:19:48,732 DEBUG: View 0 : 0.602150537634 +2016-08-30 21:19:48,752 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:19:48,772 DEBUG: View 2 : 0.478494623656 +2016-08-30 21:19:48,794 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:19:49,771 DEBUG: Best view : View0 +2016-08-30 21:19:55,468 DEBUG: Start: Iteration 84 +2016-08-30 21:19:55,490 DEBUG: View 0 : 0.623655913978 +2016-08-30 21:19:55,509 DEBUG: View 1 : 0.284946236559 +2016-08-30 21:19:55,529 DEBUG: View 2 : 0.521505376344 +2016-08-30 21:19:55,551 DEBUG: View 3 : 0.41935483871 +2016-08-30 21:19:56,534 DEBUG: Best view : View0 +2016-08-30 21:20:02,315 DEBUG: Start: Iteration 85 +2016-08-30 21:20:02,337 DEBUG: View 0 : 0.650537634409 +2016-08-30 21:20:02,356 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:20:02,376 DEBUG: View 2 : 0.516129032258 +2016-08-30 21:20:02,397 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:20:03,390 DEBUG: Best view : View0 +2016-08-30 21:20:09,214 DEBUG: Start: Iteration 86 +2016-08-30 21:20:09,236 DEBUG: View 0 : 0.623655913978 +2016-08-30 21:20:09,255 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:20:09,274 DEBUG: View 2 : 0.596774193548 +2016-08-30 21:20:09,297 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:20:10,297 DEBUG: Best view : View0 +2016-08-30 21:20:16,180 DEBUG: Start: Iteration 87 +2016-08-30 21:20:16,201 DEBUG: View 0 : 0.586021505376 +2016-08-30 21:20:16,221 DEBUG: View 1 : 0.322580645161 +2016-08-30 21:20:16,240 DEBUG: View 2 : 0.602150537634 +2016-08-30 21:20:16,263 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:20:17,270 DEBUG: Best view : View2 +2016-08-30 21:20:23,265 DEBUG: Start: Iteration 88 +2016-08-30 21:20:23,287 DEBUG: View 0 : 0.629032258065 +2016-08-30 21:20:23,306 DEBUG: View 1 : 0.258064516129 +2016-08-30 21:20:23,325 DEBUG: View 2 : 0.666666666667 +2016-08-30 21:20:23,348 DEBUG: View 3 : 0.774193548387 +2016-08-30 21:20:24,366 DEBUG: Best view : View3 +2016-08-30 21:20:30,410 DEBUG: Start: Iteration 89 +2016-08-30 21:20:30,432 DEBUG: View 0 : 0.596774193548 +2016-08-30 21:20:30,451 DEBUG: View 1 : 0.306451612903 +2016-08-30 21:20:30,471 DEBUG: View 2 : 0.575268817204 +2016-08-30 21:20:30,494 DEBUG: View 3 : 0.779569892473 +2016-08-30 21:20:31,518 DEBUG: Best view : View3 +2016-08-30 21:20:37,627 DEBUG: Start: Iteration 90 +2016-08-30 21:20:37,648 DEBUG: View 0 : 0.655913978495 +2016-08-30 21:20:37,667 DEBUG: View 1 : 0.510752688172 +2016-08-30 21:20:37,686 DEBUG: View 2 : 0.569892473118 +2016-08-30 21:20:37,709 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:20:38,739 DEBUG: Best view : View0 +2016-08-30 21:20:44,908 DEBUG: Start: Iteration 91 +2016-08-30 21:20:44,929 DEBUG: View 0 : 0.5 +2016-08-30 21:20:44,948 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:20:44,968 DEBUG: View 2 : 0.548387096774 +2016-08-30 21:20:44,991 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:20:46,033 DEBUG: Best view : View2 +2016-08-30 21:20:52,249 DEBUG: Start: Iteration 92 +2016-08-30 21:20:52,270 DEBUG: View 0 : 0.564516129032 +2016-08-30 21:20:52,289 DEBUG: View 1 : 0.311827956989 +2016-08-30 21:20:52,309 DEBUG: View 2 : 0.494623655914 +2016-08-30 21:20:52,332 DEBUG: View 3 : 0.698924731183 +2016-08-30 21:20:53,384 DEBUG: Best view : View3 +2016-08-30 21:20:59,674 DEBUG: Start: Iteration 93 +2016-08-30 21:20:59,695 DEBUG: View 0 : 0.661290322581 +2016-08-30 21:20:59,715 DEBUG: View 1 : 0.408602150538 +2016-08-30 21:20:59,734 DEBUG: View 2 : 0.413978494624 +2016-08-30 21:20:59,756 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:21:00,818 DEBUG: Best view : View0 +2016-08-30 21:21:07,185 DEBUG: Start: Iteration 94 +2016-08-30 21:21:07,207 DEBUG: View 0 : 0.634408602151 +2016-08-30 21:21:07,227 DEBUG: View 1 : 0.376344086022 +2016-08-30 21:21:07,246 DEBUG: View 2 : 0.559139784946 +2016-08-30 21:21:07,269 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:21:08,326 DEBUG: Best view : View0 +2016-08-30 21:21:14,780 DEBUG: Start: Iteration 95 +2016-08-30 21:21:14,801 DEBUG: View 0 : 0.564516129032 +2016-08-30 21:21:14,820 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:21:14,840 DEBUG: View 2 : 0.516129032258 +2016-08-30 21:21:14,862 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:21:15,934 DEBUG: Best view : View2 +2016-08-30 21:21:22,439 DEBUG: Start: Iteration 96 +2016-08-30 21:21:22,460 DEBUG: View 0 : 0.543010752688 +2016-08-30 21:21:22,479 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:21:22,499 DEBUG: View 2 : 0.413978494624 +2016-08-30 21:21:22,521 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:21:23,599 DEBUG: Best view : View0 +2016-08-30 21:21:30,171 DEBUG: Start: Iteration 97 +2016-08-30 21:21:30,192 DEBUG: View 0 : 0.516129032258 +2016-08-30 21:21:30,212 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:21:30,231 DEBUG: View 2 : 0.489247311828 +2016-08-30 21:21:30,253 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:21:31,354 DEBUG: Best view : View2 +2016-08-30 21:21:37,994 DEBUG: Start: Iteration 98 +2016-08-30 21:21:38,015 DEBUG: View 0 : 0.483870967742 +2016-08-30 21:21:38,035 DEBUG: View 1 : 0.39247311828 +2016-08-30 21:21:38,054 DEBUG: View 2 : 0.564516129032 +2016-08-30 21:21:38,077 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:21:39,167 DEBUG: Best view : View2 +2016-08-30 21:21:45,868 DEBUG: Start: Iteration 99 +2016-08-30 21:21:45,889 DEBUG: View 0 : 0.516129032258 +2016-08-30 21:21:45,908 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:21:45,927 DEBUG: View 2 : 0.575268817204 +2016-08-30 21:21:45,950 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:21:47,052 DEBUG: Best view : View2 +2016-08-30 21:21:53,849 DEBUG: Start: Iteration 100 +2016-08-30 21:21:53,870 DEBUG: View 0 : 0.602150537634 +2016-08-30 21:21:53,889 DEBUG: View 1 : 0.338709677419 +2016-08-30 21:21:53,909 DEBUG: View 2 : 0.682795698925 +2016-08-30 21:21:53,932 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:21:55,030 DEBUG: Best view : View2 +2016-08-30 21:22:01,883 DEBUG: Start: Iteration 101 +2016-08-30 21:22:01,904 DEBUG: View 0 : 0.521505376344 +2016-08-30 21:22:01,924 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:22:01,943 DEBUG: View 2 : 0.677419354839 +2016-08-30 21:22:01,966 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:22:03,090 DEBUG: Best view : View2 +2016-08-30 21:22:09,999 DEBUG: Start: Iteration 102 +2016-08-30 21:22:10,020 DEBUG: View 0 : 0.596774193548 +2016-08-30 21:22:10,040 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:22:10,060 DEBUG: View 2 : 0.548387096774 +2016-08-30 21:22:10,082 DEBUG: View 3 : 0.440860215054 +2016-08-30 21:22:11,209 DEBUG: Best view : View0 +2016-08-30 21:22:18,189 DEBUG: Start: Iteration 103 +2016-08-30 21:22:18,209 DEBUG: View 0 : 0.623655913978 +2016-08-30 21:22:18,230 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:22:18,250 DEBUG: View 2 : 0.516129032258 +2016-08-30 21:22:18,273 DEBUG: View 3 : 0.784946236559 +2016-08-30 21:22:19,397 DEBUG: Best view : View3 +2016-08-30 21:22:26,480 DEBUG: Start: Iteration 104 +2016-08-30 21:22:26,500 DEBUG: View 0 : 0.655913978495 +2016-08-30 21:22:26,520 DEBUG: View 1 : 0.311827956989 +2016-08-30 21:22:26,540 DEBUG: View 2 : 0.575268817204 +2016-08-30 21:22:26,563 DEBUG: View 3 : 0.784946236559 +2016-08-30 21:22:27,699 DEBUG: Best view : View3 +2016-08-30 21:22:34,819 DEBUG: Start: Iteration 105 +2016-08-30 21:22:34,840 DEBUG: View 0 : 0.564516129032 +2016-08-30 21:22:34,860 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:22:34,879 DEBUG: View 2 : 0.58064516129 +2016-08-30 21:22:34,902 DEBUG: View 3 : 0.456989247312 +2016-08-30 21:22:36,049 DEBUG: Best view : View2 +2016-08-30 21:22:43,245 DEBUG: Start: Iteration 106 +2016-08-30 21:22:43,265 DEBUG: View 0 : 0.596774193548 +2016-08-30 21:22:43,285 DEBUG: View 1 : 0.338709677419 +2016-08-30 21:22:43,305 DEBUG: View 2 : 0.365591397849 +2016-08-30 21:22:43,328 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:22:44,473 DEBUG: Best view : View0 +2016-08-30 21:22:51,722 DEBUG: Start: Iteration 107 +2016-08-30 21:22:51,743 DEBUG: View 0 : 0.591397849462 +2016-08-30 21:22:51,762 DEBUG: View 1 : 0.403225806452 +2016-08-30 21:22:51,781 DEBUG: View 2 : 0.634408602151 +2016-08-30 21:22:51,804 DEBUG: View 3 : 0.752688172043 +2016-08-30 21:22:52,954 DEBUG: Best view : View3 +2016-08-30 21:23:00,260 DEBUG: Start: Iteration 108 +2016-08-30 21:23:00,282 DEBUG: View 0 : 0.52688172043 +2016-08-30 21:23:00,301 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:23:00,320 DEBUG: View 2 : 0.596774193548 +2016-08-30 21:23:00,342 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:23:01,518 DEBUG: Best view : View2 +2016-08-30 21:23:08,938 DEBUG: Start: Iteration 109 +2016-08-30 21:23:08,959 DEBUG: View 0 : 0.677419354839 +2016-08-30 21:23:08,979 DEBUG: View 1 : 0.376344086022 +2016-08-30 21:23:08,998 DEBUG: View 2 : 0.612903225806 +2016-08-30 21:23:09,021 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:23:10,199 DEBUG: Best view : View0 +2016-08-30 21:23:17,664 DEBUG: Start: Iteration 110 +2016-08-30 21:23:17,685 DEBUG: View 0 : 0.618279569892 +2016-08-30 21:23:17,705 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:23:17,725 DEBUG: View 2 : 0.559139784946 +2016-08-30 21:23:17,747 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:23:18,925 DEBUG: Best view : View0 +2016-08-30 21:23:26,449 DEBUG: Start: Iteration 111 +2016-08-30 21:23:26,470 DEBUG: View 0 : 0.704301075269 +2016-08-30 21:23:26,489 DEBUG: View 1 : 0.349462365591 +2016-08-30 21:23:26,509 DEBUG: View 2 : 0.5 +2016-08-30 21:23:26,532 DEBUG: View 3 : 0.779569892473 +2016-08-30 21:23:27,727 DEBUG: Best view : View3 +2016-08-30 21:23:35,327 DEBUG: Start: Iteration 112 +2016-08-30 21:23:35,348 DEBUG: View 0 : 0.645161290323 +2016-08-30 21:23:35,368 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:23:35,387 DEBUG: View 2 : 0.521505376344 +2016-08-30 21:23:35,409 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:23:36,602 DEBUG: Best view : View0 +2016-08-30 21:23:44,280 DEBUG: Start: Iteration 113 +2016-08-30 21:23:44,301 DEBUG: View 0 : 0.618279569892 +2016-08-30 21:23:44,321 DEBUG: View 1 : 0.354838709677 +2016-08-30 21:23:44,341 DEBUG: View 2 : 0.408602150538 +2016-08-30 21:23:44,364 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:23:45,565 DEBUG: Best view : View0 +2016-08-30 21:23:53,286 DEBUG: Start: Iteration 114 +2016-08-30 21:23:53,307 DEBUG: View 0 : 0.516129032258 +2016-08-30 21:23:53,327 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:23:53,347 DEBUG: View 2 : 0.521505376344 +2016-08-30 21:23:53,369 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:23:54,585 DEBUG: Best view : View2 +2016-08-30 21:24:02,401 DEBUG: Start: Iteration 115 +2016-08-30 21:24:02,422 DEBUG: View 0 : 0.623655913978 +2016-08-30 21:24:02,441 DEBUG: View 1 : 0.403225806452 +2016-08-30 21:24:02,460 DEBUG: View 2 : 0.564516129032 +2016-08-30 21:24:02,483 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:24:03,700 DEBUG: Best view : View0 +2016-08-30 21:24:11,571 DEBUG: Start: Iteration 116 +2016-08-30 21:24:11,592 DEBUG: View 0 : 0.629032258065 +2016-08-30 21:24:11,611 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:24:11,630 DEBUG: View 2 : 0.623655913978 +2016-08-30 21:24:11,652 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:24:12,885 DEBUG: Best view : View2 +2016-08-30 21:24:20,829 DEBUG: Start: Iteration 117 +2016-08-30 21:24:20,849 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:24:20,869 DEBUG: View 1 : 0.349462365591 +2016-08-30 21:24:20,889 DEBUG: View 2 : 0.483870967742 +2016-08-30 21:24:20,911 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:24:22,156 DEBUG: Best view : View0 +2016-08-30 21:24:30,181 DEBUG: Start: Iteration 118 +2016-08-30 21:24:30,203 DEBUG: View 0 : 0.60752688172 +2016-08-30 21:24:30,223 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:24:30,243 DEBUG: View 2 : 0.639784946237 +2016-08-30 21:24:30,266 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:24:31,528 DEBUG: Best view : View2 +2016-08-30 21:24:39,607 DEBUG: Start: Iteration 119 +2016-08-30 21:24:39,628 DEBUG: View 0 : 0.55376344086 +2016-08-30 21:24:39,648 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:24:39,668 DEBUG: View 2 : 0.548387096774 +2016-08-30 21:24:39,691 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:24:40,945 DEBUG: Best view : View0 +2016-08-30 21:24:49,076 DEBUG: Start: Iteration 120 +2016-08-30 21:24:49,097 DEBUG: View 0 : 0.55376344086 +2016-08-30 21:24:49,116 DEBUG: View 1 : 0.381720430108 +2016-08-30 21:24:49,135 DEBUG: View 2 : 0.44623655914 +2016-08-30 21:24:49,158 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:24:50,420 DEBUG: Best view : View0 +2016-08-30 21:24:58,613 DEBUG: Start: Iteration 121 +2016-08-30 21:24:58,634 DEBUG: View 0 : 0.591397849462 +2016-08-30 21:24:58,654 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:24:58,673 DEBUG: View 2 : 0.44623655914 +2016-08-30 21:24:58,696 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:24:59,962 DEBUG: Best view : View0 +2016-08-30 21:25:08,228 DEBUG: Start: Iteration 122 +2016-08-30 21:25:08,250 DEBUG: View 0 : 0.661290322581 +2016-08-30 21:25:08,269 DEBUG: View 1 : 0.306451612903 +2016-08-30 21:25:08,289 DEBUG: View 2 : 0.510752688172 +2016-08-30 21:25:08,311 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:25:09,581 DEBUG: Best view : View0 +2016-08-30 21:25:17,960 DEBUG: Start: Iteration 123 +2016-08-30 21:25:17,981 DEBUG: View 0 : 0.645161290323 +2016-08-30 21:25:18,000 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:25:18,019 DEBUG: View 2 : 0.58064516129 +2016-08-30 21:25:18,042 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:25:19,337 DEBUG: Best view : View0 +2016-08-30 21:25:27,779 DEBUG: Start: Iteration 124 +2016-08-30 21:25:27,800 DEBUG: View 0 : 0.602150537634 +2016-08-30 21:25:27,820 DEBUG: View 1 : 0.306451612903 +2016-08-30 21:25:27,840 DEBUG: View 2 : 0.478494623656 +2016-08-30 21:25:27,864 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:25:29,167 DEBUG: Best view : View0 +2016-08-30 21:25:37,640 DEBUG: Start: Iteration 125 +2016-08-30 21:25:37,661 DEBUG: View 0 : 0.629032258065 +2016-08-30 21:25:37,680 DEBUG: View 1 : 0.311827956989 +2016-08-30 21:25:37,700 DEBUG: View 2 : 0.564516129032 +2016-08-30 21:25:37,722 DEBUG: View 3 : 0.779569892473 +2016-08-30 21:25:39,044 DEBUG: Best view : View3 +2016-08-30 21:25:47,600 DEBUG: Start: Iteration 126 +2016-08-30 21:25:47,621 DEBUG: View 0 : 0.639784946237 +2016-08-30 21:25:47,640 DEBUG: View 1 : 0.317204301075 +2016-08-30 21:25:47,660 DEBUG: View 2 : 0.596774193548 +2016-08-30 21:25:47,682 DEBUG: View 3 : 0.779569892473 +2016-08-30 21:25:49,004 DEBUG: Best view : View3 +2016-08-30 21:25:57,619 DEBUG: Start: Iteration 127 +2016-08-30 21:25:57,640 DEBUG: View 0 : 0.666666666667 +2016-08-30 21:25:57,660 DEBUG: View 1 : 0.354838709677 +2016-08-30 21:25:57,679 DEBUG: View 2 : 0.537634408602 +2016-08-30 21:25:57,702 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:25:59,025 DEBUG: Best view : View0 +2016-08-30 21:26:07,702 DEBUG: Start: Iteration 128 +2016-08-30 21:26:07,723 DEBUG: View 0 : 0.52688172043 +2016-08-30 21:26:07,743 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:26:07,762 DEBUG: View 2 : 0.58064516129 +2016-08-30 21:26:07,783 DEBUG: View 3 : 0.806451612903 +2016-08-30 21:26:09,150 DEBUG: Best view : View3 +2016-08-30 21:26:17,934 DEBUG: Start: Iteration 129 +2016-08-30 21:26:17,954 DEBUG: View 0 : 0.52688172043 +2016-08-30 21:26:17,973 DEBUG: View 1 : 0.381720430108 +2016-08-30 21:26:17,993 DEBUG: View 2 : 0.39247311828 +2016-08-30 21:26:18,016 DEBUG: View 3 : 0.774193548387 +2016-08-30 21:26:19,329 DEBUG: Best view : View3 +2016-08-30 21:26:28,138 DEBUG: Start: Iteration 130 +2016-08-30 21:26:28,159 DEBUG: View 0 : 0.60752688172 +2016-08-30 21:26:28,178 DEBUG: View 1 : 0.397849462366 +2016-08-30 21:26:28,197 DEBUG: View 2 : 0.569892473118 +2016-08-30 21:26:28,220 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:26:29,533 DEBUG: Best view : View0 +2016-08-30 21:26:38,435 DEBUG: Start: Iteration 131 +2016-08-30 21:26:38,455 DEBUG: View 0 : 0.655913978495 +2016-08-30 21:26:38,475 DEBUG: View 1 : 0.381720430108 +2016-08-30 21:26:38,495 DEBUG: View 2 : 0.698924731183 +2016-08-30 21:26:38,517 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:26:39,799 DEBUG: Best view : View2 +2016-08-30 21:26:48,742 DEBUG: Start: Iteration 132 +2016-08-30 21:26:48,763 DEBUG: View 0 : 0.618279569892 +2016-08-30 21:26:48,782 DEBUG: View 1 : 0.376344086022 +2016-08-30 21:26:48,802 DEBUG: View 2 : 0.586021505376 +2016-08-30 21:26:48,825 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:26:50,118 DEBUG: Best view : View2 +2016-08-30 21:26:59,119 DEBUG: Start: Iteration 133 +2016-08-30 21:26:59,141 DEBUG: View 0 : 0.596774193548 +2016-08-30 21:26:59,160 DEBUG: View 1 : 0.301075268817 +2016-08-30 21:26:59,180 DEBUG: View 2 : 0.521505376344 +2016-08-30 21:26:59,202 DEBUG: View 3 : 0.854838709677 +2016-08-30 21:27:00,493 DEBUG: Best view : View3 +2016-08-30 21:27:09,584 DEBUG: Start: Iteration 134 +2016-08-30 21:27:09,606 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:27:09,626 DEBUG: View 1 : 0.387096774194 +2016-08-30 21:27:09,646 DEBUG: View 2 : 0.60752688172 +2016-08-30 21:27:09,669 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:27:10,972 DEBUG: Best view : View2 +2016-08-30 21:27:20,109 DEBUG: Start: Iteration 135 +2016-08-30 21:27:20,130 DEBUG: View 0 : 0.559139784946 +2016-08-30 21:27:20,150 DEBUG: View 1 : 0.44623655914 +2016-08-30 21:27:20,169 DEBUG: View 2 : 0.575268817204 +2016-08-30 21:27:20,192 DEBUG: View 3 : 0.370967741935 +2016-08-30 21:27:21,504 DEBUG: Best view : View2 +2016-08-30 21:27:30,733 DEBUG: Start: Iteration 136 +2016-08-30 21:27:30,754 DEBUG: View 0 : 0.564516129032 +2016-08-30 21:27:30,772 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:27:30,793 DEBUG: View 2 : 0.575268817204 +2016-08-30 21:27:30,816 DEBUG: View 3 : 0.612903225806 +2016-08-30 21:27:32,138 DEBUG: Best view : View3 +2016-08-30 21:27:41,439 DEBUG: Start: Iteration 137 +2016-08-30 21:27:41,460 DEBUG: View 0 : 0.494623655914 +2016-08-30 21:27:41,480 DEBUG: View 1 : 0.349462365591 +2016-08-30 21:27:41,499 DEBUG: View 2 : 0.440860215054 +2016-08-30 21:27:41,522 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:27:41,522 WARNING: WARNING: All bad for iteration 136 +2016-08-30 21:27:42,848 DEBUG: Best view : View0 +2016-08-30 21:27:52,195 DEBUG: Start: Iteration 138 +2016-08-30 21:27:52,216 DEBUG: View 0 : 0.612903225806 +2016-08-30 21:27:52,235 DEBUG: View 1 : 0.268817204301 +2016-08-30 21:27:52,255 DEBUG: View 2 : 0.564516129032 +2016-08-30 21:27:52,278 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:27:53,624 DEBUG: Best view : View0 +2016-08-30 21:28:03,024 DEBUG: Start: Iteration 139 +2016-08-30 21:28:03,045 DEBUG: View 0 : 0.52688172043 +2016-08-30 21:28:03,065 DEBUG: View 1 : 0.543010752688 +2016-08-30 21:28:03,084 DEBUG: View 2 : 0.5 +2016-08-30 21:28:03,107 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:28:04,461 DEBUG: Best view : View1 +2016-08-30 21:28:13,937 DEBUG: Start: Iteration 140 +2016-08-30 21:28:13,959 DEBUG: View 0 : 0.494623655914 +2016-08-30 21:28:13,979 DEBUG: View 1 : 0.344086021505 +2016-08-30 21:28:13,999 DEBUG: View 2 : 0.462365591398 +2016-08-30 21:28:14,021 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:28:14,021 WARNING: WARNING: All bad for iteration 139 +2016-08-30 21:28:15,393 DEBUG: Best view : View3 +2016-08-30 21:28:24,971 DEBUG: Start: Iteration 141 +2016-08-30 21:28:24,992 DEBUG: View 0 : 0.655913978495 +2016-08-30 21:28:25,011 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:28:25,031 DEBUG: View 2 : 0.559139784946 +2016-08-30 21:28:25,053 DEBUG: View 3 : 0.844086021505 +2016-08-30 21:28:26,424 DEBUG: Best view : View3 +2016-08-30 21:28:36,046 DEBUG: Start: Iteration 142 +2016-08-30 21:28:36,068 DEBUG: View 0 : 0.483870967742 +2016-08-30 21:28:36,088 DEBUG: View 1 : 0.344086021505 +2016-08-30 21:28:36,109 DEBUG: View 2 : 0.370967741935 +2016-08-30 21:28:36,132 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:28:36,132 WARNING: WARNING: All bad for iteration 141 +2016-08-30 21:28:37,526 DEBUG: Best view : View0 +2016-08-30 21:28:47,207 DEBUG: Start: Iteration 143 +2016-08-30 21:28:47,228 DEBUG: View 0 : 0.639784946237 +2016-08-30 21:28:47,247 DEBUG: View 1 : 0.39247311828 +2016-08-30 21:28:47,266 DEBUG: View 2 : 0.543010752688 +2016-08-30 21:28:47,289 DEBUG: View 3 : 0.779569892473 +2016-08-30 21:28:48,693 DEBUG: Best view : View3 +2016-08-30 21:28:58,472 DEBUG: Start: Iteration 144 +2016-08-30 21:28:58,493 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:28:58,513 DEBUG: View 1 : 0.349462365591 +2016-08-30 21:28:58,532 DEBUG: View 2 : 0.58064516129 +2016-08-30 21:28:58,554 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:28:59,967 DEBUG: Best view : View2 +2016-08-30 21:29:09,782 DEBUG: Start: Iteration 145 +2016-08-30 21:29:09,803 DEBUG: View 0 : 0.655913978495 +2016-08-30 21:29:09,823 DEBUG: View 1 : 0.403225806452 +2016-08-30 21:29:09,842 DEBUG: View 2 : 0.387096774194 +2016-08-30 21:29:09,864 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:29:11,285 DEBUG: Best view : View0 +2016-08-30 21:29:21,183 DEBUG: Start: Iteration 146 +2016-08-30 21:29:21,203 DEBUG: View 0 : 0.612903225806 +2016-08-30 21:29:21,223 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:29:21,242 DEBUG: View 2 : 0.612903225806 +2016-08-30 21:29:21,264 DEBUG: View 3 : 0.774193548387 +2016-08-30 21:29:22,706 DEBUG: Best view : View3 +2016-08-30 21:29:32,658 DEBUG: Start: Iteration 147 +2016-08-30 21:29:32,679 DEBUG: View 0 : 0.55376344086 +2016-08-30 21:29:32,699 DEBUG: View 1 : 0.349462365591 +2016-08-30 21:29:32,719 DEBUG: View 2 : 0.548387096774 +2016-08-30 21:29:32,741 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:29:34,192 DEBUG: Best view : View2 +2016-08-30 21:29:44,218 DEBUG: Start: Iteration 148 +2016-08-30 21:29:44,240 DEBUG: View 0 : 0.559139784946 +2016-08-30 21:29:44,260 DEBUG: View 1 : 0.344086021505 +2016-08-30 21:29:44,279 DEBUG: View 2 : 0.397849462366 +2016-08-30 21:29:44,301 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:29:45,776 DEBUG: Best view : View0 +2016-08-30 21:29:55,900 DEBUG: Start: Iteration 149 +2016-08-30 21:29:55,921 DEBUG: View 0 : 0.543010752688 +2016-08-30 21:29:55,940 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:29:55,959 DEBUG: View 2 : 0.559139784946 +2016-08-30 21:29:55,981 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:29:57,445 DEBUG: Best view : View2 +2016-08-30 21:30:07,603 DEBUG: Start: Iteration 150 +2016-08-30 21:30:07,625 DEBUG: View 0 : 0.60752688172 +2016-08-30 21:30:07,644 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:30:07,663 DEBUG: View 2 : 0.602150537634 +2016-08-30 21:30:07,685 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:30:09,174 DEBUG: Best view : View2 +2016-08-30 21:30:19,411 DEBUG: Start: Iteration 151 +2016-08-30 21:30:19,432 DEBUG: View 0 : 0.629032258065 +2016-08-30 21:30:19,452 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:30:19,471 DEBUG: View 2 : 0.456989247312 +2016-08-30 21:30:19,493 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:30:20,976 DEBUG: Best view : View0 +2016-08-30 21:30:31,328 DEBUG: Start: Iteration 152 +2016-08-30 21:30:31,350 DEBUG: View 0 : 0.564516129032 +2016-08-30 21:30:31,368 DEBUG: View 1 : 0.290322580645 +2016-08-30 21:30:31,387 DEBUG: View 2 : 0.489247311828 +2016-08-30 21:30:31,411 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:30:32,912 DEBUG: Best view : View0 +2016-08-30 21:30:43,269 DEBUG: Start: Iteration 153 +2016-08-30 21:30:43,290 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:30:43,309 DEBUG: View 1 : 0.306451612903 +2016-08-30 21:30:43,329 DEBUG: View 2 : 0.629032258065 +2016-08-30 21:30:43,351 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:30:44,890 DEBUG: Best view : View2 +2016-08-30 21:30:55,283 DEBUG: Start: Iteration 154 +2016-08-30 21:30:55,304 DEBUG: View 0 : 0.537634408602 +2016-08-30 21:30:55,324 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:30:55,344 DEBUG: View 2 : 0.58064516129 +2016-08-30 21:30:55,366 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:30:56,887 DEBUG: Best view : View2 +2016-08-30 21:31:07,399 DEBUG: Start: Iteration 155 +2016-08-30 21:31:07,420 DEBUG: View 0 : 0.591397849462 +2016-08-30 21:31:07,440 DEBUG: View 1 : 0.456989247312 +2016-08-30 21:31:07,459 DEBUG: View 2 : 0.618279569892 +2016-08-30 21:31:07,481 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:31:09,010 DEBUG: Best view : View2 +2016-08-30 21:31:19,609 DEBUG: Start: Iteration 156 +2016-08-30 21:31:19,631 DEBUG: View 0 : 0.650537634409 +2016-08-30 21:31:19,650 DEBUG: View 1 : 0.354838709677 +2016-08-30 21:31:19,670 DEBUG: View 2 : 0.430107526882 +2016-08-30 21:31:19,692 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:31:21,229 DEBUG: Best view : View0 +2016-08-30 21:31:31,848 DEBUG: Start: Iteration 157 +2016-08-30 21:31:31,869 DEBUG: View 0 : 0.618279569892 +2016-08-30 21:31:31,888 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:31:31,907 DEBUG: View 2 : 0.489247311828 +2016-08-30 21:31:31,929 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:31:33,477 DEBUG: Best view : View0 +2016-08-30 21:31:44,169 DEBUG: Start: Iteration 158 +2016-08-30 21:31:44,190 DEBUG: View 0 : 0.612903225806 +2016-08-30 21:31:44,211 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:31:44,231 DEBUG: View 2 : 0.537634408602 +2016-08-30 21:31:44,253 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:31:45,806 DEBUG: Best view : View0 +2016-08-30 21:31:56,574 DEBUG: Start: Iteration 159 +2016-08-30 21:31:56,595 DEBUG: View 0 : 0.602150537634 +2016-08-30 21:31:56,615 DEBUG: View 1 : 0.301075268817 +2016-08-30 21:31:56,634 DEBUG: View 2 : 0.521505376344 +2016-08-30 21:31:56,657 DEBUG: View 3 : 0.774193548387 +2016-08-30 21:31:58,207 DEBUG: Best view : View3 +2016-08-30 21:32:09,040 DEBUG: Start: Iteration 160 +2016-08-30 21:32:09,061 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:32:09,081 DEBUG: View 1 : 0.306451612903 +2016-08-30 21:32:09,101 DEBUG: View 2 : 0.548387096774 +2016-08-30 21:32:09,123 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:32:10,680 DEBUG: Best view : View0 +2016-08-30 21:32:21,546 DEBUG: Start: Iteration 161 +2016-08-30 21:32:21,567 DEBUG: View 0 : 0.677419354839 +2016-08-30 21:32:21,587 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:32:21,606 DEBUG: View 2 : 0.569892473118 +2016-08-30 21:32:21,628 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:32:23,192 DEBUG: Best view : View0 +2016-08-30 21:32:34,159 DEBUG: Start: Iteration 162 +2016-08-30 21:32:34,181 DEBUG: View 0 : 0.55376344086 +2016-08-30 21:32:34,200 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:32:34,220 DEBUG: View 2 : 0.505376344086 +2016-08-30 21:32:34,243 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:32:35,833 DEBUG: Best view : View0 +2016-08-30 21:32:46,835 DEBUG: Start: Iteration 163 +2016-08-30 21:32:46,856 DEBUG: View 0 : 0.688172043011 +2016-08-30 21:32:46,875 DEBUG: View 1 : 0.451612903226 +2016-08-30 21:32:46,895 DEBUG: View 2 : 0.403225806452 +2016-08-30 21:32:46,917 DEBUG: View 3 : 0.784946236559 +2016-08-30 21:32:48,499 DEBUG: Best view : View3 +2016-08-30 21:32:59,586 DEBUG: Start: Iteration 164 +2016-08-30 21:32:59,608 DEBUG: View 0 : 0.634408602151 +2016-08-30 21:32:59,627 DEBUG: View 1 : 0.322580645161 +2016-08-30 21:32:59,647 DEBUG: View 2 : 0.596774193548 +2016-08-30 21:32:59,670 DEBUG: View 3 : 0.779569892473 +2016-08-30 21:33:01,263 DEBUG: Best view : View3 +2016-08-30 21:33:12,381 DEBUG: Start: Iteration 165 +2016-08-30 21:33:12,402 DEBUG: View 0 : 0.591397849462 +2016-08-30 21:33:12,421 DEBUG: View 1 : 0.381720430108 +2016-08-30 21:33:12,441 DEBUG: View 2 : 0.548387096774 +2016-08-30 21:33:12,464 DEBUG: View 3 : 0.478494623656 +2016-08-30 21:33:14,056 DEBUG: Best view : View0 +2016-08-30 21:33:25,250 DEBUG: Start: Iteration 166 +2016-08-30 21:33:25,271 DEBUG: View 0 : 0.682795698925 +2016-08-30 21:33:25,291 DEBUG: View 1 : 0.354838709677 +2016-08-30 21:33:25,310 DEBUG: View 2 : 0.596774193548 +2016-08-30 21:33:25,334 DEBUG: View 3 : 0.784946236559 +2016-08-30 21:33:26,925 DEBUG: Best view : View3 +2016-08-30 21:33:38,173 DEBUG: Start: Iteration 167 +2016-08-30 21:33:38,194 DEBUG: View 0 : 0.52688172043 +2016-08-30 21:33:38,214 DEBUG: View 1 : 0.349462365591 +2016-08-30 21:33:38,234 DEBUG: View 2 : 0.543010752688 +2016-08-30 21:33:38,256 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:33:39,838 DEBUG: Best view : View2 +2016-08-30 21:33:51,178 DEBUG: Start: Iteration 168 +2016-08-30 21:33:51,199 DEBUG: View 0 : 0.548387096774 +2016-08-30 21:33:51,218 DEBUG: View 1 : 0.317204301075 +2016-08-30 21:33:51,238 DEBUG: View 2 : 0.672043010753 +2016-08-30 21:33:51,261 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:33:52,841 DEBUG: Best view : View2 +2016-08-30 21:34:04,254 DEBUG: Start: Iteration 169 +2016-08-30 21:34:04,275 DEBUG: View 0 : 0.666666666667 +2016-08-30 21:34:04,295 DEBUG: View 1 : 0.440860215054 +2016-08-30 21:34:04,314 DEBUG: View 2 : 0.408602150538 +2016-08-30 21:34:04,336 DEBUG: View 3 : 0.387096774194 +2016-08-30 21:34:05,932 DEBUG: Best view : View0 +2016-08-30 21:34:17,383 DEBUG: Start: Iteration 170 +2016-08-30 21:34:17,404 DEBUG: View 0 : 0.645161290323 +2016-08-30 21:34:17,423 DEBUG: View 1 : 0.338709677419 +2016-08-30 21:34:17,443 DEBUG: View 2 : 0.612903225806 +2016-08-30 21:34:17,466 DEBUG: View 3 : 0.774193548387 +2016-08-30 21:34:19,070 DEBUG: Best view : View3 +2016-08-30 21:34:30,596 DEBUG: Start: Iteration 171 +2016-08-30 21:34:30,617 DEBUG: View 0 : 0.596774193548 +2016-08-30 21:34:30,636 DEBUG: View 1 : 0.344086021505 +2016-08-30 21:34:30,656 DEBUG: View 2 : 0.629032258065 +2016-08-30 21:34:30,679 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:34:32,303 DEBUG: Best view : View2 +2016-08-30 21:34:43,901 DEBUG: Start: Iteration 172 +2016-08-30 21:34:43,922 DEBUG: View 0 : 0.548387096774 +2016-08-30 21:34:43,941 DEBUG: View 1 : 0.39247311828 +2016-08-30 21:34:43,961 DEBUG: View 2 : 0.537634408602 +2016-08-30 21:34:43,983 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:34:45,611 DEBUG: Best view : View2 +2016-08-30 21:34:57,266 DEBUG: Start: Iteration 173 +2016-08-30 21:34:57,287 DEBUG: View 0 : 0.537634408602 +2016-08-30 21:34:57,307 DEBUG: View 1 : 0.370967741935 +2016-08-30 21:34:57,326 DEBUG: View 2 : 0.650537634409 +2016-08-30 21:34:57,348 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:34:58,992 DEBUG: Best view : View2 +2016-08-30 21:35:10,722 DEBUG: Start: Iteration 174 +2016-08-30 21:35:10,744 DEBUG: View 0 : 0.634408602151 +2016-08-30 21:35:10,763 DEBUG: View 1 : 0.403225806452 +2016-08-30 21:35:10,783 DEBUG: View 2 : 0.462365591398 +2016-08-30 21:35:10,805 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:35:12,440 DEBUG: Best view : View0 +2016-08-30 21:35:24,258 DEBUG: Start: Iteration 175 +2016-08-30 21:35:24,280 DEBUG: View 0 : 0.510752688172 +2016-08-30 21:35:24,300 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:35:24,319 DEBUG: View 2 : 0.516129032258 +2016-08-30 21:35:24,342 DEBUG: View 3 : 0.784946236559 +2016-08-30 21:35:26,003 DEBUG: Best view : View3 +2016-08-30 21:35:37,874 DEBUG: Start: Iteration 176 +2016-08-30 21:35:37,896 DEBUG: View 0 : 0.623655913978 +2016-08-30 21:35:37,915 DEBUG: View 1 : 0.494623655914 +2016-08-30 21:35:37,935 DEBUG: View 2 : 0.564516129032 +2016-08-30 21:35:37,958 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:35:39,650 DEBUG: Best view : View0 +2016-08-30 21:35:51,618 DEBUG: Start: Iteration 177 +2016-08-30 21:35:51,639 DEBUG: View 0 : 0.650537634409 +2016-08-30 21:35:51,659 DEBUG: View 1 : 0.279569892473 +2016-08-30 21:35:51,678 DEBUG: View 2 : 0.489247311828 +2016-08-30 21:35:51,701 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:35:53,399 DEBUG: Best view : View0 +2016-08-30 21:36:05,414 DEBUG: Start: Iteration 178 +2016-08-30 21:36:05,435 DEBUG: View 0 : 0.559139784946 +2016-08-30 21:36:05,455 DEBUG: View 1 : 0.381720430108 +2016-08-30 21:36:05,474 DEBUG: View 2 : 0.456989247312 +2016-08-30 21:36:05,497 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:36:07,191 DEBUG: Best view : View0 +2016-08-30 21:36:19,291 DEBUG: Start: Iteration 179 +2016-08-30 21:36:19,313 DEBUG: View 0 : 0.666666666667 +2016-08-30 21:36:19,332 DEBUG: View 1 : 0.317204301075 +2016-08-30 21:36:19,352 DEBUG: View 2 : 0.44623655914 +2016-08-30 21:36:19,374 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:36:21,085 DEBUG: Best view : View0 +2016-08-30 21:36:33,249 DEBUG: Start: Iteration 180 +2016-08-30 21:36:33,270 DEBUG: View 0 : 0.564516129032 +2016-08-30 21:36:33,289 DEBUG: View 1 : 0.279569892473 +2016-08-30 21:36:33,309 DEBUG: View 2 : 0.634408602151 +2016-08-30 21:36:33,331 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:36:35,047 DEBUG: Best view : View2 +2016-08-30 21:36:47,265 DEBUG: Start: Iteration 181 +2016-08-30 21:36:47,285 DEBUG: View 0 : 0.623655913978 +2016-08-30 21:36:47,304 DEBUG: View 1 : 0.344086021505 +2016-08-30 21:36:47,324 DEBUG: View 2 : 0.661290322581 +2016-08-30 21:36:47,346 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:36:49,054 DEBUG: Best view : View2 +2016-08-30 21:37:01,372 DEBUG: Start: Iteration 182 +2016-08-30 21:37:01,393 DEBUG: View 0 : 0.634408602151 +2016-08-30 21:37:01,412 DEBUG: View 1 : 0.349462365591 +2016-08-30 21:37:01,431 DEBUG: View 2 : 0.55376344086 +2016-08-30 21:37:01,453 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:37:03,178 DEBUG: Best view : View0 +2016-08-30 21:37:15,591 DEBUG: Start: Iteration 183 +2016-08-30 21:37:15,612 DEBUG: View 0 : 0.661290322581 +2016-08-30 21:37:15,631 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:37:15,651 DEBUG: View 2 : 0.451612903226 +2016-08-30 21:37:15,673 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:37:17,396 DEBUG: Best view : View0 +2016-08-30 21:37:29,814 DEBUG: Start: Iteration 184 +2016-08-30 21:37:29,835 DEBUG: View 0 : 0.55376344086 +2016-08-30 21:37:29,855 DEBUG: View 1 : 0.279569892473 +2016-08-30 21:37:29,874 DEBUG: View 2 : 0.52688172043 +2016-08-30 21:37:29,896 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:37:31,647 DEBUG: Best view : View2 +2016-08-30 21:37:44,108 DEBUG: Start: Iteration 185 +2016-08-30 21:37:44,129 DEBUG: View 0 : 0.629032258065 +2016-08-30 21:37:44,148 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:37:44,167 DEBUG: View 2 : 0.47311827957 +2016-08-30 21:37:44,190 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:37:45,942 DEBUG: Best view : View0 +2016-08-30 21:37:58,443 DEBUG: Start: Iteration 186 +2016-08-30 21:37:58,463 DEBUG: View 0 : 0.591397849462 +2016-08-30 21:37:58,482 DEBUG: View 1 : 0.284946236559 +2016-08-30 21:37:58,500 DEBUG: View 2 : 0.623655913978 +2016-08-30 21:37:58,523 DEBUG: View 3 : 0.752688172043 +2016-08-30 21:38:00,276 DEBUG: Best view : View3 +2016-08-30 21:38:12,859 DEBUG: Start: Iteration 187 +2016-08-30 21:38:12,880 DEBUG: View 0 : 0.618279569892 +2016-08-30 21:38:12,899 DEBUG: View 1 : 0.354838709677 +2016-08-30 21:38:12,919 DEBUG: View 2 : 0.510752688172 +2016-08-30 21:38:12,940 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:38:14,700 DEBUG: Best view : View0 +2016-08-30 21:38:27,352 DEBUG: Start: Iteration 188 +2016-08-30 21:38:27,373 DEBUG: View 0 : 0.612903225806 +2016-08-30 21:38:27,392 DEBUG: View 1 : 0.413978494624 +2016-08-30 21:38:27,412 DEBUG: View 2 : 0.634408602151 +2016-08-30 21:38:27,435 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:38:29,212 DEBUG: Best view : View2 +2016-08-30 21:38:41,933 DEBUG: Start: Iteration 189 +2016-08-30 21:38:41,954 DEBUG: View 0 : 0.634408602151 +2016-08-30 21:38:41,973 DEBUG: View 1 : 0.376344086022 +2016-08-30 21:38:41,992 DEBUG: View 2 : 0.44623655914 +2016-08-30 21:38:42,014 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:38:43,784 DEBUG: Best view : View0 +2016-08-30 21:38:56,555 DEBUG: Start: Iteration 190 +2016-08-30 21:38:56,575 DEBUG: View 0 : 0.559139784946 +2016-08-30 21:38:56,595 DEBUG: View 1 : 0.435483870968 +2016-08-30 21:38:56,615 DEBUG: View 2 : 0.483870967742 +2016-08-30 21:38:56,637 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:38:58,426 DEBUG: Best view : View0 +2016-08-30 21:39:11,311 DEBUG: Start: Iteration 191 +2016-08-30 21:39:11,332 DEBUG: View 0 : 0.52688172043 +2016-08-30 21:39:11,351 DEBUG: View 1 : 0.39247311828 +2016-08-30 21:39:11,370 DEBUG: View 2 : 0.456989247312 +2016-08-30 21:39:11,393 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:39:13,183 DEBUG: Best view : View0 +2016-08-30 21:39:26,109 DEBUG: Start: Iteration 192 +2016-08-30 21:39:26,129 DEBUG: View 0 : 0.60752688172 +2016-08-30 21:39:26,148 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:39:26,167 DEBUG: View 2 : 0.537634408602 +2016-08-30 21:39:26,189 DEBUG: View 3 : 0.865591397849 +2016-08-30 21:39:27,981 DEBUG: Best view : View3 +2016-08-30 21:39:41,005 DEBUG: Start: Iteration 193 +2016-08-30 21:39:41,027 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:39:41,046 DEBUG: View 1 : 0.306451612903 +2016-08-30 21:39:41,065 DEBUG: View 2 : 0.365591397849 +2016-08-30 21:39:41,087 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:39:42,900 DEBUG: Best view : View0 +2016-08-30 21:39:55,969 DEBUG: Start: Iteration 194 +2016-08-30 21:39:55,990 DEBUG: View 0 : 0.569892473118 +2016-08-30 21:39:56,009 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:39:56,028 DEBUG: View 2 : 0.435483870968 +2016-08-30 21:39:56,051 DEBUG: View 3 : 0.774193548387 +2016-08-30 21:39:57,858 DEBUG: Best view : View3 +2016-08-30 21:40:11,007 DEBUG: Start: Iteration 195 +2016-08-30 21:40:11,030 DEBUG: View 0 : 0.682795698925 +2016-08-30 21:40:11,050 DEBUG: View 1 : 0.317204301075 +2016-08-30 21:40:11,070 DEBUG: View 2 : 0.413978494624 +2016-08-30 21:40:11,093 DEBUG: View 3 : 0.774193548387 +2016-08-30 21:40:12,916 DEBUG: Best view : View3 +2016-08-30 21:40:26,155 DEBUG: Start: Iteration 196 +2016-08-30 21:40:26,175 DEBUG: View 0 : 0.623655913978 +2016-08-30 21:40:26,195 DEBUG: View 1 : 0.354838709677 +2016-08-30 21:40:26,214 DEBUG: View 2 : 0.47311827957 +2016-08-30 21:40:26,236 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:40:28,076 DEBUG: Best view : View0 +2016-08-30 21:40:41,378 DEBUG: Start: Iteration 197 +2016-08-30 21:40:41,400 DEBUG: View 0 : 0.661290322581 +2016-08-30 21:40:41,419 DEBUG: View 1 : 0.39247311828 +2016-08-30 21:40:41,437 DEBUG: View 2 : 0.435483870968 +2016-08-30 21:40:41,460 DEBUG: View 3 : 0.784946236559 +2016-08-30 21:40:43,293 DEBUG: Best view : View3 +2016-08-30 21:40:56,614 DEBUG: Start: Iteration 198 +2016-08-30 21:40:56,635 DEBUG: View 0 : 0.548387096774 +2016-08-30 21:40:56,654 DEBUG: View 1 : 0.462365591398 +2016-08-30 21:40:56,674 DEBUG: View 2 : 0.537634408602 +2016-08-30 21:40:56,697 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:40:58,546 DEBUG: Best view : View2 +2016-08-30 21:41:11,923 DEBUG: Start: Iteration 199 +2016-08-30 21:41:11,944 DEBUG: View 0 : 0.639784946237 +2016-08-30 21:41:11,963 DEBUG: View 1 : 0.354838709677 +2016-08-30 21:41:11,981 DEBUG: View 2 : 0.623655913978 +2016-08-30 21:41:12,004 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:41:13,849 DEBUG: Best view : View0 +2016-08-30 21:41:27,311 DEBUG: Start: Iteration 200 +2016-08-30 21:41:27,332 DEBUG: View 0 : 0.672043010753 +2016-08-30 21:41:27,351 DEBUG: View 1 : 0.387096774194 +2016-08-30 21:41:27,370 DEBUG: View 2 : 0.537634408602 +2016-08-30 21:41:27,392 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:41:29,239 DEBUG: Best view : View0 +2016-08-30 21:41:42,756 DEBUG: Start: Iteration 201 +2016-08-30 21:41:42,777 DEBUG: View 0 : 0.60752688172 +2016-08-30 21:41:42,796 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:41:42,815 DEBUG: View 2 : 0.451612903226 +2016-08-30 21:41:42,837 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:41:44,693 DEBUG: Best view : View0 +2016-08-30 21:41:58,261 DEBUG: Start: Iteration 202 +2016-08-30 21:41:58,282 DEBUG: View 0 : 0.505376344086 +2016-08-30 21:41:58,301 DEBUG: View 1 : 0.413978494624 +2016-08-30 21:41:58,321 DEBUG: View 2 : 0.618279569892 +2016-08-30 21:41:58,343 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:42:00,250 DEBUG: Best view : View2 +2016-08-30 21:42:13,877 DEBUG: Start: Iteration 203 +2016-08-30 21:42:13,898 DEBUG: View 0 : 0.612903225806 +2016-08-30 21:42:13,917 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:42:13,936 DEBUG: View 2 : 0.569892473118 +2016-08-30 21:42:13,958 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:42:15,847 DEBUG: Best view : View0 +2016-08-30 21:42:29,562 DEBUG: Start: Iteration 204 +2016-08-30 21:42:29,583 DEBUG: View 0 : 0.612903225806 +2016-08-30 21:42:29,602 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:42:29,621 DEBUG: View 2 : 0.483870967742 +2016-08-30 21:42:29,643 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:42:31,536 DEBUG: Best view : View0 +2016-08-30 21:42:45,339 DEBUG: Start: Iteration 205 +2016-08-30 21:42:45,361 DEBUG: View 0 : 0.521505376344 +2016-08-30 21:42:45,381 DEBUG: View 1 : 0.41935483871 +2016-08-30 21:42:45,400 DEBUG: View 2 : 0.494623655914 +2016-08-30 21:42:45,422 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:42:47,320 DEBUG: Best view : View0 +2016-08-30 21:43:01,164 DEBUG: Start: Iteration 206 +2016-08-30 21:43:01,185 DEBUG: View 0 : 0.639784946237 +2016-08-30 21:43:01,205 DEBUG: View 1 : 0.317204301075 +2016-08-30 21:43:01,225 DEBUG: View 2 : 0.569892473118 +2016-08-30 21:43:01,248 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:43:03,164 DEBUG: Best view : View0 +2016-08-30 21:43:17,078 DEBUG: Start: Iteration 207 +2016-08-30 21:43:17,098 DEBUG: View 0 : 0.494623655914 +2016-08-30 21:43:17,117 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:43:17,137 DEBUG: View 2 : 0.521505376344 +2016-08-30 21:43:17,159 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:43:19,074 DEBUG: Best view : View2 +2016-08-30 21:43:33,061 DEBUG: Start: Iteration 208 +2016-08-30 21:43:33,082 DEBUG: View 0 : 0.532258064516 +2016-08-30 21:43:33,101 DEBUG: View 1 : 0.381720430108 +2016-08-30 21:43:33,120 DEBUG: View 2 : 0.612903225806 +2016-08-30 21:43:33,142 DEBUG: View 3 : 0.430107526882 +2016-08-30 21:43:35,072 DEBUG: Best view : View2 +2016-08-30 21:43:49,134 DEBUG: Start: Iteration 209 +2016-08-30 21:43:49,156 DEBUG: View 0 : 0.532258064516 +2016-08-30 21:43:49,175 DEBUG: View 1 : 0.284946236559 +2016-08-30 21:43:49,194 DEBUG: View 2 : 0.478494623656 +2016-08-30 21:43:49,216 DEBUG: View 3 : 0.784946236559 +2016-08-30 21:43:51,155 DEBUG: Best view : View3 +2016-08-30 21:44:05,258 DEBUG: Start: Iteration 210 +2016-08-30 21:44:05,279 DEBUG: View 0 : 0.650537634409 +2016-08-30 21:44:05,298 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:44:05,317 DEBUG: View 2 : 0.586021505376 +2016-08-30 21:44:05,340 DEBUG: View 3 : 0.784946236559 +2016-08-30 21:44:07,296 DEBUG: Best view : View3 +2016-08-30 21:44:21,472 DEBUG: Start: Iteration 211 +2016-08-30 21:44:21,494 DEBUG: View 0 : 0.639784946237 +2016-08-30 21:44:21,513 DEBUG: View 1 : 0.408602150538 +2016-08-30 21:44:21,532 DEBUG: View 2 : 0.537634408602 +2016-08-30 21:44:21,554 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:44:23,507 DEBUG: Best view : View0 +2016-08-30 21:44:37,844 DEBUG: Start: Iteration 212 +2016-08-30 21:44:37,865 DEBUG: View 0 : 0.634408602151 +2016-08-30 21:44:37,884 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:44:37,903 DEBUG: View 2 : 0.559139784946 +2016-08-30 21:44:37,926 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:44:39,887 DEBUG: Best view : View0 +2016-08-30 21:44:54,207 DEBUG: Start: Iteration 213 +2016-08-30 21:44:54,228 DEBUG: View 0 : 0.543010752688 +2016-08-30 21:44:54,247 DEBUG: View 1 : 0.370967741935 +2016-08-30 21:44:54,266 DEBUG: View 2 : 0.478494623656 +2016-08-30 21:44:54,288 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:44:56,243 DEBUG: Best view : View0 +2016-08-30 21:45:10,628 DEBUG: Start: Iteration 214 +2016-08-30 21:45:10,649 DEBUG: View 0 : 0.612903225806 +2016-08-30 21:45:10,668 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:45:10,688 DEBUG: View 2 : 0.430107526882 +2016-08-30 21:45:10,709 DEBUG: View 3 : 0.844086021505 +2016-08-30 21:45:12,679 DEBUG: Best view : View3 +2016-08-30 21:45:27,142 DEBUG: Start: Iteration 215 +2016-08-30 21:45:27,163 DEBUG: View 0 : 0.55376344086 +2016-08-30 21:45:27,182 DEBUG: View 1 : 0.467741935484 +2016-08-30 21:45:27,201 DEBUG: View 2 : 0.661290322581 +2016-08-30 21:45:27,223 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:45:29,185 DEBUG: Best view : View2 +2016-08-30 21:45:43,725 DEBUG: Start: Iteration 216 +2016-08-30 21:45:43,746 DEBUG: View 0 : 0.489247311828 +2016-08-30 21:45:43,765 DEBUG: View 1 : 0.376344086022 +2016-08-30 21:45:43,784 DEBUG: View 2 : 0.596774193548 +2016-08-30 21:45:43,807 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:45:45,795 DEBUG: Best view : View2 +2016-08-30 21:46:00,385 DEBUG: Start: Iteration 217 +2016-08-30 21:46:00,406 DEBUG: View 0 : 0.467741935484 +2016-08-30 21:46:00,425 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:46:00,443 DEBUG: View 2 : 0.537634408602 +2016-08-30 21:46:00,465 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:46:02,449 DEBUG: Best view : View2 +2016-08-30 21:46:17,125 DEBUG: Start: Iteration 218 +2016-08-30 21:46:17,145 DEBUG: View 0 : 0.510752688172 +2016-08-30 21:46:17,165 DEBUG: View 1 : 0.317204301075 +2016-08-30 21:46:17,184 DEBUG: View 2 : 0.456989247312 +2016-08-30 21:46:17,207 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:46:19,224 DEBUG: Best view : View3 +2016-08-30 21:46:33,950 DEBUG: Start: Iteration 219 +2016-08-30 21:46:33,971 DEBUG: View 0 : 0.510752688172 +2016-08-30 21:46:33,991 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:46:34,009 DEBUG: View 2 : 0.483870967742 +2016-08-30 21:46:34,032 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:46:36,021 DEBUG: Best view : View3 +2016-08-30 21:46:50,843 DEBUG: Start: Iteration 220 +2016-08-30 21:46:50,864 DEBUG: View 0 : 0.548387096774 +2016-08-30 21:46:50,883 DEBUG: View 1 : 0.349462365591 +2016-08-30 21:46:50,902 DEBUG: View 2 : 0.548387096774 +2016-08-30 21:46:50,924 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:46:52,955 DEBUG: Best view : View2 +2016-08-30 21:47:07,824 DEBUG: Start: Iteration 221 +2016-08-30 21:47:07,845 DEBUG: View 0 : 0.591397849462 +2016-08-30 21:47:07,864 DEBUG: View 1 : 0.413978494624 +2016-08-30 21:47:07,883 DEBUG: View 2 : 0.564516129032 +2016-08-30 21:47:07,907 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:47:09,908 DEBUG: Best view : View0 +2016-08-30 21:47:24,843 DEBUG: Start: Iteration 222 +2016-08-30 21:47:24,864 DEBUG: View 0 : 0.532258064516 +2016-08-30 21:47:24,883 DEBUG: View 1 : 0.290322580645 +2016-08-30 21:47:24,902 DEBUG: View 2 : 0.516129032258 +2016-08-30 21:47:24,924 DEBUG: View 3 : 0.779569892473 +2016-08-30 21:47:26,927 DEBUG: Best view : View3 +2016-08-30 21:47:41,970 DEBUG: Start: Iteration 223 +2016-08-30 21:47:41,990 DEBUG: View 0 : 0.537634408602 +2016-08-30 21:47:42,009 DEBUG: View 1 : 0.381720430108 +2016-08-30 21:47:42,028 DEBUG: View 2 : 0.559139784946 +2016-08-30 21:47:42,050 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:47:44,054 DEBUG: Best view : View2 +2016-08-30 21:47:59,169 DEBUG: Start: Iteration 224 +2016-08-30 21:47:59,190 DEBUG: View 0 : 0.548387096774 +2016-08-30 21:47:59,210 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:47:59,229 DEBUG: View 2 : 0.639784946237 +2016-08-30 21:47:59,251 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:48:01,276 DEBUG: Best view : View2 +2016-08-30 21:48:16,416 DEBUG: Start: Iteration 225 +2016-08-30 21:48:16,437 DEBUG: View 0 : 0.666666666667 +2016-08-30 21:48:16,456 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:48:16,475 DEBUG: View 2 : 0.58064516129 +2016-08-30 21:48:16,497 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:48:18,516 DEBUG: Best view : View0 +2016-08-30 21:48:33,722 DEBUG: Start: Iteration 226 +2016-08-30 21:48:33,742 DEBUG: View 0 : 0.591397849462 +2016-08-30 21:48:33,762 DEBUG: View 1 : 0.381720430108 +2016-08-30 21:48:33,781 DEBUG: View 2 : 0.39247311828 +2016-08-30 21:48:33,804 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:48:35,856 DEBUG: Best view : View0 +2016-08-30 21:48:51,096 DEBUG: Start: Iteration 227 +2016-08-30 21:48:51,118 DEBUG: View 0 : 0.639784946237 +2016-08-30 21:48:51,137 DEBUG: View 1 : 0.483870967742 +2016-08-30 21:48:51,156 DEBUG: View 2 : 0.462365591398 +2016-08-30 21:48:51,179 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:48:53,231 DEBUG: Best view : View0 +2016-08-30 21:49:08,573 DEBUG: Start: Iteration 228 +2016-08-30 21:49:08,594 DEBUG: View 0 : 0.586021505376 +2016-08-30 21:49:08,614 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:49:08,633 DEBUG: View 2 : 0.650537634409 +2016-08-30 21:49:08,654 DEBUG: View 3 : 0.39247311828 +2016-08-30 21:49:10,719 DEBUG: Best view : View2 +2016-08-30 21:49:26,144 DEBUG: Start: Iteration 229 +2016-08-30 21:49:26,165 DEBUG: View 0 : 0.58064516129 +2016-08-30 21:49:26,183 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:49:26,203 DEBUG: View 2 : 0.408602150538 +2016-08-30 21:49:26,225 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:49:28,290 DEBUG: Best view : View0 +2016-08-30 21:49:43,796 DEBUG: Start: Iteration 230 +2016-08-30 21:49:43,816 DEBUG: View 0 : 0.569892473118 +2016-08-30 21:49:43,835 DEBUG: View 1 : 0.408602150538 +2016-08-30 21:49:43,855 DEBUG: View 2 : 0.559139784946 +2016-08-30 21:49:43,877 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:49:45,965 DEBUG: Best view : View2 +2016-08-30 21:50:01,500 DEBUG: Start: Iteration 231 +2016-08-30 21:50:01,520 DEBUG: View 0 : 0.602150537634 +2016-08-30 21:50:01,539 DEBUG: View 1 : 0.338709677419 +2016-08-30 21:50:01,558 DEBUG: View 2 : 0.47311827957 +2016-08-30 21:50:01,580 DEBUG: View 3 : 0.763440860215 +2016-08-30 21:50:03,670 DEBUG: Best view : View3 +2016-08-30 21:50:19,294 DEBUG: Start: Iteration 232 +2016-08-30 21:50:19,315 DEBUG: View 0 : 0.602150537634 +2016-08-30 21:50:19,334 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:50:19,354 DEBUG: View 2 : 0.467741935484 +2016-08-30 21:50:19,376 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:50:21,467 DEBUG: Best view : View0 +2016-08-30 21:50:37,171 DEBUG: Start: Iteration 233 +2016-08-30 21:50:37,192 DEBUG: View 0 : 0.564516129032 +2016-08-30 21:50:37,211 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:50:37,231 DEBUG: View 2 : 0.543010752688 +2016-08-30 21:50:37,253 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:50:39,353 DEBUG: Best view : View0 +2016-08-30 21:50:55,118 DEBUG: Start: Iteration 234 +2016-08-30 21:50:55,139 DEBUG: View 0 : 0.661290322581 +2016-08-30 21:50:55,158 DEBUG: View 1 : 0.306451612903 +2016-08-30 21:50:55,178 DEBUG: View 2 : 0.532258064516 +2016-08-30 21:50:55,200 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:50:57,311 DEBUG: Best view : View0 +2016-08-30 21:51:13,112 DEBUG: Start: Iteration 235 +2016-08-30 21:51:13,133 DEBUG: View 0 : 0.639784946237 +2016-08-30 21:51:13,153 DEBUG: View 1 : 0.295698924731 +2016-08-30 21:51:13,172 DEBUG: View 2 : 0.623655913978 +2016-08-30 21:51:13,194 DEBUG: View 3 : 0.774193548387 +2016-08-30 21:51:15,318 DEBUG: Best view : View3 +2016-08-30 21:51:31,223 DEBUG: Start: Iteration 236 +2016-08-30 21:51:31,244 DEBUG: View 0 : 0.548387096774 +2016-08-30 21:51:31,263 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:51:31,282 DEBUG: View 2 : 0.52688172043 +2016-08-30 21:51:31,305 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:51:33,431 DEBUG: Best view : View2 +2016-08-30 21:51:49,353 DEBUG: Start: Iteration 237 +2016-08-30 21:51:49,374 DEBUG: View 0 : 0.618279569892 +2016-08-30 21:51:49,393 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:51:49,412 DEBUG: View 2 : 0.467741935484 +2016-08-30 21:51:49,434 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:51:51,565 DEBUG: Best view : View0 +2016-08-30 21:52:07,582 DEBUG: Start: Iteration 238 +2016-08-30 21:52:07,603 DEBUG: View 0 : 0.618279569892 +2016-08-30 21:52:07,622 DEBUG: View 1 : 0.370967741935 +2016-08-30 21:52:07,642 DEBUG: View 2 : 0.548387096774 +2016-08-30 21:52:07,664 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:52:09,813 DEBUG: Best view : View0 +2016-08-30 21:52:25,833 DEBUG: Start: Iteration 239 +2016-08-30 21:52:25,854 DEBUG: View 0 : 0.55376344086 +2016-08-30 21:52:25,873 DEBUG: View 1 : 0.462365591398 +2016-08-30 21:52:25,892 DEBUG: View 2 : 0.47311827957 +2016-08-30 21:52:25,915 DEBUG: View 3 : 0.779569892473 +2016-08-30 21:52:28,072 DEBUG: Best view : View3 +2016-08-30 21:52:44,184 DEBUG: Start: Iteration 240 +2016-08-30 21:52:44,204 DEBUG: View 0 : 0.618279569892 +2016-08-30 21:52:44,223 DEBUG: View 1 : 0.435483870968 +2016-08-30 21:52:44,242 DEBUG: View 2 : 0.349462365591 +2016-08-30 21:52:44,264 DEBUG: View 3 : 0.758064516129 +2016-08-30 21:52:46,434 DEBUG: Best view : View3 +2016-08-30 21:53:02,696 DEBUG: Start: Iteration 241 +2016-08-30 21:53:02,717 DEBUG: View 0 : 0.629032258065 +2016-08-30 21:53:02,736 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:53:02,755 DEBUG: View 2 : 0.634408602151 +2016-08-30 21:53:02,778 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:53:04,985 DEBUG: Best view : View2 +2016-08-30 21:53:21,341 DEBUG: Start: Iteration 242 +2016-08-30 21:53:21,369 DEBUG: View 0 : 0.537634408602 +2016-08-30 21:53:21,388 DEBUG: View 1 : 0.397849462366 +2016-08-30 21:53:21,408 DEBUG: View 2 : 0.349462365591 +2016-08-30 21:53:21,430 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:53:23,619 DEBUG: Best view : View0 +2016-08-30 21:53:40,034 DEBUG: Start: Iteration 243 +2016-08-30 21:53:40,055 DEBUG: View 0 : 0.623655913978 +2016-08-30 21:53:40,075 DEBUG: View 1 : 0.365591397849 +2016-08-30 21:53:40,094 DEBUG: View 2 : 0.52688172043 +2016-08-30 21:53:40,117 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:53:42,340 DEBUG: Best view : View0 +2016-08-30 21:53:58,823 DEBUG: Start: Iteration 244 +2016-08-30 21:53:58,844 DEBUG: View 0 : 0.532258064516 +2016-08-30 21:53:58,863 DEBUG: View 1 : 0.5 +2016-08-30 21:53:58,883 DEBUG: View 2 : 0.537634408602 +2016-08-30 21:53:58,905 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:54:01,115 DEBUG: Best view : View2 +2016-08-30 21:54:17,661 DEBUG: Start: Iteration 245 +2016-08-30 21:54:17,682 DEBUG: View 0 : 0.494623655914 +2016-08-30 21:54:17,702 DEBUG: View 1 : 0.290322580645 +2016-08-30 21:54:17,721 DEBUG: View 2 : 0.483870967742 +2016-08-30 21:54:17,744 DEBUG: View 3 : 0.397849462366 +2016-08-30 21:54:17,744 WARNING: WARNING: All bad for iteration 244 +2016-08-30 21:54:19,948 DEBUG: Best view : View2 +2016-08-30 21:54:36,588 DEBUG: Start: Iteration 246 +2016-08-30 21:54:36,609 DEBUG: View 0 : 0.586021505376 +2016-08-30 21:54:36,628 DEBUG: View 1 : 0.381720430108 +2016-08-30 21:54:36,648 DEBUG: View 2 : 0.413978494624 +2016-08-30 21:54:36,670 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:54:38,904 DEBUG: Best view : View0 +2016-08-30 21:54:55,601 DEBUG: Start: Iteration 247 +2016-08-30 21:54:55,622 DEBUG: View 0 : 0.629032258065 +2016-08-30 21:54:55,641 DEBUG: View 1 : 0.290322580645 +2016-08-30 21:54:55,660 DEBUG: View 2 : 0.60752688172 +2016-08-30 21:54:55,682 DEBUG: View 3 : 0.387096774194 +2016-08-30 21:54:57,917 DEBUG: Best view : View2 +2016-08-30 21:55:14,721 DEBUG: Start: Iteration 248 +2016-08-30 21:55:14,742 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:55:14,763 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:55:14,783 DEBUG: View 2 : 0.413978494624 +2016-08-30 21:55:14,806 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:55:17,048 DEBUG: Best view : View0 +2016-08-30 21:55:33,855 DEBUG: Start: Iteration 249 +2016-08-30 21:55:33,876 DEBUG: View 0 : 0.537634408602 +2016-08-30 21:55:33,896 DEBUG: View 1 : 0.317204301075 +2016-08-30 21:55:33,916 DEBUG: View 2 : 0.52688172043 +2016-08-30 21:55:33,938 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:55:36,190 DEBUG: Best view : View2 +2016-08-30 21:55:53,052 DEBUG: Start: Iteration 250 +2016-08-30 21:55:53,072 DEBUG: View 0 : 0.639784946237 +2016-08-30 21:55:53,093 DEBUG: View 1 : 0.327956989247 +2016-08-30 21:55:53,112 DEBUG: View 2 : 0.543010752688 +2016-08-30 21:55:53,142 DEBUG: View 3 : 0.779569892473 +2016-08-30 21:55:55,403 DEBUG: Best view : View3 +2016-08-30 21:56:12,346 DEBUG: Start: Iteration 251 +2016-08-30 21:56:12,367 DEBUG: View 0 : 0.634408602151 +2016-08-30 21:56:12,387 DEBUG: View 1 : 0.317204301075 +2016-08-30 21:56:12,406 DEBUG: View 2 : 0.569892473118 +2016-08-30 21:56:12,430 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:56:14,683 DEBUG: Best view : View0 +2016-08-30 21:56:31,672 DEBUG: Start: Iteration 252 +2016-08-30 21:56:31,693 DEBUG: View 0 : 0.532258064516 +2016-08-30 21:56:31,713 DEBUG: View 1 : 0.397849462366 +2016-08-30 21:56:31,733 DEBUG: View 2 : 0.543010752688 +2016-08-30 21:56:31,755 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:56:34,014 DEBUG: Best view : View2 +2016-08-30 21:56:51,101 DEBUG: Start: Iteration 253 +2016-08-30 21:56:51,123 DEBUG: View 0 : 0.596774193548 +2016-08-30 21:56:51,144 DEBUG: View 1 : 0.344086021505 +2016-08-30 21:56:51,164 DEBUG: View 2 : 0.58064516129 +2016-08-30 21:56:51,187 DEBUG: View 3 : 0.467741935484 +2016-08-30 21:56:53,472 DEBUG: Best view : View2 +2016-08-30 21:57:10,643 DEBUG: Start: Iteration 254 +2016-08-30 21:57:10,664 DEBUG: View 0 : 0.586021505376 +2016-08-30 21:57:10,683 DEBUG: View 1 : 0.354838709677 +2016-08-30 21:57:10,702 DEBUG: View 2 : 0.569892473118 +2016-08-30 21:57:10,725 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:57:13,003 DEBUG: Best view : View2 +2016-08-30 21:57:30,162 DEBUG: Start: Iteration 255 +2016-08-30 21:57:30,183 DEBUG: View 0 : 0.591397849462 +2016-08-30 21:57:30,203 DEBUG: View 1 : 0.370967741935 +2016-08-30 21:57:30,223 DEBUG: View 2 : 0.489247311828 +2016-08-30 21:57:30,246 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:57:32,514 DEBUG: Best view : View0 +2016-08-30 21:57:49,728 DEBUG: Start: Iteration 256 +2016-08-30 21:57:49,749 DEBUG: View 0 : 0.564516129032 +2016-08-30 21:57:49,769 DEBUG: View 1 : 0.360215053763 +2016-08-30 21:57:49,789 DEBUG: View 2 : 0.387096774194 +2016-08-30 21:57:49,811 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:57:52,100 DEBUG: Best view : View0 +2016-08-30 21:58:09,360 DEBUG: Start: Iteration 257 +2016-08-30 21:58:09,381 DEBUG: View 0 : 0.575268817204 +2016-08-30 21:58:09,401 DEBUG: View 1 : 0.413978494624 +2016-08-30 21:58:09,420 DEBUG: View 2 : 0.489247311828 +2016-08-30 21:58:09,442 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:58:11,738 DEBUG: Best view : View0 +2016-08-30 21:58:29,109 DEBUG: Start: Iteration 258 +2016-08-30 21:58:29,131 DEBUG: View 0 : 0.456989247312 +2016-08-30 21:58:29,152 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:58:29,172 DEBUG: View 2 : 0.47311827957 +2016-08-30 21:58:29,196 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:58:29,196 WARNING: WARNING: All bad for iteration 257 +2016-08-30 21:58:31,519 DEBUG: Best view : View3 +2016-08-30 21:58:48,898 DEBUG: Start: Iteration 259 +2016-08-30 21:58:48,920 DEBUG: View 0 : 0.58064516129 +2016-08-30 21:58:48,939 DEBUG: View 1 : 0.279569892473 +2016-08-30 21:58:48,959 DEBUG: View 2 : 0.521505376344 +2016-08-30 21:58:48,981 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:58:51,292 DEBUG: Best view : View0 +2016-08-30 21:59:08,771 DEBUG: Start: Iteration 260 +2016-08-30 21:59:08,792 DEBUG: View 0 : 0.639784946237 +2016-08-30 21:59:08,811 DEBUG: View 1 : 0.596774193548 +2016-08-30 21:59:08,831 DEBUG: View 2 : 0.548387096774 +2016-08-30 21:59:08,853 DEBUG: View 3 : 0.784946236559 +2016-08-30 21:59:11,169 DEBUG: Best view : View3 +2016-08-30 21:59:28,777 DEBUG: Start: Iteration 261 +2016-08-30 21:59:28,798 DEBUG: View 0 : 0.629032258065 +2016-08-30 21:59:28,817 DEBUG: View 1 : 0.333333333333 +2016-08-30 21:59:28,837 DEBUG: View 2 : 0.629032258065 +2016-08-30 21:59:28,859 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:59:31,192 DEBUG: Best view : View2 +2016-08-30 21:59:48,807 DEBUG: Start: Iteration 262 +2016-08-30 21:59:48,828 DEBUG: View 0 : 0.666666666667 +2016-08-30 21:59:48,847 DEBUG: View 1 : 0.317204301075 +2016-08-30 21:59:48,867 DEBUG: View 2 : 0.478494623656 +2016-08-30 21:59:48,889 DEBUG: View 3 : 0.462365591398 +2016-08-30 21:59:51,224 DEBUG: Best view : View0 +2016-08-30 22:00:08,948 DEBUG: Start: Iteration 263 +2016-08-30 22:00:08,970 DEBUG: View 0 : 0.586021505376 +2016-08-30 22:00:08,989 DEBUG: View 1 : 0.284946236559 +2016-08-30 22:00:09,009 DEBUG: View 2 : 0.440860215054 +2016-08-30 22:00:09,032 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:00:11,362 DEBUG: Best view : View0 +2016-08-30 22:00:29,173 DEBUG: Start: Iteration 264 +2016-08-30 22:00:29,194 DEBUG: View 0 : 0.639784946237 +2016-08-30 22:00:29,215 DEBUG: View 1 : 0.376344086022 +2016-08-30 22:00:29,234 DEBUG: View 2 : 0.569892473118 +2016-08-30 22:00:29,257 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:00:31,613 DEBUG: Best view : View0 +2016-08-30 22:00:49,407 DEBUG: Start: Iteration 265 +2016-08-30 22:00:49,428 DEBUG: View 0 : 0.55376344086 +2016-08-30 22:00:49,447 DEBUG: View 1 : 0.349462365591 +2016-08-30 22:00:49,466 DEBUG: View 2 : 0.586021505376 +2016-08-30 22:00:49,489 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:00:51,836 DEBUG: Best view : View2 +2016-08-30 22:01:09,706 DEBUG: Start: Iteration 266 +2016-08-30 22:01:09,728 DEBUG: View 0 : 0.548387096774 +2016-08-30 22:01:09,748 DEBUG: View 1 : 0.333333333333 +2016-08-30 22:01:09,767 DEBUG: View 2 : 0.704301075269 +2016-08-30 22:01:09,789 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:01:12,151 DEBUG: Best view : View2 +2016-08-30 22:01:30,139 DEBUG: Start: Iteration 267 +2016-08-30 22:01:30,160 DEBUG: View 0 : 0.602150537634 +2016-08-30 22:01:30,179 DEBUG: View 1 : 0.333333333333 +2016-08-30 22:01:30,199 DEBUG: View 2 : 0.543010752688 +2016-08-30 22:01:30,221 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:01:32,576 DEBUG: Best view : View0 +2016-08-30 22:01:50,650 DEBUG: Start: Iteration 268 +2016-08-30 22:01:50,671 DEBUG: View 0 : 0.548387096774 +2016-08-30 22:01:50,691 DEBUG: View 1 : 0.306451612903 +2016-08-30 22:01:50,711 DEBUG: View 2 : 0.564516129032 +2016-08-30 22:01:50,733 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:01:53,132 DEBUG: Best view : View2 +2016-08-30 22:02:11,268 DEBUG: Start: Iteration 269 +2016-08-30 22:02:11,289 DEBUG: View 0 : 0.677419354839 +2016-08-30 22:02:11,308 DEBUG: View 1 : 0.403225806452 +2016-08-30 22:02:11,327 DEBUG: View 2 : 0.623655913978 +2016-08-30 22:02:11,350 DEBUG: View 3 : 0.774193548387 +2016-08-30 22:02:13,718 DEBUG: Best view : View3 +2016-08-30 22:02:31,897 DEBUG: Start: Iteration 270 +2016-08-30 22:02:31,919 DEBUG: View 0 : 0.516129032258 +2016-08-30 22:02:31,938 DEBUG: View 1 : 0.39247311828 +2016-08-30 22:02:31,957 DEBUG: View 2 : 0.645161290323 +2016-08-30 22:02:31,980 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:02:34,362 DEBUG: Best view : View2 +2016-08-30 22:02:52,575 DEBUG: Start: Iteration 271 +2016-08-30 22:02:52,596 DEBUG: View 0 : 0.623655913978 +2016-08-30 22:02:52,615 DEBUG: View 1 : 0.360215053763 +2016-08-30 22:02:52,635 DEBUG: View 2 : 0.666666666667 +2016-08-30 22:02:52,657 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:02:55,030 DEBUG: Best view : View2 +2016-08-30 22:03:13,283 DEBUG: Start: Iteration 272 +2016-08-30 22:03:13,305 DEBUG: View 0 : 0.564516129032 +2016-08-30 22:03:13,325 DEBUG: View 1 : 0.333333333333 +2016-08-30 22:03:13,344 DEBUG: View 2 : 0.424731182796 +2016-08-30 22:03:13,367 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:03:15,762 DEBUG: Best view : View0 +2016-08-30 22:03:34,055 DEBUG: Start: Iteration 273 +2016-08-30 22:03:34,077 DEBUG: View 0 : 0.537634408602 +2016-08-30 22:03:34,096 DEBUG: View 1 : 0.360215053763 +2016-08-30 22:03:34,115 DEBUG: View 2 : 0.548387096774 +2016-08-30 22:03:34,138 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:03:36,507 DEBUG: Best view : View2 +2016-08-30 22:03:54,910 DEBUG: Start: Iteration 274 +2016-08-30 22:03:54,931 DEBUG: View 0 : 0.543010752688 +2016-08-30 22:03:54,951 DEBUG: View 1 : 0.387096774194 +2016-08-30 22:03:54,970 DEBUG: View 2 : 0.478494623656 +2016-08-30 22:03:54,993 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:03:57,396 DEBUG: Best view : View0 +2016-08-30 22:04:15,872 DEBUG: Start: Iteration 275 +2016-08-30 22:04:15,893 DEBUG: View 0 : 0.666666666667 +2016-08-30 22:04:15,913 DEBUG: View 1 : 0.612903225806 +2016-08-30 22:04:15,932 DEBUG: View 2 : 0.424731182796 +2016-08-30 22:04:15,955 DEBUG: View 3 : 0.790322580645 +2016-08-30 22:04:18,377 DEBUG: Best view : View3 +2016-08-30 22:04:36,862 DEBUG: Start: Iteration 276 +2016-08-30 22:04:36,882 DEBUG: View 0 : 0.612903225806 +2016-08-30 22:04:36,902 DEBUG: View 1 : 0.408602150538 +2016-08-30 22:04:36,921 DEBUG: View 2 : 0.564516129032 +2016-08-30 22:04:36,944 DEBUG: View 3 : 0.790322580645 +2016-08-30 22:04:39,383 DEBUG: Best view : View3 +2016-08-30 22:04:57,952 DEBUG: Start: Iteration 277 +2016-08-30 22:04:57,974 DEBUG: View 0 : 0.564516129032 +2016-08-30 22:04:57,993 DEBUG: View 1 : 0.311827956989 +2016-08-30 22:04:58,013 DEBUG: View 2 : 0.575268817204 +2016-08-30 22:04:58,036 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:05:00,477 DEBUG: Best view : View2 +2016-08-30 22:05:19,081 DEBUG: Start: Iteration 278 +2016-08-30 22:05:19,102 DEBUG: View 0 : 0.650537634409 +2016-08-30 22:05:19,122 DEBUG: View 1 : 0.381720430108 +2016-08-30 22:05:19,141 DEBUG: View 2 : 0.408602150538 +2016-08-30 22:05:19,164 DEBUG: View 3 : 0.704301075269 +2016-08-30 22:05:21,615 DEBUG: Best view : View3 +2016-08-30 22:05:40,311 DEBUG: Start: Iteration 279 +2016-08-30 22:05:40,332 DEBUG: View 0 : 0.698924731183 +2016-08-30 22:05:40,351 DEBUG: View 1 : 0.39247311828 +2016-08-30 22:05:40,370 DEBUG: View 2 : 0.569892473118 +2016-08-30 22:05:40,393 DEBUG: View 3 : 0.704301075269 +2016-08-30 22:05:42,863 DEBUG: Best view : View3 +2016-08-30 22:06:01,652 DEBUG: Start: Iteration 280 +2016-08-30 22:06:01,673 DEBUG: View 0 : 0.650537634409 +2016-08-30 22:06:01,692 DEBUG: View 1 : 0.408602150538 +2016-08-30 22:06:01,711 DEBUG: View 2 : 0.505376344086 +2016-08-30 22:06:01,734 DEBUG: View 3 : 0.704301075269 +2016-08-30 22:06:04,203 DEBUG: Best view : View3 +2016-08-30 22:06:23,040 DEBUG: Start: Iteration 281 +2016-08-30 22:06:23,061 DEBUG: View 0 : 0.655913978495 +2016-08-30 22:06:23,080 DEBUG: View 1 : 0.284946236559 +2016-08-30 22:06:23,099 DEBUG: View 2 : 0.559139784946 +2016-08-30 22:06:23,122 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:06:25,591 DEBUG: Best view : View0 +2016-08-30 22:06:44,482 DEBUG: Start: Iteration 282 +2016-08-30 22:06:44,503 DEBUG: View 0 : 0.60752688172 +2016-08-30 22:06:44,522 DEBUG: View 1 : 0.311827956989 +2016-08-30 22:06:44,541 DEBUG: View 2 : 0.505376344086 +2016-08-30 22:06:44,564 DEBUG: View 3 : 0.784946236559 +2016-08-30 22:06:47,023 DEBUG: Best view : View3 +2016-08-30 22:07:05,995 DEBUG: Start: Iteration 283 +2016-08-30 22:07:06,016 DEBUG: View 0 : 0.591397849462 +2016-08-30 22:07:06,035 DEBUG: View 1 : 0.370967741935 +2016-08-30 22:07:06,054 DEBUG: View 2 : 0.521505376344 +2016-08-30 22:07:06,077 DEBUG: View 3 : 0.784946236559 +2016-08-30 22:07:08,488 DEBUG: Best view : View3 +2016-08-30 22:07:27,554 DEBUG: Start: Iteration 284 +2016-08-30 22:07:27,575 DEBUG: View 0 : 0.698924731183 +2016-08-30 22:07:27,594 DEBUG: View 1 : 0.327956989247 +2016-08-30 22:07:27,613 DEBUG: View 2 : 0.44623655914 +2016-08-30 22:07:27,636 DEBUG: View 3 : 0.456989247312 +2016-08-30 22:07:30,072 DEBUG: Best view : View0 +2016-08-30 22:07:49,224 DEBUG: Start: Iteration 285 +2016-08-30 22:07:49,245 DEBUG: View 0 : 0.543010752688 +2016-08-30 22:07:49,264 DEBUG: View 1 : 0.354838709677 +2016-08-30 22:07:49,284 DEBUG: View 2 : 0.58064516129 +2016-08-30 22:07:49,307 DEBUG: View 3 : 0.881720430108 +2016-08-30 22:07:51,747 DEBUG: Best view : View3 +2016-08-30 22:08:10,955 DEBUG: Start: Iteration 286 +2016-08-30 22:08:10,976 DEBUG: View 0 : 0.661290322581 +2016-08-30 22:08:10,996 DEBUG: View 1 : 0.387096774194 +2016-08-30 22:08:11,016 DEBUG: View 2 : 0.489247311828 +2016-08-30 22:08:11,039 DEBUG: View 3 : 0.854838709677 +2016-08-30 22:08:13,513 DEBUG: Best view : View3 +2016-08-30 22:08:32,899 DEBUG: Start: Iteration 287 +2016-08-30 22:08:32,919 DEBUG: View 0 : 0.645161290323 +2016-08-30 22:08:32,939 DEBUG: View 1 : 0.5 +2016-08-30 22:08:32,959 DEBUG: View 2 : 0.510752688172 +2016-08-30 22:08:32,982 DEBUG: View 3 : 0.784946236559 +2016-08-30 22:08:35,483 DEBUG: Best view : View3 +2016-08-30 22:08:54,871 DEBUG: Start: Iteration 288 +2016-08-30 22:08:54,892 DEBUG: View 0 : 0.618279569892 +2016-08-30 22:08:54,911 DEBUG: View 1 : 0.360215053763 +2016-08-30 22:08:54,931 DEBUG: View 2 : 0.548387096774 +2016-08-30 22:08:54,953 DEBUG: View 3 : 0.779569892473 +2016-08-30 22:08:57,490 DEBUG: Best view : View3 +2016-08-30 22:09:16,968 DEBUG: Start: Iteration 289 +2016-08-30 22:09:16,990 DEBUG: View 0 : 0.516129032258 +2016-08-30 22:09:17,010 DEBUG: View 1 : 0.338709677419 +2016-08-30 22:09:17,029 DEBUG: View 2 : 0.462365591398 +2016-08-30 22:09:17,051 DEBUG: View 3 : 0.801075268817 +2016-08-30 22:09:19,561 DEBUG: Best view : View3 +2016-08-30 22:09:38,986 DEBUG: Start: Iteration 290 +2016-08-30 22:09:39,006 DEBUG: View 0 : 0.661290322581 +2016-08-30 22:09:39,026 DEBUG: View 1 : 0.317204301075 +2016-08-30 22:09:39,046 DEBUG: View 2 : 0.58064516129 +2016-08-30 22:09:39,069 DEBUG: View 3 : 0.758064516129 +2016-08-30 22:09:41,608 DEBUG: Best view : View3 +2016-08-30 22:10:01,109 DEBUG: Start: Iteration 291 +2016-08-30 22:10:01,130 DEBUG: View 0 : 0.569892473118 +2016-08-30 22:10:01,148 DEBUG: View 1 : 0.327956989247 +2016-08-30 22:10:01,168 DEBUG: View 2 : 0.413978494624 +2016-08-30 22:10:01,190 DEBUG: View 3 : 0.860215053763 +2016-08-30 22:10:03,730 DEBUG: Best view : View3 +2016-08-30 22:10:23,312 DEBUG: Start: Iteration 292 +2016-08-30 22:10:23,334 DEBUG: View 0 : 0.569892473118 +2016-08-30 22:10:23,353 DEBUG: View 1 : 0.360215053763 +2016-08-30 22:10:23,372 DEBUG: View 2 : 0.672043010753 +2016-08-30 22:10:23,395 DEBUG: View 3 : 0.354838709677 +2016-08-30 22:10:25,943 DEBUG: Best view : View2 +2016-08-30 22:10:45,600 DEBUG: Start: Iteration 293 +2016-08-30 22:10:45,621 DEBUG: View 0 : 0.650537634409 +2016-08-30 22:10:45,640 DEBUG: View 1 : 0.306451612903 +2016-08-30 22:10:45,659 DEBUG: View 2 : 0.41935483871 +2016-08-30 22:10:45,682 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:10:48,226 DEBUG: Best view : View0 +2016-08-30 22:11:07,988 DEBUG: Start: Iteration 294 +2016-08-30 22:11:08,009 DEBUG: View 0 : 0.483870967742 +2016-08-30 22:11:08,029 DEBUG: View 1 : 0.327956989247 +2016-08-30 22:11:08,048 DEBUG: View 2 : 0.467741935484 +2016-08-30 22:11:08,071 DEBUG: View 3 : 0.467741935484 +2016-08-30 22:11:08,072 WARNING: WARNING: All bad for iteration 293 +2016-08-30 22:11:10,638 DEBUG: Best view : View3 +2016-08-30 22:11:30,463 DEBUG: Start: Iteration 295 +2016-08-30 22:11:30,484 DEBUG: View 0 : 0.602150537634 +2016-08-30 22:11:30,503 DEBUG: View 1 : 0.5 +2016-08-30 22:11:30,523 DEBUG: View 2 : 0.559139784946 +2016-08-30 22:11:30,547 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:11:33,126 DEBUG: Best view : View0 +2016-08-30 22:11:53,011 DEBUG: Start: Iteration 296 +2016-08-30 22:11:53,032 DEBUG: View 0 : 0.478494623656 +2016-08-30 22:11:53,051 DEBUG: View 1 : 0.279569892473 +2016-08-30 22:11:53,071 DEBUG: View 2 : 0.52688172043 +2016-08-30 22:11:53,093 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:11:55,672 DEBUG: Best view : View2 +2016-08-30 22:12:15,599 DEBUG: Start: Iteration 297 +2016-08-30 22:12:15,620 DEBUG: View 0 : 0.704301075269 +2016-08-30 22:12:15,640 DEBUG: View 1 : 0.338709677419 +2016-08-30 22:12:15,659 DEBUG: View 2 : 0.672043010753 +2016-08-30 22:12:15,682 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:12:18,269 DEBUG: Best view : View0 +2016-08-30 22:12:38,376 DEBUG: Start: Iteration 298 +2016-08-30 22:12:38,398 DEBUG: View 0 : 0.709677419355 +2016-08-30 22:12:38,417 DEBUG: View 1 : 0.408602150538 +2016-08-30 22:12:38,436 DEBUG: View 2 : 0.451612903226 +2016-08-30 22:12:38,459 DEBUG: View 3 : 0.381720430108 +2016-08-30 22:12:41,062 DEBUG: Best view : View0 +2016-08-30 22:13:01,264 DEBUG: Start: Iteration 299 +2016-08-30 22:13:01,285 DEBUG: View 0 : 0.661290322581 +2016-08-30 22:13:01,304 DEBUG: View 1 : 0.333333333333 +2016-08-30 22:13:01,323 DEBUG: View 2 : 0.55376344086 +2016-08-30 22:13:01,345 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:13:03,942 DEBUG: Best view : View0 +2016-08-30 22:13:24,081 DEBUG: Start: Iteration 300 +2016-08-30 22:13:24,103 DEBUG: View 0 : 0.650537634409 +2016-08-30 22:13:24,123 DEBUG: View 1 : 0.41935483871 +2016-08-30 22:13:24,143 DEBUG: View 2 : 0.58064516129 +2016-08-30 22:13:24,165 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:13:26,770 DEBUG: Best view : View0 +2016-08-30 22:13:46,990 DEBUG: Start: Iteration 301 +2016-08-30 22:13:47,011 DEBUG: View 0 : 0.516129032258 +2016-08-30 22:13:47,030 DEBUG: View 1 : 0.333333333333 +2016-08-30 22:13:47,050 DEBUG: View 2 : 0.467741935484 +2016-08-30 22:13:47,073 DEBUG: View 3 : 0.462365591398 +2016-08-30 22:13:49,676 DEBUG: Best view : View0 +2016-08-30 22:14:09,994 DEBUG: Start: Iteration 302 +2016-08-30 22:14:10,018 DEBUG: View 0 : 0.575268817204 +2016-08-30 22:14:10,040 DEBUG: View 1 : 0.301075268817 +2016-08-30 22:14:10,062 DEBUG: View 2 : 0.521505376344 +2016-08-30 22:14:10,088 DEBUG: View 3 : 0.354838709677 +2016-08-30 22:14:12,779 DEBUG: Best view : View0 +2016-08-30 22:14:33,142 INFO: Start: Classification +2016-08-30 22:15:06,093 INFO: Done: Fold number 4 +2016-08-30 22:15:06,093 INFO: Start: Fold number 5 +2016-08-30 22:15:14,370 DEBUG: Start: Iteration 1 +2016-08-30 22:15:14,390 DEBUG: View 0 : 0.13612565445 +2016-08-30 22:15:14,409 DEBUG: View 1 : 0.115183246073 +2016-08-30 22:15:14,428 DEBUG: View 2 : 0.109947643979 +2016-08-30 22:15:14,452 DEBUG: View 3 : 0.120418848168 +2016-08-30 22:15:14,452 WARNING: WARNING: All bad for iteration 0 +2016-08-30 22:15:14,735 DEBUG: Best view : View0 +2016-08-30 22:15:14,857 DEBUG: Start: Iteration 2 +2016-08-30 22:15:14,879 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:15:14,901 DEBUG: View 1 : 0.628272251309 +2016-08-30 22:15:14,921 DEBUG: View 2 : 0.424083769634 +2016-08-30 22:15:14,946 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:15:15,238 DEBUG: Best view : View0 +2016-08-30 22:15:15,433 DEBUG: Start: Iteration 3 +2016-08-30 22:15:15,454 DEBUG: View 0 : 0.717277486911 +2016-08-30 22:15:15,474 DEBUG: View 1 : 0.408376963351 +2016-08-30 22:15:15,494 DEBUG: View 2 : 0.570680628272 +2016-08-30 22:15:15,517 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:15:15,914 DEBUG: Best view : View0 +2016-08-30 22:15:16,200 DEBUG: Start: Iteration 4 +2016-08-30 22:15:16,222 DEBUG: View 0 : 0.712041884817 +2016-08-30 22:15:16,241 DEBUG: View 1 : 0.293193717277 +2016-08-30 22:15:16,262 DEBUG: View 2 : 0.350785340314 +2016-08-30 22:15:16,285 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:15:16,710 DEBUG: Best view : View0 +2016-08-30 22:15:17,048 DEBUG: Start: Iteration 5 +2016-08-30 22:15:17,070 DEBUG: View 0 : 0.623036649215 +2016-08-30 22:15:17,089 DEBUG: View 1 : 0.356020942408 +2016-08-30 22:15:17,109 DEBUG: View 2 : 0.392670157068 +2016-08-30 22:15:17,132 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:15:17,524 DEBUG: Best view : View0 +2016-08-30 22:15:17,941 DEBUG: Start: Iteration 6 +2016-08-30 22:15:17,963 DEBUG: View 0 : 0.544502617801 +2016-08-30 22:15:17,983 DEBUG: View 1 : 0.376963350785 +2016-08-30 22:15:18,004 DEBUG: View 2 : 0.48167539267 +2016-08-30 22:15:18,027 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:15:18,401 DEBUG: Best view : View0 +2016-08-30 22:15:18,879 DEBUG: Start: Iteration 7 +2016-08-30 22:15:18,900 DEBUG: View 0 : 0.61780104712 +2016-08-30 22:15:18,920 DEBUG: View 1 : 0.581151832461 +2016-08-30 22:15:18,940 DEBUG: View 2 : 0.44502617801 +2016-08-30 22:15:18,963 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:15:19,347 DEBUG: Best view : View0 +2016-08-30 22:15:19,895 DEBUG: Start: Iteration 8 +2016-08-30 22:15:19,917 DEBUG: View 0 : 0.738219895288 +2016-08-30 22:15:19,936 DEBUG: View 1 : 0.424083769634 +2016-08-30 22:15:19,956 DEBUG: View 2 : 0.439790575916 +2016-08-30 22:15:19,980 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:15:20,362 DEBUG: Best view : View0 +2016-08-30 22:15:20,984 DEBUG: Start: Iteration 9 +2016-08-30 22:15:21,005 DEBUG: View 0 : 0.643979057592 +2016-08-30 22:15:21,025 DEBUG: View 1 : 0.486910994764 +2016-08-30 22:15:21,044 DEBUG: View 2 : 0.607329842932 +2016-08-30 22:15:21,067 DEBUG: View 3 : 0.507853403141 +2016-08-30 22:15:21,460 DEBUG: Best view : View0 +2016-08-30 22:15:22,141 DEBUG: Start: Iteration 10 +2016-08-30 22:15:22,162 DEBUG: View 0 : 0.607329842932 +2016-08-30 22:15:22,182 DEBUG: View 1 : 0.455497382199 +2016-08-30 22:15:22,211 DEBUG: View 2 : 0.476439790576 +2016-08-30 22:15:22,234 DEBUG: View 3 : 0.528795811518 +2016-08-30 22:15:22,637 DEBUG: Best view : View0 +2016-08-30 22:15:23,391 DEBUG: Start: Iteration 11 +2016-08-30 22:15:23,413 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:15:23,432 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:15:23,453 DEBUG: View 2 : 0.570680628272 +2016-08-30 22:15:23,476 DEBUG: View 3 : 0.424083769634 +2016-08-30 22:15:23,894 DEBUG: Best view : View0 +2016-08-30 22:15:24,714 DEBUG: Start: Iteration 12 +2016-08-30 22:15:24,735 DEBUG: View 0 : 0.643979057592 +2016-08-30 22:15:24,755 DEBUG: View 1 : 0.424083769634 +2016-08-30 22:15:24,775 DEBUG: View 2 : 0.65445026178 +2016-08-30 22:15:24,798 DEBUG: View 3 : 0.434554973822 +2016-08-30 22:15:25,235 DEBUG: Best view : View2 +2016-08-30 22:15:26,158 DEBUG: Start: Iteration 13 +2016-08-30 22:15:26,180 DEBUG: View 0 : 0.743455497382 +2016-08-30 22:15:26,200 DEBUG: View 1 : 0.55497382199 +2016-08-30 22:15:26,221 DEBUG: View 2 : 0.48167539267 +2016-08-30 22:15:26,245 DEBUG: View 3 : 0.434554973822 +2016-08-30 22:15:26,679 DEBUG: Best view : View0 +2016-08-30 22:15:27,651 DEBUG: Start: Iteration 14 +2016-08-30 22:15:27,672 DEBUG: View 0 : 0.664921465969 +2016-08-30 22:15:27,692 DEBUG: View 1 : 0.376963350785 +2016-08-30 22:15:27,711 DEBUG: View 2 : 0.460732984293 +2016-08-30 22:15:27,734 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:28,168 DEBUG: Best view : View0 +2016-08-30 22:15:29,207 DEBUG: Start: Iteration 15 +2016-08-30 22:15:29,229 DEBUG: View 0 : 0.628272251309 +2016-08-30 22:15:29,249 DEBUG: View 1 : 0.486910994764 +2016-08-30 22:15:29,269 DEBUG: View 2 : 0.492146596859 +2016-08-30 22:15:29,293 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:29,731 DEBUG: Best view : View0 +2016-08-30 22:15:30,852 DEBUG: Start: Iteration 16 +2016-08-30 22:15:30,873 DEBUG: View 0 : 0.65445026178 +2016-08-30 22:15:30,893 DEBUG: View 1 : 0.492146596859 +2016-08-30 22:15:30,913 DEBUG: View 2 : 0.507853403141 +2016-08-30 22:15:30,936 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:31,394 DEBUG: Best view : View0 +2016-08-30 22:15:32,565 DEBUG: Start: Iteration 17 +2016-08-30 22:15:32,587 DEBUG: View 0 : 0.643979057592 +2016-08-30 22:15:32,607 DEBUG: View 1 : 0.507853403141 +2016-08-30 22:15:32,627 DEBUG: View 2 : 0.643979057592 +2016-08-30 22:15:32,649 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:33,114 DEBUG: Best view : View2 +2016-08-30 22:15:34,361 DEBUG: Start: Iteration 18 +2016-08-30 22:15:34,383 DEBUG: View 0 : 0.649214659686 +2016-08-30 22:15:34,403 DEBUG: View 1 : 0.523560209424 +2016-08-30 22:15:34,423 DEBUG: View 2 : 0.38219895288 +2016-08-30 22:15:34,448 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:34,912 DEBUG: Best view : View0 +2016-08-30 22:15:36,231 DEBUG: Start: Iteration 19 +2016-08-30 22:15:36,253 DEBUG: View 0 : 0.565445026178 +2016-08-30 22:15:36,273 DEBUG: View 1 : 0.528795811518 +2016-08-30 22:15:36,294 DEBUG: View 2 : 0.460732984293 +2016-08-30 22:15:36,317 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:36,788 DEBUG: Best view : View0 +2016-08-30 22:15:38,179 DEBUG: Start: Iteration 20 +2016-08-30 22:15:38,201 DEBUG: View 0 : 0.623036649215 +2016-08-30 22:15:38,221 DEBUG: View 1 : 0.44502617801 +2016-08-30 22:15:38,241 DEBUG: View 2 : 0.48167539267 +2016-08-30 22:15:38,263 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:38,739 DEBUG: Best view : View0 +2016-08-30 22:15:40,198 DEBUG: Start: Iteration 21 +2016-08-30 22:15:40,220 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:15:40,239 DEBUG: View 1 : 0.596858638743 +2016-08-30 22:15:40,259 DEBUG: View 2 : 0.429319371728 +2016-08-30 22:15:40,282 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:40,775 DEBUG: Best view : View0 +2016-08-30 22:15:42,298 DEBUG: Start: Iteration 22 +2016-08-30 22:15:42,320 DEBUG: View 0 : 0.743455497382 +2016-08-30 22:15:42,340 DEBUG: View 1 : 0.450261780105 +2016-08-30 22:15:42,360 DEBUG: View 2 : 0.544502617801 +2016-08-30 22:15:42,383 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:42,877 DEBUG: Best view : View0 +2016-08-30 22:15:44,467 DEBUG: Start: Iteration 23 +2016-08-30 22:15:44,489 DEBUG: View 0 : 0.706806282723 +2016-08-30 22:15:44,509 DEBUG: View 1 : 0.38219895288 +2016-08-30 22:15:44,529 DEBUG: View 2 : 0.507853403141 +2016-08-30 22:15:44,551 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:45,062 DEBUG: Best view : View0 +2016-08-30 22:15:46,725 DEBUG: Start: Iteration 24 +2016-08-30 22:15:46,747 DEBUG: View 0 : 0.680628272251 +2016-08-30 22:15:46,766 DEBUG: View 1 : 0.408376963351 +2016-08-30 22:15:46,786 DEBUG: View 2 : 0.492146596859 +2016-08-30 22:15:46,809 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:47,318 DEBUG: Best view : View0 +2016-08-30 22:15:49,050 DEBUG: Start: Iteration 25 +2016-08-30 22:15:49,072 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:15:49,092 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:15:49,112 DEBUG: View 2 : 0.361256544503 +2016-08-30 22:15:49,134 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:49,665 DEBUG: Best view : View0 +2016-08-30 22:15:51,474 DEBUG: Start: Iteration 26 +2016-08-30 22:15:51,496 DEBUG: View 0 : 0.65445026178 +2016-08-30 22:15:51,515 DEBUG: View 1 : 0.507853403141 +2016-08-30 22:15:51,535 DEBUG: View 2 : 0.465968586387 +2016-08-30 22:15:51,558 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:15:52,088 DEBUG: Best view : View0 +2016-08-30 22:15:53,961 DEBUG: Start: Iteration 27 +2016-08-30 22:15:53,983 DEBUG: View 0 : 0.575916230366 +2016-08-30 22:15:54,003 DEBUG: View 1 : 0.476439790576 +2016-08-30 22:15:54,023 DEBUG: View 2 : 0.465968586387 +2016-08-30 22:15:54,046 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:15:54,590 DEBUG: Best view : View0 +2016-08-30 22:15:56,529 DEBUG: Start: Iteration 28 +2016-08-30 22:15:56,550 DEBUG: View 0 : 0.685863874346 +2016-08-30 22:15:56,570 DEBUG: View 1 : 0.403141361257 +2016-08-30 22:15:56,590 DEBUG: View 2 : 0.408376963351 +2016-08-30 22:15:56,613 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:15:57,163 DEBUG: Best view : View0 +2016-08-30 22:15:59,179 DEBUG: Start: Iteration 29 +2016-08-30 22:15:59,201 DEBUG: View 0 : 0.560209424084 +2016-08-30 22:15:59,220 DEBUG: View 1 : 0.51832460733 +2016-08-30 22:15:59,241 DEBUG: View 2 : 0.44502617801 +2016-08-30 22:15:59,264 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:15:59,812 DEBUG: Best view : View0 +2016-08-30 22:16:01,911 DEBUG: Start: Iteration 30 +2016-08-30 22:16:01,932 DEBUG: View 0 : 0.738219895288 +2016-08-30 22:16:01,951 DEBUG: View 1 : 0.413612565445 +2016-08-30 22:16:01,972 DEBUG: View 2 : 0.350785340314 +2016-08-30 22:16:01,994 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:16:02,562 DEBUG: Best view : View0 +2016-08-30 22:16:04,727 DEBUG: Start: Iteration 31 +2016-08-30 22:16:04,750 DEBUG: View 0 : 0.664921465969 +2016-08-30 22:16:04,769 DEBUG: View 1 : 0.497382198953 +2016-08-30 22:16:04,789 DEBUG: View 2 : 0.424083769634 +2016-08-30 22:16:04,812 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:16:05,380 DEBUG: Best view : View0 +2016-08-30 22:16:07,600 DEBUG: Start: Iteration 32 +2016-08-30 22:16:07,622 DEBUG: View 0 : 0.549738219895 +2016-08-30 22:16:07,641 DEBUG: View 1 : 0.408376963351 +2016-08-30 22:16:07,661 DEBUG: View 2 : 0.486910994764 +2016-08-30 22:16:07,685 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:16:08,260 DEBUG: Best view : View0 +2016-08-30 22:16:10,547 DEBUG: Start: Iteration 33 +2016-08-30 22:16:10,568 DEBUG: View 0 : 0.643979057592 +2016-08-30 22:16:10,588 DEBUG: View 1 : 0.502617801047 +2016-08-30 22:16:10,608 DEBUG: View 2 : 0.623036649215 +2016-08-30 22:16:10,631 DEBUG: View 3 : 0.413612565445 +2016-08-30 22:16:11,211 DEBUG: Best view : View0 +2016-08-30 22:16:13,564 DEBUG: Start: Iteration 34 +2016-08-30 22:16:13,585 DEBUG: View 0 : 0.712041884817 +2016-08-30 22:16:13,604 DEBUG: View 1 : 0.544502617801 +2016-08-30 22:16:13,624 DEBUG: View 2 : 0.356020942408 +2016-08-30 22:16:13,648 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:16:14,237 DEBUG: Best view : View0 +2016-08-30 22:16:16,666 DEBUG: Start: Iteration 35 +2016-08-30 22:16:16,688 DEBUG: View 0 : 0.727748691099 +2016-08-30 22:16:16,708 DEBUG: View 1 : 0.51832460733 +2016-08-30 22:16:16,729 DEBUG: View 2 : 0.591623036649 +2016-08-30 22:16:16,753 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:16:17,357 DEBUG: Best view : View0 +2016-08-30 22:16:19,859 DEBUG: Start: Iteration 36 +2016-08-30 22:16:19,888 DEBUG: View 0 : 0.628272251309 +2016-08-30 22:16:19,908 DEBUG: View 1 : 0.387434554974 +2016-08-30 22:16:19,928 DEBUG: View 2 : 0.649214659686 +2016-08-30 22:16:19,952 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:16:20,558 DEBUG: Best view : View2 +2016-08-30 22:16:23,132 DEBUG: Start: Iteration 37 +2016-08-30 22:16:23,153 DEBUG: View 0 : 0.659685863874 +2016-08-30 22:16:23,173 DEBUG: View 1 : 0.507853403141 +2016-08-30 22:16:23,194 DEBUG: View 2 : 0.486910994764 +2016-08-30 22:16:23,217 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:16:23,832 DEBUG: Best view : View0 +2016-08-30 22:16:26,479 DEBUG: Start: Iteration 38 +2016-08-30 22:16:26,500 DEBUG: View 0 : 0.706806282723 +2016-08-30 22:16:26,519 DEBUG: View 1 : 0.439790575916 +2016-08-30 22:16:26,540 DEBUG: View 2 : 0.403141361257 +2016-08-30 22:16:26,563 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:16:27,185 DEBUG: Best view : View0 +2016-08-30 22:16:29,900 DEBUG: Start: Iteration 39 +2016-08-30 22:16:29,922 DEBUG: View 0 : 0.717277486911 +2016-08-30 22:16:29,941 DEBUG: View 1 : 0.502617801047 +2016-08-30 22:16:29,961 DEBUG: View 2 : 0.507853403141 +2016-08-30 22:16:29,984 DEBUG: View 3 : 0.492146596859 +2016-08-30 22:16:30,630 DEBUG: Best view : View0 +2016-08-30 22:16:33,400 DEBUG: Start: Iteration 40 +2016-08-30 22:16:33,421 DEBUG: View 0 : 0.680628272251 +2016-08-30 22:16:33,441 DEBUG: View 1 : 0.539267015707 +2016-08-30 22:16:33,461 DEBUG: View 2 : 0.696335078534 +2016-08-30 22:16:33,485 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:16:34,130 DEBUG: Best view : View2 +2016-08-30 22:16:36,985 DEBUG: Start: Iteration 41 +2016-08-30 22:16:37,006 DEBUG: View 0 : 0.581151832461 +2016-08-30 22:16:37,026 DEBUG: View 1 : 0.565445026178 +2016-08-30 22:16:37,046 DEBUG: View 2 : 0.51832460733 +2016-08-30 22:16:37,069 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:16:37,711 DEBUG: Best view : View1 +2016-08-30 22:16:40,664 DEBUG: Start: Iteration 42 +2016-08-30 22:16:40,686 DEBUG: View 0 : 0.69109947644 +2016-08-30 22:16:40,707 DEBUG: View 1 : 0.534031413613 +2016-08-30 22:16:40,728 DEBUG: View 2 : 0.492146596859 +2016-08-30 22:16:40,752 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:16:41,415 DEBUG: Best view : View0 +2016-08-30 22:16:44,401 DEBUG: Start: Iteration 43 +2016-08-30 22:16:44,422 DEBUG: View 0 : 0.591623036649 +2016-08-30 22:16:44,442 DEBUG: View 1 : 0.418848167539 +2016-08-30 22:16:44,462 DEBUG: View 2 : 0.513089005236 +2016-08-30 22:16:44,486 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:16:45,146 DEBUG: Best view : View0 +2016-08-30 22:16:48,206 DEBUG: Start: Iteration 44 +2016-08-30 22:16:48,228 DEBUG: View 0 : 0.61780104712 +2016-08-30 22:16:48,247 DEBUG: View 1 : 0.539267015707 +2016-08-30 22:16:48,267 DEBUG: View 2 : 0.397905759162 +2016-08-30 22:16:48,291 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:16:48,966 DEBUG: Best view : View0 +2016-08-30 22:16:52,094 DEBUG: Start: Iteration 45 +2016-08-30 22:16:52,115 DEBUG: View 0 : 0.69109947644 +2016-08-30 22:16:52,135 DEBUG: View 1 : 0.455497382199 +2016-08-30 22:16:52,155 DEBUG: View 2 : 0.356020942408 +2016-08-30 22:16:52,178 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:16:52,852 DEBUG: Best view : View0 +2016-08-30 22:16:56,068 DEBUG: Start: Iteration 46 +2016-08-30 22:16:56,089 DEBUG: View 0 : 0.643979057592 +2016-08-30 22:16:56,108 DEBUG: View 1 : 0.539267015707 +2016-08-30 22:16:56,128 DEBUG: View 2 : 0.492146596859 +2016-08-30 22:16:56,152 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:16:56,844 DEBUG: Best view : View0 +2016-08-30 22:17:00,109 DEBUG: Start: Iteration 47 +2016-08-30 22:17:00,131 DEBUG: View 0 : 0.638743455497 +2016-08-30 22:17:00,150 DEBUG: View 1 : 0.30890052356 +2016-08-30 22:17:00,170 DEBUG: View 2 : 0.591623036649 +2016-08-30 22:17:00,194 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:17:00,901 DEBUG: Best view : View0 +2016-08-30 22:17:04,244 DEBUG: Start: Iteration 48 +2016-08-30 22:17:04,266 DEBUG: View 0 : 0.575916230366 +2016-08-30 22:17:04,287 DEBUG: View 1 : 0.340314136126 +2016-08-30 22:17:04,307 DEBUG: View 2 : 0.418848167539 +2016-08-30 22:17:04,330 DEBUG: View 3 : 0.424083769634 +2016-08-30 22:17:05,039 DEBUG: Best view : View0 +2016-08-30 22:17:08,460 DEBUG: Start: Iteration 49 +2016-08-30 22:17:08,484 DEBUG: View 0 : 0.727748691099 +2016-08-30 22:17:08,504 DEBUG: View 1 : 0.492146596859 +2016-08-30 22:17:08,525 DEBUG: View 2 : 0.460732984293 +2016-08-30 22:17:08,548 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:17:09,259 DEBUG: Best view : View0 +2016-08-30 22:17:12,761 DEBUG: Start: Iteration 50 +2016-08-30 22:17:12,783 DEBUG: View 0 : 0.586387434555 +2016-08-30 22:17:12,803 DEBUG: View 1 : 0.534031413613 +2016-08-30 22:17:12,824 DEBUG: View 2 : 0.48167539267 +2016-08-30 22:17:12,848 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:17:13,579 DEBUG: Best view : View0 +2016-08-30 22:17:17,132 DEBUG: Start: Iteration 51 +2016-08-30 22:17:17,153 DEBUG: View 0 : 0.560209424084 +2016-08-30 22:17:17,173 DEBUG: View 1 : 0.434554973822 +2016-08-30 22:17:17,192 DEBUG: View 2 : 0.48167539267 +2016-08-30 22:17:17,216 DEBUG: View 3 : 0.492146596859 +2016-08-30 22:17:17,949 DEBUG: Best view : View0 +2016-08-30 22:17:21,588 DEBUG: Start: Iteration 52 +2016-08-30 22:17:21,610 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:17:21,630 DEBUG: View 1 : 0.350785340314 +2016-08-30 22:17:21,651 DEBUG: View 2 : 0.38219895288 +2016-08-30 22:17:21,675 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:17:22,415 DEBUG: Best view : View0 +2016-08-30 22:17:26,113 DEBUG: Start: Iteration 53 +2016-08-30 22:17:26,135 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:17:26,154 DEBUG: View 1 : 0.502617801047 +2016-08-30 22:17:26,174 DEBUG: View 2 : 0.596858638743 +2016-08-30 22:17:26,197 DEBUG: View 3 : 0.387434554974 +2016-08-30 22:17:26,951 DEBUG: Best view : View0 +2016-08-30 22:17:30,717 DEBUG: Start: Iteration 54 +2016-08-30 22:17:30,738 DEBUG: View 0 : 0.65445026178 +2016-08-30 22:17:30,758 DEBUG: View 1 : 0.376963350785 +2016-08-30 22:17:30,778 DEBUG: View 2 : 0.55497382199 +2016-08-30 22:17:30,801 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:17:31,563 DEBUG: Best view : View0 +2016-08-30 22:17:35,400 DEBUG: Start: Iteration 55 +2016-08-30 22:17:35,423 DEBUG: View 0 : 0.659685863874 +2016-08-30 22:17:35,444 DEBUG: View 1 : 0.429319371728 +2016-08-30 22:17:35,465 DEBUG: View 2 : 0.371727748691 +2016-08-30 22:17:35,489 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:17:36,272 DEBUG: Best view : View0 +2016-08-30 22:17:40,187 DEBUG: Start: Iteration 56 +2016-08-30 22:17:40,209 DEBUG: View 0 : 0.602094240838 +2016-08-30 22:17:40,228 DEBUG: View 1 : 0.439790575916 +2016-08-30 22:17:40,248 DEBUG: View 2 : 0.55497382199 +2016-08-30 22:17:40,271 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:17:41,072 DEBUG: Best view : View0 +2016-08-30 22:17:45,061 DEBUG: Start: Iteration 57 +2016-08-30 22:17:45,082 DEBUG: View 0 : 0.738219895288 +2016-08-30 22:17:45,103 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:17:45,123 DEBUG: View 2 : 0.455497382199 +2016-08-30 22:17:45,146 DEBUG: View 3 : 0.539267015707 +2016-08-30 22:17:45,937 DEBUG: Best view : View0 +2016-08-30 22:17:49,977 DEBUG: Start: Iteration 58 +2016-08-30 22:17:49,999 DEBUG: View 0 : 0.712041884817 +2016-08-30 22:17:50,018 DEBUG: View 1 : 0.460732984293 +2016-08-30 22:17:50,038 DEBUG: View 2 : 0.549738219895 +2016-08-30 22:17:50,062 DEBUG: View 3 : 0.429319371728 +2016-08-30 22:17:50,862 DEBUG: Best view : View0 +2016-08-30 22:17:54,973 DEBUG: Start: Iteration 59 +2016-08-30 22:17:54,995 DEBUG: View 0 : 0.65445026178 +2016-08-30 22:17:55,015 DEBUG: View 1 : 0.61780104712 +2016-08-30 22:17:55,035 DEBUG: View 2 : 0.497382198953 +2016-08-30 22:17:55,058 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:17:55,867 DEBUG: Best view : View0 +2016-08-30 22:18:00,031 DEBUG: Start: Iteration 60 +2016-08-30 22:18:00,054 DEBUG: View 0 : 0.623036649215 +2016-08-30 22:18:00,074 DEBUG: View 1 : 0.486910994764 +2016-08-30 22:18:00,094 DEBUG: View 2 : 0.48167539267 +2016-08-30 22:18:00,118 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:18:00,939 DEBUG: Best view : View0 +2016-08-30 22:18:05,161 DEBUG: Start: Iteration 61 +2016-08-30 22:18:05,183 DEBUG: View 0 : 0.61780104712 +2016-08-30 22:18:05,203 DEBUG: View 1 : 0.560209424084 +2016-08-30 22:18:05,223 DEBUG: View 2 : 0.486910994764 +2016-08-30 22:18:05,247 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:18:06,063 DEBUG: Best view : View0 +2016-08-30 22:18:10,389 DEBUG: Start: Iteration 62 +2016-08-30 22:18:10,411 DEBUG: View 0 : 0.727748691099 +2016-08-30 22:18:10,431 DEBUG: View 1 : 0.371727748691 +2016-08-30 22:18:10,451 DEBUG: View 2 : 0.460732984293 +2016-08-30 22:18:10,474 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:18:11,303 DEBUG: Best view : View0 +2016-08-30 22:18:15,666 DEBUG: Start: Iteration 63 +2016-08-30 22:18:15,687 DEBUG: View 0 : 0.659685863874 +2016-08-30 22:18:15,707 DEBUG: View 1 : 0.65445026178 +2016-08-30 22:18:15,727 DEBUG: View 2 : 0.455497382199 +2016-08-30 22:18:15,750 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:18:16,583 DEBUG: Best view : View1 +2016-08-30 22:18:21,041 DEBUG: Start: Iteration 64 +2016-08-30 22:18:21,062 DEBUG: View 0 : 0.722513089005 +2016-08-30 22:18:21,082 DEBUG: View 1 : 0.465968586387 +2016-08-30 22:18:21,102 DEBUG: View 2 : 0.434554973822 +2016-08-30 22:18:21,124 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:18:21,963 DEBUG: Best view : View0 +2016-08-30 22:18:26,461 DEBUG: Start: Iteration 65 +2016-08-30 22:18:26,483 DEBUG: View 0 : 0.722513089005 +2016-08-30 22:18:26,503 DEBUG: View 1 : 0.418848167539 +2016-08-30 22:18:26,523 DEBUG: View 2 : 0.44502617801 +2016-08-30 22:18:26,547 DEBUG: View 3 : 0.539267015707 +2016-08-30 22:18:27,398 DEBUG: Best view : View0 +2016-08-30 22:18:31,971 DEBUG: Start: Iteration 66 +2016-08-30 22:18:31,993 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:18:32,012 DEBUG: View 1 : 0.476439790576 +2016-08-30 22:18:32,032 DEBUG: View 2 : 0.502617801047 +2016-08-30 22:18:32,055 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:18:32,908 DEBUG: Best view : View0 +2016-08-30 22:18:37,545 DEBUG: Start: Iteration 67 +2016-08-30 22:18:37,566 DEBUG: View 0 : 0.664921465969 +2016-08-30 22:18:37,586 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:18:37,607 DEBUG: View 2 : 0.649214659686 +2016-08-30 22:18:37,630 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:18:38,493 DEBUG: Best view : View2 +2016-08-30 22:18:43,213 DEBUG: Start: Iteration 68 +2016-08-30 22:18:43,235 DEBUG: View 0 : 0.680628272251 +2016-08-30 22:18:43,255 DEBUG: View 1 : 0.361256544503 +2016-08-30 22:18:43,275 DEBUG: View 2 : 0.465968586387 +2016-08-30 22:18:43,298 DEBUG: View 3 : 0.460732984293 +2016-08-30 22:18:44,177 DEBUG: Best view : View0 +2016-08-30 22:18:49,021 DEBUG: Start: Iteration 69 +2016-08-30 22:18:49,043 DEBUG: View 0 : 0.732984293194 +2016-08-30 22:18:49,063 DEBUG: View 1 : 0.497382198953 +2016-08-30 22:18:49,083 DEBUG: View 2 : 0.507853403141 +2016-08-30 22:18:49,106 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:18:49,995 DEBUG: Best view : View0 +2016-08-30 22:18:54,845 DEBUG: Start: Iteration 70 +2016-08-30 22:18:54,867 DEBUG: View 0 : 0.748691099476 +2016-08-30 22:18:54,887 DEBUG: View 1 : 0.371727748691 +2016-08-30 22:18:54,907 DEBUG: View 2 : 0.424083769634 +2016-08-30 22:18:54,930 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:18:55,820 DEBUG: Best view : View0 +2016-08-30 22:19:00,743 DEBUG: Start: Iteration 71 +2016-08-30 22:19:00,764 DEBUG: View 0 : 0.633507853403 +2016-08-30 22:19:00,784 DEBUG: View 1 : 0.55497382199 +2016-08-30 22:19:00,804 DEBUG: View 2 : 0.612565445026 +2016-08-30 22:19:00,827 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:19:01,719 DEBUG: Best view : View2 +2016-08-30 22:19:06,717 DEBUG: Start: Iteration 72 +2016-08-30 22:19:06,739 DEBUG: View 0 : 0.664921465969 +2016-08-30 22:19:06,758 DEBUG: View 1 : 0.476439790576 +2016-08-30 22:19:06,777 DEBUG: View 2 : 0.696335078534 +2016-08-30 22:19:06,801 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:19:07,698 DEBUG: Best view : View2 +2016-08-30 22:19:12,761 DEBUG: Start: Iteration 73 +2016-08-30 22:19:12,782 DEBUG: View 0 : 0.633507853403 +2016-08-30 22:19:12,802 DEBUG: View 1 : 0.361256544503 +2016-08-30 22:19:12,821 DEBUG: View 2 : 0.51832460733 +2016-08-30 22:19:12,844 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:19:13,752 DEBUG: Best view : View0 +2016-08-30 22:19:18,884 DEBUG: Start: Iteration 74 +2016-08-30 22:19:18,906 DEBUG: View 0 : 0.659685863874 +2016-08-30 22:19:18,926 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:19:18,945 DEBUG: View 2 : 0.544502617801 +2016-08-30 22:19:18,969 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:19:19,881 DEBUG: Best view : View0 +2016-08-30 22:19:25,103 DEBUG: Start: Iteration 75 +2016-08-30 22:19:25,124 DEBUG: View 0 : 0.61780104712 +2016-08-30 22:19:25,144 DEBUG: View 1 : 0.61780104712 +2016-08-30 22:19:25,164 DEBUG: View 2 : 0.497382198953 +2016-08-30 22:19:25,186 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:19:26,159 DEBUG: Best view : View1 +2016-08-30 22:19:31,440 DEBUG: Start: Iteration 76 +2016-08-30 22:19:31,461 DEBUG: View 0 : 0.712041884817 +2016-08-30 22:19:31,481 DEBUG: View 1 : 0.465968586387 +2016-08-30 22:19:31,501 DEBUG: View 2 : 0.628272251309 +2016-08-30 22:19:31,525 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:19:32,465 DEBUG: Best view : View0 +2016-08-30 22:19:37,811 DEBUG: Start: Iteration 77 +2016-08-30 22:19:37,833 DEBUG: View 0 : 0.712041884817 +2016-08-30 22:19:37,852 DEBUG: View 1 : 0.429319371728 +2016-08-30 22:19:37,873 DEBUG: View 2 : 0.340314136126 +2016-08-30 22:19:37,896 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:19:38,841 DEBUG: Best view : View0 +2016-08-30 22:19:44,249 DEBUG: Start: Iteration 78 +2016-08-30 22:19:44,270 DEBUG: View 0 : 0.591623036649 +2016-08-30 22:19:44,290 DEBUG: View 1 : 0.392670157068 +2016-08-30 22:19:44,310 DEBUG: View 2 : 0.44502617801 +2016-08-30 22:19:44,333 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:19:45,280 DEBUG: Best view : View0 +2016-08-30 22:19:50,764 DEBUG: Start: Iteration 79 +2016-08-30 22:19:50,786 DEBUG: View 0 : 0.591623036649 +2016-08-30 22:19:50,807 DEBUG: View 1 : 0.424083769634 +2016-08-30 22:19:50,826 DEBUG: View 2 : 0.581151832461 +2016-08-30 22:19:50,850 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:19:51,803 DEBUG: Best view : View2 +2016-08-30 22:19:57,355 DEBUG: Start: Iteration 80 +2016-08-30 22:19:57,376 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:19:57,396 DEBUG: View 1 : 0.450261780105 +2016-08-30 22:19:57,415 DEBUG: View 2 : 0.596858638743 +2016-08-30 22:19:57,438 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:19:58,419 DEBUG: Best view : View0 +2016-08-30 22:20:04,081 DEBUG: Start: Iteration 81 +2016-08-30 22:20:04,102 DEBUG: View 0 : 0.675392670157 +2016-08-30 22:20:04,122 DEBUG: View 1 : 0.460732984293 +2016-08-30 22:20:04,142 DEBUG: View 2 : 0.591623036649 +2016-08-30 22:20:04,165 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:20:05,149 DEBUG: Best view : View0 +2016-08-30 22:20:10,864 DEBUG: Start: Iteration 82 +2016-08-30 22:20:10,885 DEBUG: View 0 : 0.680628272251 +2016-08-30 22:20:10,905 DEBUG: View 1 : 0.48167539267 +2016-08-30 22:20:10,924 DEBUG: View 2 : 0.486910994764 +2016-08-30 22:20:10,948 DEBUG: View 3 : 0.507853403141 +2016-08-30 22:20:11,928 DEBUG: Best view : View0 +2016-08-30 22:20:17,708 DEBUG: Start: Iteration 83 +2016-08-30 22:20:17,729 DEBUG: View 0 : 0.65445026178 +2016-08-30 22:20:17,749 DEBUG: View 1 : 0.513089005236 +2016-08-30 22:20:17,769 DEBUG: View 2 : 0.48167539267 +2016-08-30 22:20:17,793 DEBUG: View 3 : 0.439790575916 +2016-08-30 22:20:18,781 DEBUG: Best view : View0 +2016-08-30 22:20:24,603 DEBUG: Start: Iteration 84 +2016-08-30 22:20:24,624 DEBUG: View 0 : 0.659685863874 +2016-08-30 22:20:24,644 DEBUG: View 1 : 0.486910994764 +2016-08-30 22:20:24,664 DEBUG: View 2 : 0.455497382199 +2016-08-30 22:20:24,687 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:20:25,683 DEBUG: Best view : View0 +2016-08-30 22:20:31,588 DEBUG: Start: Iteration 85 +2016-08-30 22:20:31,609 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:20:31,629 DEBUG: View 1 : 0.465968586387 +2016-08-30 22:20:31,648 DEBUG: View 2 : 0.638743455497 +2016-08-30 22:20:31,672 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:20:32,676 DEBUG: Best view : View0 +2016-08-30 22:20:38,646 DEBUG: Start: Iteration 86 +2016-08-30 22:20:38,667 DEBUG: View 0 : 0.623036649215 +2016-08-30 22:20:38,687 DEBUG: View 1 : 0.465968586387 +2016-08-30 22:20:38,707 DEBUG: View 2 : 0.712041884817 +2016-08-30 22:20:38,730 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:20:39,741 DEBUG: Best view : View2 +2016-08-30 22:20:45,828 DEBUG: Start: Iteration 87 +2016-08-30 22:20:45,849 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:20:45,869 DEBUG: View 1 : 0.513089005236 +2016-08-30 22:20:45,889 DEBUG: View 2 : 0.513089005236 +2016-08-30 22:20:45,912 DEBUG: View 3 : 0.507853403141 +2016-08-30 22:20:46,934 DEBUG: Best view : View0 +2016-08-30 22:20:53,052 DEBUG: Start: Iteration 88 +2016-08-30 22:20:53,073 DEBUG: View 0 : 0.612565445026 +2016-08-30 22:20:53,093 DEBUG: View 1 : 0.51832460733 +2016-08-30 22:20:53,113 DEBUG: View 2 : 0.424083769634 +2016-08-30 22:20:53,135 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:20:54,157 DEBUG: Best view : View0 +2016-08-30 22:21:00,337 DEBUG: Start: Iteration 89 +2016-08-30 22:21:00,359 DEBUG: View 0 : 0.748691099476 +2016-08-30 22:21:00,378 DEBUG: View 1 : 0.628272251309 +2016-08-30 22:21:00,398 DEBUG: View 2 : 0.607329842932 +2016-08-30 22:21:00,421 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:21:01,455 DEBUG: Best view : View0 +2016-08-30 22:21:07,704 DEBUG: Start: Iteration 90 +2016-08-30 22:21:07,725 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:21:07,745 DEBUG: View 1 : 0.565445026178 +2016-08-30 22:21:07,766 DEBUG: View 2 : 0.371727748691 +2016-08-30 22:21:07,790 DEBUG: View 3 : 0.413612565445 +2016-08-30 22:21:08,882 DEBUG: Best view : View0 +2016-08-30 22:21:15,172 DEBUG: Start: Iteration 91 +2016-08-30 22:21:15,195 DEBUG: View 0 : 0.623036649215 +2016-08-30 22:21:15,214 DEBUG: View 1 : 0.403141361257 +2016-08-30 22:21:15,234 DEBUG: View 2 : 0.65445026178 +2016-08-30 22:21:15,258 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:21:16,352 DEBUG: Best view : View2 +2016-08-30 22:21:22,731 DEBUG: Start: Iteration 92 +2016-08-30 22:21:22,752 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:21:22,771 DEBUG: View 1 : 0.429319371728 +2016-08-30 22:21:22,791 DEBUG: View 2 : 0.497382198953 +2016-08-30 22:21:22,815 DEBUG: View 3 : 0.429319371728 +2016-08-30 22:21:23,910 DEBUG: Best view : View0 +2016-08-30 22:21:30,347 DEBUG: Start: Iteration 93 +2016-08-30 22:21:30,368 DEBUG: View 0 : 0.638743455497 +2016-08-30 22:21:30,388 DEBUG: View 1 : 0.460732984293 +2016-08-30 22:21:30,408 DEBUG: View 2 : 0.403141361257 +2016-08-30 22:21:30,432 DEBUG: View 3 : 0.413612565445 +2016-08-30 22:21:31,542 DEBUG: Best view : View0 +2016-08-30 22:21:38,061 DEBUG: Start: Iteration 94 +2016-08-30 22:21:38,082 DEBUG: View 0 : 0.717277486911 +2016-08-30 22:21:38,102 DEBUG: View 1 : 0.55497382199 +2016-08-30 22:21:38,122 DEBUG: View 2 : 0.502617801047 +2016-08-30 22:21:38,145 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:21:39,260 DEBUG: Best view : View0 +2016-08-30 22:21:45,849 DEBUG: Start: Iteration 95 +2016-08-30 22:21:45,870 DEBUG: View 0 : 0.69109947644 +2016-08-30 22:21:45,890 DEBUG: View 1 : 0.486910994764 +2016-08-30 22:21:45,910 DEBUG: View 2 : 0.61780104712 +2016-08-30 22:21:45,933 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:21:47,040 DEBUG: Best view : View0 +2016-08-30 22:21:53,690 DEBUG: Start: Iteration 96 +2016-08-30 22:21:53,712 DEBUG: View 0 : 0.738219895288 +2016-08-30 22:21:53,732 DEBUG: View 1 : 0.476439790576 +2016-08-30 22:21:53,752 DEBUG: View 2 : 0.513089005236 +2016-08-30 22:21:53,775 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:21:54,854 DEBUG: Best view : View0 +2016-08-30 22:22:01,572 DEBUG: Start: Iteration 97 +2016-08-30 22:22:01,593 DEBUG: View 0 : 0.649214659686 +2016-08-30 22:22:01,613 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:22:01,633 DEBUG: View 2 : 0.429319371728 +2016-08-30 22:22:01,656 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:22:02,746 DEBUG: Best view : View0 +2016-08-30 22:22:09,584 DEBUG: Start: Iteration 98 +2016-08-30 22:22:09,605 DEBUG: View 0 : 0.649214659686 +2016-08-30 22:22:09,625 DEBUG: View 1 : 0.502617801047 +2016-08-30 22:22:09,646 DEBUG: View 2 : 0.528795811518 +2016-08-30 22:22:09,669 DEBUG: View 3 : 0.429319371728 +2016-08-30 22:22:10,764 DEBUG: Best view : View0 +2016-08-30 22:22:17,618 DEBUG: Start: Iteration 99 +2016-08-30 22:22:17,639 DEBUG: View 0 : 0.685863874346 +2016-08-30 22:22:17,660 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:22:17,680 DEBUG: View 2 : 0.502617801047 +2016-08-30 22:22:17,703 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:22:18,808 DEBUG: Best view : View0 +2016-08-30 22:22:25,744 DEBUG: Start: Iteration 100 +2016-08-30 22:22:25,765 DEBUG: View 0 : 0.685863874346 +2016-08-30 22:22:25,786 DEBUG: View 1 : 0.460732984293 +2016-08-30 22:22:25,806 DEBUG: View 2 : 0.612565445026 +2016-08-30 22:22:25,829 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:22:26,944 DEBUG: Best view : View0 +2016-08-30 22:22:33,964 DEBUG: Start: Iteration 101 +2016-08-30 22:22:33,986 DEBUG: View 0 : 0.643979057592 +2016-08-30 22:22:34,006 DEBUG: View 1 : 0.44502617801 +2016-08-30 22:22:34,027 DEBUG: View 2 : 0.403141361257 +2016-08-30 22:22:34,050 DEBUG: View 3 : 0.439790575916 +2016-08-30 22:22:35,184 DEBUG: Best view : View0 +2016-08-30 22:22:42,286 DEBUG: Start: Iteration 102 +2016-08-30 22:22:42,308 DEBUG: View 0 : 0.722513089005 +2016-08-30 22:22:42,327 DEBUG: View 1 : 0.570680628272 +2016-08-30 22:22:42,347 DEBUG: View 2 : 0.502617801047 +2016-08-30 22:22:42,370 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:22:43,496 DEBUG: Best view : View0 +2016-08-30 22:22:50,640 DEBUG: Start: Iteration 103 +2016-08-30 22:22:50,661 DEBUG: View 0 : 0.712041884817 +2016-08-30 22:22:50,681 DEBUG: View 1 : 0.497382198953 +2016-08-30 22:22:50,702 DEBUG: View 2 : 0.476439790576 +2016-08-30 22:22:50,725 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:22:51,858 DEBUG: Best view : View0 +2016-08-30 22:22:59,086 DEBUG: Start: Iteration 104 +2016-08-30 22:22:59,107 DEBUG: View 0 : 0.769633507853 +2016-08-30 22:22:59,127 DEBUG: View 1 : 0.408376963351 +2016-08-30 22:22:59,148 DEBUG: View 2 : 0.759162303665 +2016-08-30 22:22:59,171 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:23:00,312 DEBUG: Best view : View0 +2016-08-30 22:23:07,608 DEBUG: Start: Iteration 105 +2016-08-30 22:23:07,629 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:23:07,649 DEBUG: View 1 : 0.51832460733 +2016-08-30 22:23:07,669 DEBUG: View 2 : 0.371727748691 +2016-08-30 22:23:07,692 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:23:08,843 DEBUG: Best view : View0 +2016-08-30 22:23:16,223 DEBUG: Start: Iteration 106 +2016-08-30 22:23:16,245 DEBUG: View 0 : 0.596858638743 +2016-08-30 22:23:16,264 DEBUG: View 1 : 0.523560209424 +2016-08-30 22:23:16,284 DEBUG: View 2 : 0.376963350785 +2016-08-30 22:23:16,308 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:23:17,462 DEBUG: Best view : View0 +2016-08-30 22:23:24,890 DEBUG: Start: Iteration 107 +2016-08-30 22:23:24,911 DEBUG: View 0 : 0.638743455497 +2016-08-30 22:23:24,931 DEBUG: View 1 : 0.486910994764 +2016-08-30 22:23:24,951 DEBUG: View 2 : 0.371727748691 +2016-08-30 22:23:24,975 DEBUG: View 3 : 0.413612565445 +2016-08-30 22:23:26,153 DEBUG: Best view : View0 +2016-08-30 22:23:33,703 DEBUG: Start: Iteration 108 +2016-08-30 22:23:33,725 DEBUG: View 0 : 0.664921465969 +2016-08-30 22:23:33,745 DEBUG: View 1 : 0.607329842932 +2016-08-30 22:23:33,764 DEBUG: View 2 : 0.424083769634 +2016-08-30 22:23:33,788 DEBUG: View 3 : 0.413612565445 +2016-08-30 22:23:34,965 DEBUG: Best view : View0 +2016-08-30 22:23:42,522 DEBUG: Start: Iteration 109 +2016-08-30 22:23:42,544 DEBUG: View 0 : 0.596858638743 +2016-08-30 22:23:42,564 DEBUG: View 1 : 0.596858638743 +2016-08-30 22:23:42,584 DEBUG: View 2 : 0.528795811518 +2016-08-30 22:23:42,607 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:23:43,789 DEBUG: Best view : View1 +2016-08-30 22:23:51,428 DEBUG: Start: Iteration 110 +2016-08-30 22:23:51,449 DEBUG: View 0 : 0.607329842932 +2016-08-30 22:23:51,469 DEBUG: View 1 : 0.476439790576 +2016-08-30 22:23:51,489 DEBUG: View 2 : 0.581151832461 +2016-08-30 22:23:51,512 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:23:52,710 DEBUG: Best view : View2 +2016-08-30 22:24:00,402 DEBUG: Start: Iteration 111 +2016-08-30 22:24:00,424 DEBUG: View 0 : 0.612565445026 +2016-08-30 22:24:00,443 DEBUG: View 1 : 0.534031413613 +2016-08-30 22:24:00,463 DEBUG: View 2 : 0.387434554974 +2016-08-30 22:24:00,487 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:24:01,681 DEBUG: Best view : View0 +2016-08-30 22:24:09,475 DEBUG: Start: Iteration 112 +2016-08-30 22:24:09,496 DEBUG: View 0 : 0.623036649215 +2016-08-30 22:24:09,516 DEBUG: View 1 : 0.424083769634 +2016-08-30 22:24:09,537 DEBUG: View 2 : 0.591623036649 +2016-08-30 22:24:09,560 DEBUG: View 3 : 0.502617801047 +2016-08-30 22:24:10,776 DEBUG: Best view : View2 +2016-08-30 22:24:18,635 DEBUG: Start: Iteration 113 +2016-08-30 22:24:18,656 DEBUG: View 0 : 0.748691099476 +2016-08-30 22:24:18,675 DEBUG: View 1 : 0.492146596859 +2016-08-30 22:24:18,695 DEBUG: View 2 : 0.507853403141 +2016-08-30 22:24:18,718 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:24:19,933 DEBUG: Best view : View0 +2016-08-30 22:24:27,841 DEBUG: Start: Iteration 114 +2016-08-30 22:24:27,863 DEBUG: View 0 : 0.659685863874 +2016-08-30 22:24:27,883 DEBUG: View 1 : 0.528795811518 +2016-08-30 22:24:27,903 DEBUG: View 2 : 0.586387434555 +2016-08-30 22:24:27,926 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:24:29,154 DEBUG: Best view : View0 +2016-08-30 22:24:37,175 DEBUG: Start: Iteration 115 +2016-08-30 22:24:37,197 DEBUG: View 0 : 0.727748691099 +2016-08-30 22:24:37,216 DEBUG: View 1 : 0.413612565445 +2016-08-30 22:24:37,236 DEBUG: View 2 : 0.575916230366 +2016-08-30 22:24:37,260 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:24:38,491 DEBUG: Best view : View0 +2016-08-30 22:24:46,547 DEBUG: Start: Iteration 116 +2016-08-30 22:24:46,568 DEBUG: View 0 : 0.575916230366 +2016-08-30 22:24:46,589 DEBUG: View 1 : 0.450261780105 +2016-08-30 22:24:46,609 DEBUG: View 2 : 0.403141361257 +2016-08-30 22:24:46,631 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:24:47,872 DEBUG: Best view : View0 +2016-08-30 22:24:55,991 DEBUG: Start: Iteration 117 +2016-08-30 22:24:56,012 DEBUG: View 0 : 0.596858638743 +2016-08-30 22:24:56,032 DEBUG: View 1 : 0.455497382199 +2016-08-30 22:24:56,051 DEBUG: View 2 : 0.607329842932 +2016-08-30 22:24:56,074 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:24:57,326 DEBUG: Best view : View2 +2016-08-30 22:25:05,514 DEBUG: Start: Iteration 118 +2016-08-30 22:25:05,535 DEBUG: View 0 : 0.591623036649 +2016-08-30 22:25:05,555 DEBUG: View 1 : 0.51832460733 +2016-08-30 22:25:05,575 DEBUG: View 2 : 0.565445026178 +2016-08-30 22:25:05,598 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:25:06,851 DEBUG: Best view : View2 +2016-08-30 22:25:15,116 DEBUG: Start: Iteration 119 +2016-08-30 22:25:15,138 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:25:15,158 DEBUG: View 1 : 0.528795811518 +2016-08-30 22:25:15,178 DEBUG: View 2 : 0.413612565445 +2016-08-30 22:25:15,201 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:25:16,469 DEBUG: Best view : View0 +2016-08-30 22:25:24,782 DEBUG: Start: Iteration 120 +2016-08-30 22:25:24,803 DEBUG: View 0 : 0.643979057592 +2016-08-30 22:25:24,823 DEBUG: View 1 : 0.403141361257 +2016-08-30 22:25:24,843 DEBUG: View 2 : 0.502617801047 +2016-08-30 22:25:24,867 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:25:26,133 DEBUG: Best view : View0 +2016-08-30 22:25:34,526 DEBUG: Start: Iteration 121 +2016-08-30 22:25:34,547 DEBUG: View 0 : 0.596858638743 +2016-08-30 22:25:34,567 DEBUG: View 1 : 0.492146596859 +2016-08-30 22:25:34,588 DEBUG: View 2 : 0.408376963351 +2016-08-30 22:25:34,612 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:25:35,931 DEBUG: Best view : View0 +2016-08-30 22:25:44,418 DEBUG: Start: Iteration 122 +2016-08-30 22:25:44,440 DEBUG: View 0 : 0.633507853403 +2016-08-30 22:25:44,459 DEBUG: View 1 : 0.591623036649 +2016-08-30 22:25:44,479 DEBUG: View 2 : 0.44502617801 +2016-08-30 22:25:44,502 DEBUG: View 3 : 0.439790575916 +2016-08-30 22:25:45,815 DEBUG: Best view : View0 +2016-08-30 22:25:54,364 DEBUG: Start: Iteration 123 +2016-08-30 22:25:54,385 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:25:54,406 DEBUG: View 1 : 0.492146596859 +2016-08-30 22:25:54,426 DEBUG: View 2 : 0.596858638743 +2016-08-30 22:25:54,449 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:25:55,767 DEBUG: Best view : View0 +2016-08-30 22:26:04,368 DEBUG: Start: Iteration 124 +2016-08-30 22:26:04,389 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:26:04,409 DEBUG: View 1 : 0.502617801047 +2016-08-30 22:26:04,430 DEBUG: View 2 : 0.51832460733 +2016-08-30 22:26:04,453 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:26:05,769 DEBUG: Best view : View0 +2016-08-30 22:26:14,454 DEBUG: Start: Iteration 125 +2016-08-30 22:26:14,475 DEBUG: View 0 : 0.706806282723 +2016-08-30 22:26:14,496 DEBUG: View 1 : 0.403141361257 +2016-08-30 22:26:14,516 DEBUG: View 2 : 0.539267015707 +2016-08-30 22:26:14,538 DEBUG: View 3 : 0.424083769634 +2016-08-30 22:26:15,841 DEBUG: Best view : View0 +2016-08-30 22:26:24,620 DEBUG: Start: Iteration 126 +2016-08-30 22:26:24,641 DEBUG: View 0 : 0.680628272251 +2016-08-30 22:26:24,661 DEBUG: View 1 : 0.439790575916 +2016-08-30 22:26:24,680 DEBUG: View 2 : 0.492146596859 +2016-08-30 22:26:24,704 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:26:26,025 DEBUG: Best view : View0 +2016-08-30 22:26:34,868 DEBUG: Start: Iteration 127 +2016-08-30 22:26:34,889 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:26:34,909 DEBUG: View 1 : 0.429319371728 +2016-08-30 22:26:34,929 DEBUG: View 2 : 0.392670157068 +2016-08-30 22:26:34,953 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:26:36,272 DEBUG: Best view : View0 +2016-08-30 22:26:45,171 DEBUG: Start: Iteration 128 +2016-08-30 22:26:45,192 DEBUG: View 0 : 0.61780104712 +2016-08-30 22:26:45,211 DEBUG: View 1 : 0.376963350785 +2016-08-30 22:26:45,231 DEBUG: View 2 : 0.408376963351 +2016-08-30 22:26:45,255 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:26:46,578 DEBUG: Best view : View0 +2016-08-30 22:26:55,543 DEBUG: Start: Iteration 129 +2016-08-30 22:26:55,564 DEBUG: View 0 : 0.549738219895 +2016-08-30 22:26:55,584 DEBUG: View 1 : 0.397905759162 +2016-08-30 22:26:55,605 DEBUG: View 2 : 0.486910994764 +2016-08-30 22:26:55,628 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:26:56,963 DEBUG: Best view : View0 +2016-08-30 22:27:05,988 DEBUG: Start: Iteration 130 +2016-08-30 22:27:06,009 DEBUG: View 0 : 0.649214659686 +2016-08-30 22:27:06,029 DEBUG: View 1 : 0.591623036649 +2016-08-30 22:27:06,049 DEBUG: View 2 : 0.69109947644 +2016-08-30 22:27:06,073 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:27:07,409 DEBUG: Best view : View2 +2016-08-30 22:27:16,489 DEBUG: Start: Iteration 131 +2016-08-30 22:27:16,510 DEBUG: View 0 : 0.65445026178 +2016-08-30 22:27:16,530 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:27:16,551 DEBUG: View 2 : 0.523560209424 +2016-08-30 22:27:16,574 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:27:17,918 DEBUG: Best view : View0 +2016-08-30 22:27:27,049 DEBUG: Start: Iteration 132 +2016-08-30 22:27:27,071 DEBUG: View 0 : 0.612565445026 +2016-08-30 22:27:27,091 DEBUG: View 1 : 0.44502617801 +2016-08-30 22:27:27,111 DEBUG: View 2 : 0.465968586387 +2016-08-30 22:27:27,135 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:27:28,487 DEBUG: Best view : View0 +2016-08-30 22:27:37,690 DEBUG: Start: Iteration 133 +2016-08-30 22:27:37,711 DEBUG: View 0 : 0.570680628272 +2016-08-30 22:27:37,732 DEBUG: View 1 : 0.492146596859 +2016-08-30 22:27:37,752 DEBUG: View 2 : 0.471204188482 +2016-08-30 22:27:37,775 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:27:39,136 DEBUG: Best view : View0 +2016-08-30 22:27:48,429 DEBUG: Start: Iteration 134 +2016-08-30 22:27:48,450 DEBUG: View 0 : 0.633507853403 +2016-08-30 22:27:48,470 DEBUG: View 1 : 0.581151832461 +2016-08-30 22:27:48,490 DEBUG: View 2 : 0.392670157068 +2016-08-30 22:27:48,513 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:27:49,885 DEBUG: Best view : View0 +2016-08-30 22:27:59,239 DEBUG: Start: Iteration 135 +2016-08-30 22:27:59,261 DEBUG: View 0 : 0.638743455497 +2016-08-30 22:27:59,280 DEBUG: View 1 : 0.528795811518 +2016-08-30 22:27:59,301 DEBUG: View 2 : 0.424083769634 +2016-08-30 22:27:59,323 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:28:00,698 DEBUG: Best view : View0 +2016-08-30 22:28:10,144 DEBUG: Start: Iteration 136 +2016-08-30 22:28:10,165 DEBUG: View 0 : 0.61780104712 +2016-08-30 22:28:10,185 DEBUG: View 1 : 0.507853403141 +2016-08-30 22:28:10,205 DEBUG: View 2 : 0.424083769634 +2016-08-30 22:28:10,228 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:28:11,620 DEBUG: Best view : View0 +2016-08-30 22:28:21,158 DEBUG: Start: Iteration 137 +2016-08-30 22:28:21,179 DEBUG: View 0 : 0.602094240838 +2016-08-30 22:28:21,199 DEBUG: View 1 : 0.55497382199 +2016-08-30 22:28:21,219 DEBUG: View 2 : 0.497382198953 +2016-08-30 22:28:21,242 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:28:22,634 DEBUG: Best view : View0 +2016-08-30 22:28:32,241 DEBUG: Start: Iteration 138 +2016-08-30 22:28:32,262 DEBUG: View 0 : 0.685863874346 +2016-08-30 22:28:32,282 DEBUG: View 1 : 0.434554973822 +2016-08-30 22:28:32,302 DEBUG: View 2 : 0.476439790576 +2016-08-30 22:28:32,325 DEBUG: View 3 : 0.465968586387 +2016-08-30 22:28:33,727 DEBUG: Best view : View0 +2016-08-30 22:28:43,373 DEBUG: Start: Iteration 139 +2016-08-30 22:28:43,394 DEBUG: View 0 : 0.732984293194 +2016-08-30 22:28:43,415 DEBUG: View 1 : 0.513089005236 +2016-08-30 22:28:43,435 DEBUG: View 2 : 0.486910994764 +2016-08-30 22:28:43,458 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:28:44,869 DEBUG: Best view : View0 +2016-08-30 22:28:54,574 DEBUG: Start: Iteration 140 +2016-08-30 22:28:54,595 DEBUG: View 0 : 0.659685863874 +2016-08-30 22:28:54,615 DEBUG: View 1 : 0.418848167539 +2016-08-30 22:28:54,635 DEBUG: View 2 : 0.403141361257 +2016-08-30 22:28:54,658 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:28:56,088 DEBUG: Best view : View0 +2016-08-30 22:29:05,933 DEBUG: Start: Iteration 141 +2016-08-30 22:29:05,955 DEBUG: View 0 : 0.628272251309 +2016-08-30 22:29:05,975 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:29:05,994 DEBUG: View 2 : 0.418848167539 +2016-08-30 22:29:06,017 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:29:07,445 DEBUG: Best view : View0 +2016-08-30 22:29:17,373 DEBUG: Start: Iteration 142 +2016-08-30 22:29:17,393 DEBUG: View 0 : 0.69109947644 +2016-08-30 22:29:17,414 DEBUG: View 1 : 0.455497382199 +2016-08-30 22:29:17,434 DEBUG: View 2 : 0.455497382199 +2016-08-30 22:29:17,456 DEBUG: View 3 : 0.429319371728 +2016-08-30 22:29:18,889 DEBUG: Best view : View0 +2016-08-30 22:29:28,854 DEBUG: Start: Iteration 143 +2016-08-30 22:29:28,875 DEBUG: View 0 : 0.712041884817 +2016-08-30 22:29:28,895 DEBUG: View 1 : 0.460732984293 +2016-08-30 22:29:28,915 DEBUG: View 2 : 0.507853403141 +2016-08-30 22:29:28,938 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:29:30,383 DEBUG: Best view : View0 +2016-08-30 22:29:40,490 DEBUG: Start: Iteration 144 +2016-08-30 22:29:40,511 DEBUG: View 0 : 0.675392670157 +2016-08-30 22:29:40,530 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:29:40,550 DEBUG: View 2 : 0.371727748691 +2016-08-30 22:29:40,573 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:29:42,019 DEBUG: Best view : View0 +2016-08-30 22:29:52,076 DEBUG: Start: Iteration 145 +2016-08-30 22:29:52,097 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:29:52,117 DEBUG: View 1 : 0.418848167539 +2016-08-30 22:29:52,137 DEBUG: View 2 : 0.408376963351 +2016-08-30 22:29:52,161 DEBUG: View 3 : 0.38219895288 +2016-08-30 22:29:53,620 DEBUG: Best view : View0 +2016-08-30 22:30:03,775 DEBUG: Start: Iteration 146 +2016-08-30 22:30:03,797 DEBUG: View 0 : 0.675392670157 +2016-08-30 22:30:03,816 DEBUG: View 1 : 0.486910994764 +2016-08-30 22:30:03,836 DEBUG: View 2 : 0.38219895288 +2016-08-30 22:30:03,860 DEBUG: View 3 : 0.565445026178 +2016-08-30 22:30:05,334 DEBUG: Best view : View0 +2016-08-30 22:30:15,543 DEBUG: Start: Iteration 147 +2016-08-30 22:30:15,565 DEBUG: View 0 : 0.706806282723 +2016-08-30 22:30:15,584 DEBUG: View 1 : 0.51832460733 +2016-08-30 22:30:15,604 DEBUG: View 2 : 0.497382198953 +2016-08-30 22:30:15,627 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:30:17,099 DEBUG: Best view : View0 +2016-08-30 22:30:27,362 DEBUG: Start: Iteration 148 +2016-08-30 22:30:27,383 DEBUG: View 0 : 0.680628272251 +2016-08-30 22:30:27,403 DEBUG: View 1 : 0.513089005236 +2016-08-30 22:30:27,423 DEBUG: View 2 : 0.476439790576 +2016-08-30 22:30:27,446 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:30:28,921 DEBUG: Best view : View0 +2016-08-30 22:30:39,270 DEBUG: Start: Iteration 149 +2016-08-30 22:30:39,291 DEBUG: View 0 : 0.675392670157 +2016-08-30 22:30:39,310 DEBUG: View 1 : 0.544502617801 +2016-08-30 22:30:39,331 DEBUG: View 2 : 0.492146596859 +2016-08-30 22:30:39,353 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:30:40,836 DEBUG: Best view : View0 +2016-08-30 22:30:51,238 DEBUG: Start: Iteration 150 +2016-08-30 22:30:51,260 DEBUG: View 0 : 0.638743455497 +2016-08-30 22:30:51,280 DEBUG: View 1 : 0.44502617801 +2016-08-30 22:30:51,300 DEBUG: View 2 : 0.361256544503 +2016-08-30 22:30:51,322 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:30:52,813 DEBUG: Best view : View0 +2016-08-30 22:31:03,302 DEBUG: Start: Iteration 151 +2016-08-30 22:31:03,323 DEBUG: View 0 : 0.638743455497 +2016-08-30 22:31:03,344 DEBUG: View 1 : 0.450261780105 +2016-08-30 22:31:03,364 DEBUG: View 2 : 0.376963350785 +2016-08-30 22:31:03,387 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:31:04,893 DEBUG: Best view : View0 +2016-08-30 22:31:15,441 DEBUG: Start: Iteration 152 +2016-08-30 22:31:15,462 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:31:15,482 DEBUG: View 1 : 0.492146596859 +2016-08-30 22:31:15,502 DEBUG: View 2 : 0.455497382199 +2016-08-30 22:31:15,525 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:31:17,033 DEBUG: Best view : View0 +2016-08-30 22:31:27,645 DEBUG: Start: Iteration 153 +2016-08-30 22:31:27,666 DEBUG: View 0 : 0.680628272251 +2016-08-30 22:31:27,686 DEBUG: View 1 : 0.38219895288 +2016-08-30 22:31:27,706 DEBUG: View 2 : 0.649214659686 +2016-08-30 22:31:27,729 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:31:29,236 DEBUG: Best view : View2 +2016-08-30 22:31:39,942 DEBUG: Start: Iteration 154 +2016-08-30 22:31:39,963 DEBUG: View 0 : 0.675392670157 +2016-08-30 22:31:39,983 DEBUG: View 1 : 0.455497382199 +2016-08-30 22:31:40,003 DEBUG: View 2 : 0.397905759162 +2016-08-30 22:31:40,026 DEBUG: View 3 : 0.471204188482 +2016-08-30 22:31:41,543 DEBUG: Best view : View0 +2016-08-30 22:31:52,227 DEBUG: Start: Iteration 155 +2016-08-30 22:31:52,248 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:31:52,268 DEBUG: View 1 : 0.534031413613 +2016-08-30 22:31:52,287 DEBUG: View 2 : 0.476439790576 +2016-08-30 22:31:52,311 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:31:53,853 DEBUG: Best view : View0 +2016-08-30 22:32:04,613 DEBUG: Start: Iteration 156 +2016-08-30 22:32:04,634 DEBUG: View 0 : 0.61780104712 +2016-08-30 22:32:04,655 DEBUG: View 1 : 0.44502617801 +2016-08-30 22:32:04,675 DEBUG: View 2 : 0.628272251309 +2016-08-30 22:32:04,698 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:32:06,239 DEBUG: Best view : View2 +2016-08-30 22:32:17,149 DEBUG: Start: Iteration 157 +2016-08-30 22:32:17,171 DEBUG: View 0 : 0.732984293194 +2016-08-30 22:32:17,191 DEBUG: View 1 : 0.513089005236 +2016-08-30 22:32:17,212 DEBUG: View 2 : 0.429319371728 +2016-08-30 22:32:17,235 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:32:18,784 DEBUG: Best view : View0 +2016-08-30 22:32:29,698 DEBUG: Start: Iteration 158 +2016-08-30 22:32:29,720 DEBUG: View 0 : 0.685863874346 +2016-08-30 22:32:29,739 DEBUG: View 1 : 0.44502617801 +2016-08-30 22:32:29,759 DEBUG: View 2 : 0.596858638743 +2016-08-30 22:32:29,782 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:32:31,340 DEBUG: Best view : View0 +2016-08-30 22:32:42,365 DEBUG: Start: Iteration 159 +2016-08-30 22:32:42,387 DEBUG: View 0 : 0.612565445026 +2016-08-30 22:32:42,407 DEBUG: View 1 : 0.424083769634 +2016-08-30 22:32:42,426 DEBUG: View 2 : 0.413612565445 +2016-08-30 22:32:42,449 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:32:44,014 DEBUG: Best view : View0 +2016-08-30 22:32:55,122 DEBUG: Start: Iteration 160 +2016-08-30 22:32:55,144 DEBUG: View 0 : 0.565445026178 +2016-08-30 22:32:55,163 DEBUG: View 1 : 0.376963350785 +2016-08-30 22:32:55,184 DEBUG: View 2 : 0.596858638743 +2016-08-30 22:32:55,206 DEBUG: View 3 : 0.424083769634 +2016-08-30 22:32:56,773 DEBUG: Best view : View2 +2016-08-30 22:33:07,916 DEBUG: Start: Iteration 161 +2016-08-30 22:33:07,937 DEBUG: View 0 : 0.722513089005 +2016-08-30 22:33:07,957 DEBUG: View 1 : 0.492146596859 +2016-08-30 22:33:07,977 DEBUG: View 2 : 0.460732984293 +2016-08-30 22:33:08,000 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:33:09,580 DEBUG: Best view : View0 +2016-08-30 22:33:20,750 DEBUG: Start: Iteration 162 +2016-08-30 22:33:20,771 DEBUG: View 0 : 0.643979057592 +2016-08-30 22:33:20,791 DEBUG: View 1 : 0.460732984293 +2016-08-30 22:33:20,811 DEBUG: View 2 : 0.575916230366 +2016-08-30 22:33:20,834 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:33:22,412 DEBUG: Best view : View0 +2016-08-30 22:33:33,645 DEBUG: Start: Iteration 163 +2016-08-30 22:33:33,667 DEBUG: View 0 : 0.685863874346 +2016-08-30 22:33:33,687 DEBUG: View 1 : 0.575916230366 +2016-08-30 22:33:33,706 DEBUG: View 2 : 0.502617801047 +2016-08-30 22:33:33,729 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:33:35,317 DEBUG: Best view : View0 +2016-08-30 22:33:46,664 DEBUG: Start: Iteration 164 +2016-08-30 22:33:46,685 DEBUG: View 0 : 0.560209424084 +2016-08-30 22:33:46,704 DEBUG: View 1 : 0.465968586387 +2016-08-30 22:33:46,724 DEBUG: View 2 : 0.65445026178 +2016-08-30 22:33:46,747 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:33:48,346 DEBUG: Best view : View2 +2016-08-30 22:33:59,769 DEBUG: Start: Iteration 165 +2016-08-30 22:33:59,790 DEBUG: View 0 : 0.628272251309 +2016-08-30 22:33:59,811 DEBUG: View 1 : 0.455497382199 +2016-08-30 22:33:59,831 DEBUG: View 2 : 0.429319371728 +2016-08-30 22:33:59,854 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:34:01,468 DEBUG: Best view : View0 +2016-08-30 22:34:12,953 DEBUG: Start: Iteration 166 +2016-08-30 22:34:12,975 DEBUG: View 0 : 0.649214659686 +2016-08-30 22:34:12,995 DEBUG: View 1 : 0.424083769634 +2016-08-30 22:34:13,015 DEBUG: View 2 : 0.34554973822 +2016-08-30 22:34:13,037 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:34:14,643 DEBUG: Best view : View0 +2016-08-30 22:34:26,216 DEBUG: Start: Iteration 167 +2016-08-30 22:34:26,237 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:34:26,257 DEBUG: View 1 : 0.497382198953 +2016-08-30 22:34:26,277 DEBUG: View 2 : 0.455497382199 +2016-08-30 22:34:26,300 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:34:27,922 DEBUG: Best view : View0 +2016-08-30 22:34:39,544 DEBUG: Start: Iteration 168 +2016-08-30 22:34:39,566 DEBUG: View 0 : 0.638743455497 +2016-08-30 22:34:39,586 DEBUG: View 1 : 0.549738219895 +2016-08-30 22:34:39,605 DEBUG: View 2 : 0.413612565445 +2016-08-30 22:34:39,629 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:34:41,265 DEBUG: Best view : View0 +2016-08-30 22:34:52,994 DEBUG: Start: Iteration 169 +2016-08-30 22:34:53,015 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:34:53,035 DEBUG: View 1 : 0.539267015707 +2016-08-30 22:34:53,055 DEBUG: View 2 : 0.607329842932 +2016-08-30 22:34:53,078 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:34:54,712 DEBUG: Best view : View0 +2016-08-30 22:35:06,473 DEBUG: Start: Iteration 170 +2016-08-30 22:35:06,495 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:35:06,516 DEBUG: View 1 : 0.560209424084 +2016-08-30 22:35:06,536 DEBUG: View 2 : 0.638743455497 +2016-08-30 22:35:06,559 DEBUG: View 3 : 0.424083769634 +2016-08-30 22:35:08,197 DEBUG: Best view : View2 +2016-08-30 22:35:19,990 DEBUG: Start: Iteration 171 +2016-08-30 22:35:20,012 DEBUG: View 0 : 0.581151832461 +2016-08-30 22:35:20,032 DEBUG: View 1 : 0.497382198953 +2016-08-30 22:35:20,052 DEBUG: View 2 : 0.418848167539 +2016-08-30 22:35:20,075 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:35:21,726 DEBUG: Best view : View0 +2016-08-30 22:35:33,575 DEBUG: Start: Iteration 172 +2016-08-30 22:35:33,597 DEBUG: View 0 : 0.664921465969 +2016-08-30 22:35:33,616 DEBUG: View 1 : 0.476439790576 +2016-08-30 22:35:33,636 DEBUG: View 2 : 0.439790575916 +2016-08-30 22:35:33,659 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:35:35,315 DEBUG: Best view : View0 +2016-08-30 22:35:47,266 DEBUG: Start: Iteration 173 +2016-08-30 22:35:47,288 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:35:47,308 DEBUG: View 1 : 0.502617801047 +2016-08-30 22:35:47,328 DEBUG: View 2 : 0.376963350785 +2016-08-30 22:35:47,353 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:35:49,029 DEBUG: Best view : View0 +2016-08-30 22:36:01,016 DEBUG: Start: Iteration 174 +2016-08-30 22:36:01,038 DEBUG: View 0 : 0.623036649215 +2016-08-30 22:36:01,059 DEBUG: View 1 : 0.455497382199 +2016-08-30 22:36:01,078 DEBUG: View 2 : 0.429319371728 +2016-08-30 22:36:01,101 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:36:02,778 DEBUG: Best view : View0 +2016-08-30 22:36:15,332 DEBUG: Start: Iteration 175 +2016-08-30 22:36:15,353 DEBUG: View 0 : 0.623036649215 +2016-08-30 22:36:15,374 DEBUG: View 1 : 0.424083769634 +2016-08-30 22:36:15,394 DEBUG: View 2 : 0.560209424084 +2016-08-30 22:36:15,417 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:36:17,101 DEBUG: Best view : View0 +2016-08-30 22:36:30,094 DEBUG: Start: Iteration 176 +2016-08-30 22:36:30,116 DEBUG: View 0 : 0.638743455497 +2016-08-30 22:36:30,136 DEBUG: View 1 : 0.513089005236 +2016-08-30 22:36:30,156 DEBUG: View 2 : 0.413612565445 +2016-08-30 22:36:30,179 DEBUG: View 3 : 0.55497382199 +2016-08-30 22:36:31,869 DEBUG: Best view : View0 +2016-08-30 22:36:45,023 DEBUG: Start: Iteration 177 +2016-08-30 22:36:45,045 DEBUG: View 0 : 0.69109947644 +2016-08-30 22:36:45,065 DEBUG: View 1 : 0.413612565445 +2016-08-30 22:36:45,085 DEBUG: View 2 : 0.450261780105 +2016-08-30 22:36:45,108 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:36:46,797 DEBUG: Best view : View0 +2016-08-30 22:36:59,960 DEBUG: Start: Iteration 178 +2016-08-30 22:36:59,981 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:37:00,000 DEBUG: View 1 : 0.602094240838 +2016-08-30 22:37:00,021 DEBUG: View 2 : 0.424083769634 +2016-08-30 22:37:00,046 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:37:01,755 DEBUG: Best view : View0 +2016-08-30 22:37:15,000 DEBUG: Start: Iteration 179 +2016-08-30 22:37:15,022 DEBUG: View 0 : 0.69109947644 +2016-08-30 22:37:15,042 DEBUG: View 1 : 0.460732984293 +2016-08-30 22:37:15,062 DEBUG: View 2 : 0.539267015707 +2016-08-30 22:37:15,086 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:37:16,795 DEBUG: Best view : View0 +2016-08-30 22:37:29,255 DEBUG: Start: Iteration 180 +2016-08-30 22:37:29,277 DEBUG: View 0 : 0.65445026178 +2016-08-30 22:37:29,296 DEBUG: View 1 : 0.392670157068 +2016-08-30 22:37:29,317 DEBUG: View 2 : 0.575916230366 +2016-08-30 22:37:29,339 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:37:31,058 DEBUG: Best view : View0 +2016-08-30 22:37:43,597 DEBUG: Start: Iteration 181 +2016-08-30 22:37:43,618 DEBUG: View 0 : 0.717277486911 +2016-08-30 22:37:43,638 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:37:43,657 DEBUG: View 2 : 0.455497382199 +2016-08-30 22:37:43,680 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:37:45,438 DEBUG: Best view : View0 +2016-08-30 22:37:58,065 DEBUG: Start: Iteration 182 +2016-08-30 22:37:58,085 DEBUG: View 0 : 0.717277486911 +2016-08-30 22:37:58,105 DEBUG: View 1 : 0.319371727749 +2016-08-30 22:37:58,125 DEBUG: View 2 : 0.492146596859 +2016-08-30 22:37:58,148 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:37:59,896 DEBUG: Best view : View0 +2016-08-30 22:38:12,581 DEBUG: Start: Iteration 183 +2016-08-30 22:38:12,603 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:38:12,622 DEBUG: View 1 : 0.492146596859 +2016-08-30 22:38:12,642 DEBUG: View 2 : 0.455497382199 +2016-08-30 22:38:12,665 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:38:14,410 DEBUG: Best view : View0 +2016-08-30 22:38:27,215 DEBUG: Start: Iteration 184 +2016-08-30 22:38:27,237 DEBUG: View 0 : 0.633507853403 +2016-08-30 22:38:27,257 DEBUG: View 1 : 0.502617801047 +2016-08-30 22:38:27,277 DEBUG: View 2 : 0.48167539267 +2016-08-30 22:38:27,300 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:38:29,065 DEBUG: Best view : View0 +2016-08-30 22:38:41,903 DEBUG: Start: Iteration 185 +2016-08-30 22:38:41,924 DEBUG: View 0 : 0.738219895288 +2016-08-30 22:38:41,944 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:38:41,963 DEBUG: View 2 : 0.55497382199 +2016-08-30 22:38:41,986 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:38:43,755 DEBUG: Best view : View0 +2016-08-30 22:38:56,664 DEBUG: Start: Iteration 186 +2016-08-30 22:38:56,686 DEBUG: View 0 : 0.633507853403 +2016-08-30 22:38:56,707 DEBUG: View 1 : 0.513089005236 +2016-08-30 22:38:56,727 DEBUG: View 2 : 0.492146596859 +2016-08-30 22:38:56,750 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:38:58,514 DEBUG: Best view : View0 +2016-08-30 22:39:11,456 DEBUG: Start: Iteration 187 +2016-08-30 22:39:11,477 DEBUG: View 0 : 0.685863874346 +2016-08-30 22:39:11,496 DEBUG: View 1 : 0.387434554974 +2016-08-30 22:39:11,516 DEBUG: View 2 : 0.439790575916 +2016-08-30 22:39:11,538 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:39:13,316 DEBUG: Best view : View0 +2016-08-30 22:39:26,304 DEBUG: Start: Iteration 188 +2016-08-30 22:39:26,325 DEBUG: View 0 : 0.623036649215 +2016-08-30 22:39:26,344 DEBUG: View 1 : 0.38219895288 +2016-08-30 22:39:26,365 DEBUG: View 2 : 0.403141361257 +2016-08-30 22:39:26,389 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:39:28,160 DEBUG: Best view : View0 +2016-08-30 22:39:41,224 DEBUG: Start: Iteration 189 +2016-08-30 22:39:41,246 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:39:41,265 DEBUG: View 1 : 0.549738219895 +2016-08-30 22:39:41,286 DEBUG: View 2 : 0.51832460733 +2016-08-30 22:39:41,309 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:39:43,094 DEBUG: Best view : View0 +2016-08-30 22:39:56,366 DEBUG: Start: Iteration 190 +2016-08-30 22:39:56,388 DEBUG: View 0 : 0.65445026178 +2016-08-30 22:39:56,409 DEBUG: View 1 : 0.48167539267 +2016-08-30 22:39:56,429 DEBUG: View 2 : 0.424083769634 +2016-08-30 22:39:56,453 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:39:58,248 DEBUG: Best view : View0 +2016-08-30 22:40:11,517 DEBUG: Start: Iteration 191 +2016-08-30 22:40:11,539 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:40:11,558 DEBUG: View 1 : 0.486910994764 +2016-08-30 22:40:11,579 DEBUG: View 2 : 0.38219895288 +2016-08-30 22:40:11,601 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:40:13,416 DEBUG: Best view : View0 +2016-08-30 22:40:26,745 DEBUG: Start: Iteration 192 +2016-08-30 22:40:26,767 DEBUG: View 0 : 0.664921465969 +2016-08-30 22:40:26,787 DEBUG: View 1 : 0.44502617801 +2016-08-30 22:40:26,807 DEBUG: View 2 : 0.450261780105 +2016-08-30 22:40:26,830 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:40:28,640 DEBUG: Best view : View0 +2016-08-30 22:40:41,988 DEBUG: Start: Iteration 193 +2016-08-30 22:40:42,009 DEBUG: View 0 : 0.659685863874 +2016-08-30 22:40:42,029 DEBUG: View 1 : 0.455497382199 +2016-08-30 22:40:42,048 DEBUG: View 2 : 0.366492146597 +2016-08-30 22:40:42,072 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:40:43,892 DEBUG: Best view : View0 +2016-08-30 22:40:57,341 DEBUG: Start: Iteration 194 +2016-08-30 22:40:57,363 DEBUG: View 0 : 0.717277486911 +2016-08-30 22:40:57,383 DEBUG: View 1 : 0.376963350785 +2016-08-30 22:40:57,403 DEBUG: View 2 : 0.439790575916 +2016-08-30 22:40:57,426 DEBUG: View 3 : 0.539267015707 +2016-08-30 22:40:59,255 DEBUG: Best view : View0 +2016-08-30 22:41:12,757 DEBUG: Start: Iteration 195 +2016-08-30 22:41:12,778 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:41:12,798 DEBUG: View 1 : 0.565445026178 +2016-08-30 22:41:12,818 DEBUG: View 2 : 0.460732984293 +2016-08-30 22:41:12,841 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:41:14,667 DEBUG: Best view : View0 +2016-08-30 22:41:28,215 DEBUG: Start: Iteration 196 +2016-08-30 22:41:28,236 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:41:28,256 DEBUG: View 1 : 0.596858638743 +2016-08-30 22:41:28,276 DEBUG: View 2 : 0.465968586387 +2016-08-30 22:41:28,298 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:41:30,136 DEBUG: Best view : View0 +2016-08-30 22:41:43,772 DEBUG: Start: Iteration 197 +2016-08-30 22:41:43,793 DEBUG: View 0 : 0.570680628272 +2016-08-30 22:41:43,813 DEBUG: View 1 : 0.450261780105 +2016-08-30 22:41:43,833 DEBUG: View 2 : 0.476439790576 +2016-08-30 22:41:43,857 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:41:45,698 DEBUG: Best view : View0 +2016-08-30 22:41:59,386 DEBUG: Start: Iteration 198 +2016-08-30 22:41:59,407 DEBUG: View 0 : 0.685863874346 +2016-08-30 22:41:59,428 DEBUG: View 1 : 0.55497382199 +2016-08-30 22:41:59,448 DEBUG: View 2 : 0.350785340314 +2016-08-30 22:41:59,470 DEBUG: View 3 : 0.471204188482 +2016-08-30 22:42:01,333 DEBUG: Best view : View0 +2016-08-30 22:42:15,099 DEBUG: Start: Iteration 199 +2016-08-30 22:42:15,121 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:42:15,141 DEBUG: View 1 : 0.534031413613 +2016-08-30 22:42:15,161 DEBUG: View 2 : 0.408376963351 +2016-08-30 22:42:15,184 DEBUG: View 3 : 0.539267015707 +2016-08-30 22:42:17,052 DEBUG: Best view : View0 +2016-08-30 22:42:30,946 DEBUG: Start: Iteration 200 +2016-08-30 22:42:30,968 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:42:30,988 DEBUG: View 1 : 0.61780104712 +2016-08-30 22:42:31,007 DEBUG: View 2 : 0.471204188482 +2016-08-30 22:42:31,031 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:42:32,907 DEBUG: Best view : View0 +2016-08-30 22:42:46,834 DEBUG: Start: Iteration 201 +2016-08-30 22:42:46,856 DEBUG: View 0 : 0.675392670157 +2016-08-30 22:42:46,875 DEBUG: View 1 : 0.476439790576 +2016-08-30 22:42:46,896 DEBUG: View 2 : 0.413612565445 +2016-08-30 22:42:46,919 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:42:48,793 DEBUG: Best view : View0 +2016-08-30 22:43:02,768 DEBUG: Start: Iteration 202 +2016-08-30 22:43:02,790 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:43:02,809 DEBUG: View 1 : 0.51832460733 +2016-08-30 22:43:02,829 DEBUG: View 2 : 0.413612565445 +2016-08-30 22:43:02,852 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:43:04,736 DEBUG: Best view : View0 +2016-08-30 22:43:18,777 DEBUG: Start: Iteration 203 +2016-08-30 22:43:18,798 DEBUG: View 0 : 0.649214659686 +2016-08-30 22:43:18,818 DEBUG: View 1 : 0.455497382199 +2016-08-30 22:43:18,838 DEBUG: View 2 : 0.486910994764 +2016-08-30 22:43:18,862 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:43:20,752 DEBUG: Best view : View0 +2016-08-30 22:43:34,874 DEBUG: Start: Iteration 204 +2016-08-30 22:43:34,895 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:43:34,915 DEBUG: View 1 : 0.565445026178 +2016-08-30 22:43:34,935 DEBUG: View 2 : 0.434554973822 +2016-08-30 22:43:34,958 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:43:36,858 DEBUG: Best view : View0 +2016-08-30 22:43:51,030 DEBUG: Start: Iteration 205 +2016-08-30 22:43:51,052 DEBUG: View 0 : 0.675392670157 +2016-08-30 22:43:51,072 DEBUG: View 1 : 0.319371727749 +2016-08-30 22:43:51,093 DEBUG: View 2 : 0.439790575916 +2016-08-30 22:43:51,117 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:43:53,009 DEBUG: Best view : View0 +2016-08-30 22:44:07,295 DEBUG: Start: Iteration 206 +2016-08-30 22:44:07,317 DEBUG: View 0 : 0.680628272251 +2016-08-30 22:44:07,336 DEBUG: View 1 : 0.575916230366 +2016-08-30 22:44:07,356 DEBUG: View 2 : 0.570680628272 +2016-08-30 22:44:07,379 DEBUG: View 3 : 0.424083769634 +2016-08-30 22:44:09,294 DEBUG: Best view : View0 +2016-08-30 22:44:23,624 DEBUG: Start: Iteration 207 +2016-08-30 22:44:23,646 DEBUG: View 0 : 0.774869109948 +2016-08-30 22:44:23,666 DEBUG: View 1 : 0.450261780105 +2016-08-30 22:44:23,686 DEBUG: View 2 : 0.418848167539 +2016-08-30 22:44:23,708 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:44:25,647 DEBUG: Best view : View0 +2016-08-30 22:44:40,073 DEBUG: Start: Iteration 208 +2016-08-30 22:44:40,095 DEBUG: View 0 : 0.633507853403 +2016-08-30 22:44:40,115 DEBUG: View 1 : 0.596858638743 +2016-08-30 22:44:40,135 DEBUG: View 2 : 0.486910994764 +2016-08-30 22:44:40,158 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:44:42,088 DEBUG: Best view : View0 +2016-08-30 22:44:56,562 DEBUG: Start: Iteration 209 +2016-08-30 22:44:56,583 DEBUG: View 0 : 0.607329842932 +2016-08-30 22:44:56,603 DEBUG: View 1 : 0.528795811518 +2016-08-30 22:44:56,623 DEBUG: View 2 : 0.507853403141 +2016-08-30 22:44:56,646 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:44:58,591 DEBUG: Best view : View0 +2016-08-30 22:45:13,098 DEBUG: Start: Iteration 210 +2016-08-30 22:45:13,119 DEBUG: View 0 : 0.722513089005 +2016-08-30 22:45:13,139 DEBUG: View 1 : 0.408376963351 +2016-08-30 22:45:13,159 DEBUG: View 2 : 0.497382198953 +2016-08-30 22:45:13,182 DEBUG: View 3 : 0.507853403141 +2016-08-30 22:45:15,121 DEBUG: Best view : View0 +2016-08-30 22:45:29,728 DEBUG: Start: Iteration 211 +2016-08-30 22:45:29,749 DEBUG: View 0 : 0.732984293194 +2016-08-30 22:45:29,769 DEBUG: View 1 : 0.460732984293 +2016-08-30 22:45:29,789 DEBUG: View 2 : 0.602094240838 +2016-08-30 22:45:29,813 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:45:31,777 DEBUG: Best view : View0 +2016-08-30 22:45:46,527 DEBUG: Start: Iteration 212 +2016-08-30 22:45:46,550 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:45:46,570 DEBUG: View 1 : 0.455497382199 +2016-08-30 22:45:46,591 DEBUG: View 2 : 0.455497382199 +2016-08-30 22:45:46,614 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:45:48,570 DEBUG: Best view : View0 +2016-08-30 22:46:03,309 DEBUG: Start: Iteration 213 +2016-08-30 22:46:03,330 DEBUG: View 0 : 0.602094240838 +2016-08-30 22:46:03,350 DEBUG: View 1 : 0.570680628272 +2016-08-30 22:46:03,370 DEBUG: View 2 : 0.450261780105 +2016-08-30 22:46:03,394 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:46:05,364 DEBUG: Best view : View1 +2016-08-30 22:46:20,153 DEBUG: Start: Iteration 214 +2016-08-30 22:46:20,175 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:46:20,195 DEBUG: View 1 : 0.534031413613 +2016-08-30 22:46:20,214 DEBUG: View 2 : 0.492146596859 +2016-08-30 22:46:20,237 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:46:22,213 DEBUG: Best view : View0 +2016-08-30 22:46:37,089 DEBUG: Start: Iteration 215 +2016-08-30 22:46:37,111 DEBUG: View 0 : 0.706806282723 +2016-08-30 22:46:37,130 DEBUG: View 1 : 0.387434554974 +2016-08-30 22:46:37,150 DEBUG: View 2 : 0.434554973822 +2016-08-30 22:46:37,173 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:46:39,152 DEBUG: Best view : View0 +2016-08-30 22:46:54,121 DEBUG: Start: Iteration 216 +2016-08-30 22:46:54,142 DEBUG: View 0 : 0.675392670157 +2016-08-30 22:46:54,161 DEBUG: View 1 : 0.560209424084 +2016-08-30 22:46:54,181 DEBUG: View 2 : 0.51832460733 +2016-08-30 22:46:54,204 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:46:56,196 DEBUG: Best view : View0 +2016-08-30 22:47:11,222 DEBUG: Start: Iteration 217 +2016-08-30 22:47:11,243 DEBUG: View 0 : 0.633507853403 +2016-08-30 22:47:11,263 DEBUG: View 1 : 0.528795811518 +2016-08-30 22:47:11,282 DEBUG: View 2 : 0.51832460733 +2016-08-30 22:47:11,306 DEBUG: View 3 : 0.429319371728 +2016-08-30 22:47:13,310 DEBUG: Best view : View0 +2016-08-30 22:47:28,408 DEBUG: Start: Iteration 218 +2016-08-30 22:47:28,429 DEBUG: View 0 : 0.717277486911 +2016-08-30 22:47:28,449 DEBUG: View 1 : 0.397905759162 +2016-08-30 22:47:28,468 DEBUG: View 2 : 0.476439790576 +2016-08-30 22:47:28,491 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:47:30,504 DEBUG: Best view : View0 +2016-08-30 22:47:45,714 DEBUG: Start: Iteration 219 +2016-08-30 22:47:45,736 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:47:45,756 DEBUG: View 1 : 0.434554973822 +2016-08-30 22:47:45,776 DEBUG: View 2 : 0.418848167539 +2016-08-30 22:47:45,799 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:47:47,824 DEBUG: Best view : View0 +2016-08-30 22:48:03,081 DEBUG: Start: Iteration 220 +2016-08-30 22:48:03,102 DEBUG: View 0 : 0.727748691099 +2016-08-30 22:48:03,122 DEBUG: View 1 : 0.439790575916 +2016-08-30 22:48:03,142 DEBUG: View 2 : 0.507853403141 +2016-08-30 22:48:03,165 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:48:05,188 DEBUG: Best view : View0 +2016-08-30 22:48:20,467 DEBUG: Start: Iteration 221 +2016-08-30 22:48:20,488 DEBUG: View 0 : 0.753926701571 +2016-08-30 22:48:20,508 DEBUG: View 1 : 0.507853403141 +2016-08-30 22:48:20,528 DEBUG: View 2 : 0.486910994764 +2016-08-30 22:48:20,551 DEBUG: View 3 : 0.507853403141 +2016-08-30 22:48:22,582 DEBUG: Best view : View0 +2016-08-30 22:48:37,925 DEBUG: Start: Iteration 222 +2016-08-30 22:48:37,947 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:48:37,966 DEBUG: View 1 : 0.539267015707 +2016-08-30 22:48:37,987 DEBUG: View 2 : 0.44502617801 +2016-08-30 22:48:38,009 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:48:40,048 DEBUG: Best view : View0 +2016-08-30 22:48:55,493 DEBUG: Start: Iteration 223 +2016-08-30 22:48:55,514 DEBUG: View 0 : 0.712041884817 +2016-08-30 22:48:55,533 DEBUG: View 1 : 0.549738219895 +2016-08-30 22:48:55,554 DEBUG: View 2 : 0.455497382199 +2016-08-30 22:48:55,577 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:48:57,634 DEBUG: Best view : View0 +2016-08-30 22:49:13,159 DEBUG: Start: Iteration 224 +2016-08-30 22:49:13,180 DEBUG: View 0 : 0.685863874346 +2016-08-30 22:49:13,200 DEBUG: View 1 : 0.413612565445 +2016-08-30 22:49:13,220 DEBUG: View 2 : 0.497382198953 +2016-08-30 22:49:13,244 DEBUG: View 3 : 0.424083769634 +2016-08-30 22:49:15,287 DEBUG: Best view : View0 +2016-08-30 22:49:30,832 DEBUG: Start: Iteration 225 +2016-08-30 22:49:30,853 DEBUG: View 0 : 0.664921465969 +2016-08-30 22:49:30,875 DEBUG: View 1 : 0.371727748691 +2016-08-30 22:49:30,894 DEBUG: View 2 : 0.492146596859 +2016-08-30 22:49:30,917 DEBUG: View 3 : 0.408376963351 +2016-08-30 22:49:32,999 DEBUG: Best view : View0 +2016-08-30 22:49:48,644 DEBUG: Start: Iteration 226 +2016-08-30 22:49:48,666 DEBUG: View 0 : 0.706806282723 +2016-08-30 22:49:48,686 DEBUG: View 1 : 0.497382198953 +2016-08-30 22:49:48,706 DEBUG: View 2 : 0.544502617801 +2016-08-30 22:49:48,728 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:49:50,798 DEBUG: Best view : View0 +2016-08-30 22:50:06,504 DEBUG: Start: Iteration 227 +2016-08-30 22:50:06,525 DEBUG: View 0 : 0.732984293194 +2016-08-30 22:50:06,545 DEBUG: View 1 : 0.429319371728 +2016-08-30 22:50:06,565 DEBUG: View 2 : 0.408376963351 +2016-08-30 22:50:06,588 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:50:08,663 DEBUG: Best view : View0 +2016-08-30 22:50:24,457 DEBUG: Start: Iteration 228 +2016-08-30 22:50:24,478 DEBUG: View 0 : 0.69109947644 +2016-08-30 22:50:24,499 DEBUG: View 1 : 0.544502617801 +2016-08-30 22:50:24,519 DEBUG: View 2 : 0.44502617801 +2016-08-30 22:50:24,542 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:50:26,626 DEBUG: Best view : View0 +2016-08-30 22:50:42,648 DEBUG: Start: Iteration 229 +2016-08-30 22:50:42,669 DEBUG: View 0 : 0.649214659686 +2016-08-30 22:50:42,689 DEBUG: View 1 : 0.55497382199 +2016-08-30 22:50:42,709 DEBUG: View 2 : 0.560209424084 +2016-08-30 22:50:42,733 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:50:44,829 DEBUG: Best view : View0 +2016-08-30 22:51:00,787 DEBUG: Start: Iteration 230 +2016-08-30 22:51:00,809 DEBUG: View 0 : 0.738219895288 +2016-08-30 22:51:00,828 DEBUG: View 1 : 0.497382198953 +2016-08-30 22:51:00,848 DEBUG: View 2 : 0.65445026178 +2016-08-30 22:51:00,872 DEBUG: View 3 : 0.44502617801 +2016-08-30 22:51:02,959 DEBUG: Best view : View0 +2016-08-30 22:51:18,932 DEBUG: Start: Iteration 231 +2016-08-30 22:51:18,953 DEBUG: View 0 : 0.638743455497 +2016-08-30 22:51:18,973 DEBUG: View 1 : 0.460732984293 +2016-08-30 22:51:18,993 DEBUG: View 2 : 0.534031413613 +2016-08-30 22:51:19,017 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:51:21,113 DEBUG: Best view : View0 +2016-08-30 22:51:37,274 DEBUG: Start: Iteration 232 +2016-08-30 22:51:37,296 DEBUG: View 0 : 0.612565445026 +2016-08-30 22:51:37,316 DEBUG: View 1 : 0.51832460733 +2016-08-30 22:51:37,336 DEBUG: View 2 : 0.544502617801 +2016-08-30 22:51:37,358 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:51:39,465 DEBUG: Best view : View0 +2016-08-30 22:51:55,651 DEBUG: Start: Iteration 233 +2016-08-30 22:51:55,672 DEBUG: View 0 : 0.722513089005 +2016-08-30 22:51:55,692 DEBUG: View 1 : 0.408376963351 +2016-08-30 22:51:55,712 DEBUG: View 2 : 0.413612565445 +2016-08-30 22:51:55,736 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:51:57,872 DEBUG: Best view : View0 +2016-08-30 22:52:14,150 DEBUG: Start: Iteration 234 +2016-08-30 22:52:14,172 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:52:14,192 DEBUG: View 1 : 0.413612565445 +2016-08-30 22:52:14,212 DEBUG: View 2 : 0.575916230366 +2016-08-30 22:52:14,235 DEBUG: View 3 : 0.586387434555 +2016-08-30 22:52:16,372 DEBUG: Best view : View0 +2016-08-30 22:52:32,690 DEBUG: Start: Iteration 235 +2016-08-30 22:52:32,712 DEBUG: View 0 : 0.643979057592 +2016-08-30 22:52:32,732 DEBUG: View 1 : 0.544502617801 +2016-08-30 22:52:32,752 DEBUG: View 2 : 0.48167539267 +2016-08-30 22:52:32,775 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:52:34,909 DEBUG: Best view : View0 +2016-08-30 22:52:51,291 DEBUG: Start: Iteration 236 +2016-08-30 22:52:51,313 DEBUG: View 0 : 0.65445026178 +2016-08-30 22:52:51,333 DEBUG: View 1 : 0.51832460733 +2016-08-30 22:52:51,353 DEBUG: View 2 : 0.471204188482 +2016-08-30 22:52:51,377 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:52:53,544 DEBUG: Best view : View0 +2016-08-30 22:53:10,027 DEBUG: Start: Iteration 237 +2016-08-30 22:53:10,048 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:53:10,069 DEBUG: View 1 : 0.549738219895 +2016-08-30 22:53:10,088 DEBUG: View 2 : 0.575916230366 +2016-08-30 22:53:10,112 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:53:12,261 DEBUG: Best view : View0 +2016-08-30 22:53:28,756 DEBUG: Start: Iteration 238 +2016-08-30 22:53:28,777 DEBUG: View 0 : 0.643979057592 +2016-08-30 22:53:28,797 DEBUG: View 1 : 0.471204188482 +2016-08-30 22:53:28,817 DEBUG: View 2 : 0.528795811518 +2016-08-30 22:53:28,840 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:53:30,994 DEBUG: Best view : View0 +2016-08-30 22:53:47,540 DEBUG: Start: Iteration 239 +2016-08-30 22:53:47,562 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:53:47,582 DEBUG: View 1 : 0.581151832461 +2016-08-30 22:53:47,602 DEBUG: View 2 : 0.61780104712 +2016-08-30 22:53:47,625 DEBUG: View 3 : 0.544502617801 +2016-08-30 22:53:49,791 DEBUG: Best view : View0 +2016-08-30 22:54:06,432 DEBUG: Start: Iteration 240 +2016-08-30 22:54:06,453 DEBUG: View 0 : 0.664921465969 +2016-08-30 22:54:06,473 DEBUG: View 1 : 0.649214659686 +2016-08-30 22:54:06,493 DEBUG: View 2 : 0.424083769634 +2016-08-30 22:54:06,516 DEBUG: View 3 : 0.486910994764 +2016-08-30 22:54:08,691 DEBUG: Best view : View1 +2016-08-30 22:54:25,396 DEBUG: Start: Iteration 241 +2016-08-30 22:54:25,417 DEBUG: View 0 : 0.696335078534 +2016-08-30 22:54:25,437 DEBUG: View 1 : 0.528795811518 +2016-08-30 22:54:25,457 DEBUG: View 2 : 0.361256544503 +2016-08-30 22:54:25,480 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:54:27,690 DEBUG: Best view : View0 +2016-08-30 22:54:44,496 DEBUG: Start: Iteration 242 +2016-08-30 22:54:44,517 DEBUG: View 0 : 0.701570680628 +2016-08-30 22:54:44,537 DEBUG: View 1 : 0.392670157068 +2016-08-30 22:54:44,558 DEBUG: View 2 : 0.460732984293 +2016-08-30 22:54:44,581 DEBUG: View 3 : 0.413612565445 +2016-08-30 22:54:46,770 DEBUG: Best view : View0 +2016-08-30 22:55:03,617 DEBUG: Start: Iteration 243 +2016-08-30 22:55:03,639 DEBUG: View 0 : 0.706806282723 +2016-08-30 22:55:03,659 DEBUG: View 1 : 0.455497382199 +2016-08-30 22:55:03,679 DEBUG: View 2 : 0.450261780105 +2016-08-30 22:55:03,702 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:55:05,895 DEBUG: Best view : View0 +2016-08-30 22:55:22,826 DEBUG: Start: Iteration 244 +2016-08-30 22:55:22,848 DEBUG: View 0 : 0.586387434555 +2016-08-30 22:55:22,867 DEBUG: View 1 : 0.48167539267 +2016-08-30 22:55:22,887 DEBUG: View 2 : 0.476439790576 +2016-08-30 22:55:22,910 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:55:25,148 DEBUG: Best view : View0 +2016-08-30 22:55:42,199 DEBUG: Start: Iteration 245 +2016-08-30 22:55:42,220 DEBUG: View 0 : 0.570680628272 +2016-08-30 22:55:42,240 DEBUG: View 1 : 0.502617801047 +2016-08-30 22:55:42,260 DEBUG: View 2 : 0.586387434555 +2016-08-30 22:55:42,283 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:55:44,494 DEBUG: Best view : View2 +2016-08-30 22:56:01,522 DEBUG: Start: Iteration 246 +2016-08-30 22:56:01,544 DEBUG: View 0 : 0.732984293194 +2016-08-30 22:56:01,564 DEBUG: View 1 : 0.44502617801 +2016-08-30 22:56:01,585 DEBUG: View 2 : 0.51832460733 +2016-08-30 22:56:01,608 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:56:03,832 DEBUG: Best view : View0 +2016-08-30 22:56:20,969 DEBUG: Start: Iteration 247 +2016-08-30 22:56:20,990 DEBUG: View 0 : 0.664921465969 +2016-08-30 22:56:21,010 DEBUG: View 1 : 0.497382198953 +2016-08-30 22:56:21,030 DEBUG: View 2 : 0.44502617801 +2016-08-30 22:56:21,053 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:56:23,299 DEBUG: Best view : View0 +2016-08-30 22:56:40,551 DEBUG: Start: Iteration 248 +2016-08-30 22:56:40,573 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:56:40,593 DEBUG: View 1 : 0.450261780105 +2016-08-30 22:56:40,613 DEBUG: View 2 : 0.429319371728 +2016-08-30 22:56:40,635 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:56:42,870 DEBUG: Best view : View0 +2016-08-30 22:57:00,165 DEBUG: Start: Iteration 249 +2016-08-30 22:57:00,187 DEBUG: View 0 : 0.670157068063 +2016-08-30 22:57:00,208 DEBUG: View 1 : 0.539267015707 +2016-08-30 22:57:00,228 DEBUG: View 2 : 0.424083769634 +2016-08-30 22:57:00,252 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:57:02,506 DEBUG: Best view : View0 +2016-08-30 22:57:19,836 DEBUG: Start: Iteration 250 +2016-08-30 22:57:19,858 DEBUG: View 0 : 0.549738219895 +2016-08-30 22:57:19,878 DEBUG: View 1 : 0.403141361257 +2016-08-30 22:57:19,897 DEBUG: View 2 : 0.507853403141 +2016-08-30 22:57:19,921 DEBUG: View 3 : 0.460732984293 +2016-08-30 22:57:22,200 DEBUG: Best view : View0 +2016-08-30 22:57:39,642 DEBUG: Start: Iteration 251 +2016-08-30 22:57:39,664 DEBUG: View 0 : 0.633507853403 +2016-08-30 22:57:39,683 DEBUG: View 1 : 0.591623036649 +2016-08-30 22:57:39,703 DEBUG: View 2 : 0.418848167539 +2016-08-30 22:57:39,726 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:57:41,981 DEBUG: Best view : View0 +2016-08-30 22:57:59,469 DEBUG: Start: Iteration 252 +2016-08-30 22:57:59,491 DEBUG: View 0 : 0.712041884817 +2016-08-30 22:57:59,511 DEBUG: View 1 : 0.549738219895 +2016-08-30 22:57:59,531 DEBUG: View 2 : 0.418848167539 +2016-08-30 22:57:59,554 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:58:01,824 DEBUG: Best view : View0 +2016-08-30 22:58:19,333 DEBUG: Start: Iteration 253 +2016-08-30 22:58:19,355 DEBUG: View 0 : 0.675392670157 +2016-08-30 22:58:19,375 DEBUG: View 1 : 0.44502617801 +2016-08-30 22:58:19,394 DEBUG: View 2 : 0.48167539267 +2016-08-30 22:58:19,418 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:58:21,686 DEBUG: Best view : View0 +2016-08-30 22:58:39,317 DEBUG: Start: Iteration 254 +2016-08-30 22:58:39,339 DEBUG: View 0 : 0.743455497382 +2016-08-30 22:58:39,358 DEBUG: View 1 : 0.429319371728 +2016-08-30 22:58:39,379 DEBUG: View 2 : 0.439790575916 +2016-08-30 22:58:39,401 DEBUG: View 3 : 0.48167539267 +2016-08-30 22:58:41,688 DEBUG: Best view : View0 +2016-08-30 22:58:59,343 DEBUG: Start: Iteration 255 +2016-08-30 22:58:59,365 DEBUG: View 0 : 0.659685863874 +2016-08-30 22:58:59,384 DEBUG: View 1 : 0.523560209424 +2016-08-30 22:58:59,404 DEBUG: View 2 : 0.418848167539 +2016-08-30 22:58:59,427 DEBUG: View 3 : 0.476439790576 +2016-08-30 22:59:01,721 DEBUG: Best view : View0 +2016-08-30 22:59:19,450 DEBUG: Start: Iteration 256 +2016-08-30 22:59:19,471 DEBUG: View 0 : 0.69109947644 +2016-08-30 22:59:19,491 DEBUG: View 1 : 0.502617801047 +2016-08-30 22:59:19,512 DEBUG: View 2 : 0.361256544503 +2016-08-30 22:59:19,535 DEBUG: View 3 : 0.418848167539 +2016-08-30 22:59:21,840 DEBUG: Best view : View0 +2016-08-30 22:59:39,633 DEBUG: Start: Iteration 257 +2016-08-30 22:59:39,655 DEBUG: View 0 : 0.717277486911 +2016-08-30 22:59:39,675 DEBUG: View 1 : 0.539267015707 +2016-08-30 22:59:39,695 DEBUG: View 2 : 0.44502617801 +2016-08-30 22:59:39,718 DEBUG: View 3 : 0.497382198953 +2016-08-30 22:59:42,045 DEBUG: Best view : View0 +2016-08-30 22:59:59,927 DEBUG: Start: Iteration 258 +2016-08-30 22:59:59,949 DEBUG: View 0 : 0.659685863874 +2016-08-30 22:59:59,969 DEBUG: View 1 : 0.544502617801 +2016-08-30 22:59:59,988 DEBUG: View 2 : 0.340314136126 +2016-08-30 23:00:00,011 DEBUG: View 3 : 0.476439790576 +2016-08-30 23:00:02,333 DEBUG: Best view : View0 +2016-08-30 23:00:20,320 DEBUG: Start: Iteration 259 +2016-08-30 23:00:20,341 DEBUG: View 0 : 0.675392670157 +2016-08-30 23:00:20,361 DEBUG: View 1 : 0.471204188482 +2016-08-30 23:00:20,381 DEBUG: View 2 : 0.392670157068 +2016-08-30 23:00:20,404 DEBUG: View 3 : 0.408376963351 +2016-08-30 23:00:22,801 DEBUG: Best view : View0 +2016-08-30 23:00:40,818 DEBUG: Start: Iteration 260 +2016-08-30 23:00:40,839 DEBUG: View 0 : 0.675392670157 +2016-08-30 23:00:40,859 DEBUG: View 1 : 0.570680628272 +2016-08-30 23:00:40,879 DEBUG: View 2 : 0.544502617801 +2016-08-30 23:00:40,902 DEBUG: View 3 : 0.492146596859 +2016-08-30 23:00:43,239 DEBUG: Best view : View0 +2016-08-30 23:01:01,325 DEBUG: Start: Iteration 261 +2016-08-30 23:01:01,346 DEBUG: View 0 : 0.696335078534 +2016-08-30 23:01:01,366 DEBUG: View 1 : 0.528795811518 +2016-08-30 23:01:01,386 DEBUG: View 2 : 0.586387434555 +2016-08-30 23:01:01,409 DEBUG: View 3 : 0.476439790576 +2016-08-30 23:01:03,749 DEBUG: Best view : View0 +2016-08-30 23:01:21,889 DEBUG: Start: Iteration 262 +2016-08-30 23:01:21,911 DEBUG: View 0 : 0.659685863874 +2016-08-30 23:01:21,931 DEBUG: View 1 : 0.513089005236 +2016-08-30 23:01:21,951 DEBUG: View 2 : 0.361256544503 +2016-08-30 23:01:21,974 DEBUG: View 3 : 0.476439790576 +2016-08-30 23:01:24,325 DEBUG: Best view : View0 +2016-08-30 23:01:42,533 DEBUG: Start: Iteration 263 +2016-08-30 23:01:42,555 DEBUG: View 0 : 0.79057591623 +2016-08-30 23:01:42,574 DEBUG: View 1 : 0.497382198953 +2016-08-30 23:01:42,594 DEBUG: View 2 : 0.591623036649 +2016-08-30 23:01:42,617 DEBUG: View 3 : 0.476439790576 +2016-08-30 23:01:44,955 DEBUG: Best view : View0 +2016-08-30 23:02:03,228 DEBUG: Start: Iteration 264 +2016-08-30 23:02:03,249 DEBUG: View 0 : 0.649214659686 +2016-08-30 23:02:03,269 DEBUG: View 1 : 0.513089005236 +2016-08-30 23:02:03,290 DEBUG: View 2 : 0.565445026178 +2016-08-30 23:02:03,312 DEBUG: View 3 : 0.476439790576 +2016-08-30 23:02:05,660 DEBUG: Best view : View0 +2016-08-30 23:02:24,107 DEBUG: Start: Iteration 265 +2016-08-30 23:02:24,129 DEBUG: View 0 : 0.65445026178 +2016-08-30 23:02:24,148 DEBUG: View 1 : 0.439790575916 +2016-08-30 23:02:24,168 DEBUG: View 2 : 0.575916230366 +2016-08-30 23:02:24,192 DEBUG: View 3 : 0.476439790576 +2016-08-30 23:02:26,552 DEBUG: Best view : View0 +2016-08-30 23:02:44,993 DEBUG: Start: Iteration 266 +2016-08-30 23:02:45,015 DEBUG: View 0 : 0.664921465969 +2016-08-30 23:02:45,034 DEBUG: View 1 : 0.581151832461 +2016-08-30 23:02:45,054 DEBUG: View 2 : 0.439790575916 +2016-08-30 23:02:45,077 DEBUG: View 3 : 0.476439790576 +2016-08-30 23:02:47,456 DEBUG: Best view : View0 +2016-08-30 23:03:05,965 DEBUG: Start: Iteration 267 +2016-08-30 23:03:05,987 DEBUG: View 0 : 0.717277486911 +2016-08-30 23:03:06,007 DEBUG: View 1 : 0.48167539267 +2016-08-30 23:03:06,027 DEBUG: View 2 : 0.497382198953 +2016-08-30 23:03:06,050 DEBUG: View 3 : 0.476439790576 +2016-08-30 23:03:08,421 DEBUG: Best view : View0 +2016-08-30 23:03:26,972 DEBUG: Start: Iteration 268 +2016-08-30 23:03:26,994 DEBUG: View 0 : 0.712041884817 +2016-08-30 23:03:27,013 DEBUG: View 1 : 0.502617801047 +2016-08-30 23:03:27,033 DEBUG: View 2 : 0.408376963351 +2016-08-30 23:03:27,056 DEBUG: View 3 : 0.408376963351 +2016-08-30 23:03:29,442 DEBUG: Best view : View0 +2016-08-30 23:03:48,082 DEBUG: Start: Iteration 269 +2016-08-30 23:03:48,104 DEBUG: View 0 : 0.670157068063 +2016-08-30 23:03:48,123 DEBUG: View 1 : 0.549738219895 +2016-08-30 23:03:48,144 DEBUG: View 2 : 0.418848167539 +2016-08-30 23:03:48,166 DEBUG: View 3 : 0.476439790576 +2016-08-30 23:03:50,565 DEBUG: Best view : View0 +2016-08-30 23:04:09,262 DEBUG: Start: Iteration 270 +2016-08-30 23:04:09,283 DEBUG: View 0 : 0.633507853403 +2016-08-30 23:04:09,303 DEBUG: View 1 : 0.570680628272 +2016-08-30 23:04:09,322 DEBUG: View 2 : 0.424083769634 +2016-08-30 23:04:09,346 DEBUG: View 3 : 0.413612565445 +2016-08-30 23:04:11,744 DEBUG: Best view : View0 +2016-08-30 23:04:30,555 DEBUG: Start: Iteration 271 +2016-08-30 23:04:30,577 DEBUG: View 0 : 0.675392670157 +2016-08-30 23:04:30,598 DEBUG: View 1 : 0.44502617801 +2016-08-30 23:04:30,618 DEBUG: View 2 : 0.502617801047 +2016-08-30 23:04:30,642 DEBUG: View 3 : 0.497382198953 +2016-08-30 23:04:33,057 DEBUG: Best view : View0 +2016-08-30 23:04:51,886 DEBUG: Start: Iteration 272 +2016-08-30 23:04:51,907 DEBUG: View 0 : 0.680628272251 +2016-08-30 23:04:51,927 DEBUG: View 1 : 0.48167539267 +2016-08-30 23:04:51,947 DEBUG: View 2 : 0.434554973822 +2016-08-30 23:04:51,970 DEBUG: View 3 : 0.476439790576 +2016-08-30 23:04:54,409 DEBUG: Best view : View0 +2016-08-30 23:05:13,339 DEBUG: Start: Iteration 273 +2016-08-30 23:05:13,360 DEBUG: View 0 : 0.680628272251 +2016-08-30 23:05:13,379 DEBUG: View 1 : 0.549738219895 +2016-08-30 23:05:13,399 DEBUG: View 2 : 0.460732984293 +2016-08-30 23:05:13,422 DEBUG: View 3 : 0.476439790576 +2016-08-30 23:05:15,846 DEBUG: Best view : View0 +2016-08-30 23:05:34,827 DEBUG: Start: Iteration 274 +2016-08-30 23:05:34,848 DEBUG: View 0 : 0.696335078534 +2016-08-30 23:05:34,868 DEBUG: View 1 : 0.424083769634 +2016-08-30 23:05:34,888 DEBUG: View 2 : 0.350785340314 +2016-08-30 23:05:34,911 DEBUG: View 3 : 0.476439790576 +2016-08-30 23:05:37,360 DEBUG: Best view : View0 +2016-08-30 23:05:56,392 DEBUG: Start: Iteration 275 +2016-08-30 23:05:56,414 DEBUG: View 0 : 0.659685863874 +2016-08-30 23:05:56,433 DEBUG: View 1 : 0.392670157068 +2016-08-30 23:05:56,454 DEBUG: View 2 : 0.48167539267 +2016-08-30 23:05:56,477 DEBUG: View 3 : 0.502617801047 +2016-08-30 23:05:58,940 DEBUG: Best view : View0 +2016-08-30 23:06:18,080 DEBUG: Start: Iteration 276 +2016-08-30 23:06:18,101 DEBUG: View 0 : 0.675392670157 +2016-08-30 23:06:18,121 DEBUG: View 1 : 0.356020942408 +2016-08-30 23:06:18,141 DEBUG: View 2 : 0.581151832461 +2016-08-30 23:06:18,164 DEBUG: View 3 : 0.424083769634 +2016-08-30 23:06:20,658 DEBUG: Best view : View0 +2016-08-30 23:06:39,901 DEBUG: Start: Iteration 277 +2016-08-30 23:06:39,923 DEBUG: View 0 : 0.685863874346 +2016-08-30 23:06:39,943 DEBUG: View 1 : 0.549738219895 +2016-08-30 23:06:39,963 DEBUG: View 2 : 0.371727748691 +2016-08-30 23:06:39,986 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:06:42,461 DEBUG: Best view : View0 +2016-08-30 23:07:01,839 DEBUG: Start: Iteration 278 +2016-08-30 23:07:01,861 DEBUG: View 0 : 0.701570680628 +2016-08-30 23:07:01,881 DEBUG: View 1 : 0.471204188482 +2016-08-30 23:07:01,901 DEBUG: View 2 : 0.361256544503 +2016-08-30 23:07:01,924 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:07:04,407 DEBUG: Best view : View0 +2016-08-30 23:07:23,837 DEBUG: Start: Iteration 279 +2016-08-30 23:07:23,859 DEBUG: View 0 : 0.633507853403 +2016-08-30 23:07:23,878 DEBUG: View 1 : 0.476439790576 +2016-08-30 23:07:23,898 DEBUG: View 2 : 0.48167539267 +2016-08-30 23:07:23,921 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:07:26,414 DEBUG: Best view : View0 +2016-08-30 23:07:45,920 DEBUG: Start: Iteration 280 +2016-08-30 23:07:45,941 DEBUG: View 0 : 0.61780104712 +2016-08-30 23:07:45,961 DEBUG: View 1 : 0.534031413613 +2016-08-30 23:07:45,981 DEBUG: View 2 : 0.680628272251 +2016-08-30 23:07:46,003 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:07:48,528 DEBUG: Best view : View2 +2016-08-30 23:08:08,002 DEBUG: Start: Iteration 281 +2016-08-30 23:08:08,024 DEBUG: View 0 : 0.706806282723 +2016-08-30 23:08:08,044 DEBUG: View 1 : 0.403141361257 +2016-08-30 23:08:08,064 DEBUG: View 2 : 0.460732984293 +2016-08-30 23:08:08,087 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:08:10,609 DEBUG: Best view : View0 +2016-08-30 23:08:30,171 DEBUG: Start: Iteration 282 +2016-08-30 23:08:30,192 DEBUG: View 0 : 0.633507853403 +2016-08-30 23:08:30,212 DEBUG: View 1 : 0.298429319372 +2016-08-30 23:08:30,232 DEBUG: View 2 : 0.55497382199 +2016-08-30 23:08:30,254 DEBUG: View 3 : 0.586387434555 +2016-08-30 23:08:32,768 DEBUG: Best view : View0 +2016-08-30 23:08:52,361 DEBUG: Start: Iteration 283 +2016-08-30 23:08:52,383 DEBUG: View 0 : 0.722513089005 +2016-08-30 23:08:52,403 DEBUG: View 1 : 0.523560209424 +2016-08-30 23:08:52,423 DEBUG: View 2 : 0.69109947644 +2016-08-30 23:08:52,446 DEBUG: View 3 : 0.424083769634 +2016-08-30 23:08:54,971 DEBUG: Best view : View0 +2016-08-30 23:09:14,621 DEBUG: Start: Iteration 284 +2016-08-30 23:09:14,642 DEBUG: View 0 : 0.638743455497 +2016-08-30 23:09:14,662 DEBUG: View 1 : 0.528795811518 +2016-08-30 23:09:14,682 DEBUG: View 2 : 0.439790575916 +2016-08-30 23:09:14,705 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:09:17,248 DEBUG: Best view : View0 +2016-08-30 23:09:37,020 DEBUG: Start: Iteration 285 +2016-08-30 23:09:37,042 DEBUG: View 0 : 0.69109947644 +2016-08-30 23:09:37,061 DEBUG: View 1 : 0.460732984293 +2016-08-30 23:09:37,081 DEBUG: View 2 : 0.429319371728 +2016-08-30 23:09:37,104 DEBUG: View 3 : 0.408376963351 +2016-08-30 23:09:39,638 DEBUG: Best view : View0 +2016-08-30 23:09:59,500 DEBUG: Start: Iteration 286 +2016-08-30 23:09:59,521 DEBUG: View 0 : 0.649214659686 +2016-08-30 23:09:59,541 DEBUG: View 1 : 0.502617801047 +2016-08-30 23:09:59,561 DEBUG: View 2 : 0.424083769634 +2016-08-30 23:09:59,585 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:10:02,136 DEBUG: Best view : View0 +2016-08-30 23:10:22,002 DEBUG: Start: Iteration 287 +2016-08-30 23:10:22,023 DEBUG: View 0 : 0.664921465969 +2016-08-30 23:10:22,043 DEBUG: View 1 : 0.48167539267 +2016-08-30 23:10:22,063 DEBUG: View 2 : 0.44502617801 +2016-08-30 23:10:22,086 DEBUG: View 3 : 0.48167539267 +2016-08-30 23:10:24,638 DEBUG: Best view : View0 +2016-08-30 23:10:44,606 DEBUG: Start: Iteration 288 +2016-08-30 23:10:44,627 DEBUG: View 0 : 0.712041884817 +2016-08-30 23:10:44,647 DEBUG: View 1 : 0.476439790576 +2016-08-30 23:10:44,667 DEBUG: View 2 : 0.424083769634 +2016-08-30 23:10:44,690 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:10:47,277 DEBUG: Best view : View0 +2016-08-30 23:11:07,320 DEBUG: Start: Iteration 289 +2016-08-30 23:11:07,342 DEBUG: View 0 : 0.685863874346 +2016-08-30 23:11:07,362 DEBUG: View 1 : 0.356020942408 +2016-08-30 23:11:07,383 DEBUG: View 2 : 0.586387434555 +2016-08-30 23:11:07,406 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:11:09,984 DEBUG: Best view : View0 +2016-08-30 23:11:30,125 DEBUG: Start: Iteration 290 +2016-08-30 23:11:30,147 DEBUG: View 0 : 0.670157068063 +2016-08-30 23:11:30,167 DEBUG: View 1 : 0.649214659686 +2016-08-30 23:11:30,187 DEBUG: View 2 : 0.659685863874 +2016-08-30 23:11:30,210 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:11:32,795 DEBUG: Best view : View2 +2016-08-30 23:11:52,944 DEBUG: Start: Iteration 291 +2016-08-30 23:11:52,965 DEBUG: View 0 : 0.659685863874 +2016-08-30 23:11:52,985 DEBUG: View 1 : 0.539267015707 +2016-08-30 23:11:53,006 DEBUG: View 2 : 0.523560209424 +2016-08-30 23:11:53,029 DEBUG: View 3 : 0.492146596859 +2016-08-30 23:11:55,626 DEBUG: Best view : View0 +2016-08-30 23:12:15,846 DEBUG: Start: Iteration 292 +2016-08-30 23:12:15,867 DEBUG: View 0 : 0.539267015707 +2016-08-30 23:12:15,887 DEBUG: View 1 : 0.471204188482 +2016-08-30 23:12:15,906 DEBUG: View 2 : 0.486910994764 +2016-08-30 23:12:15,929 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:12:18,551 DEBUG: Best view : View0 +2016-08-30 23:12:38,892 DEBUG: Start: Iteration 293 +2016-08-30 23:12:38,913 DEBUG: View 0 : 0.696335078534 +2016-08-30 23:12:38,934 DEBUG: View 1 : 0.497382198953 +2016-08-30 23:12:38,954 DEBUG: View 2 : 0.513089005236 +2016-08-30 23:12:38,977 DEBUG: View 3 : 0.371727748691 +2016-08-30 23:12:41,585 DEBUG: Best view : View0 +2016-08-30 23:13:01,978 DEBUG: Start: Iteration 294 +2016-08-30 23:13:02,000 DEBUG: View 0 : 0.680628272251 +2016-08-30 23:13:02,020 DEBUG: View 1 : 0.507853403141 +2016-08-30 23:13:02,040 DEBUG: View 2 : 0.366492146597 +2016-08-30 23:13:02,064 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:13:04,695 DEBUG: Best view : View0 +2016-08-30 23:13:25,096 DEBUG: Start: Iteration 295 +2016-08-30 23:13:25,117 DEBUG: View 0 : 0.712041884817 +2016-08-30 23:13:25,137 DEBUG: View 1 : 0.486910994764 +2016-08-30 23:13:25,157 DEBUG: View 2 : 0.371727748691 +2016-08-30 23:13:25,180 DEBUG: View 3 : 0.497382198953 +2016-08-30 23:13:27,806 DEBUG: Best view : View0 +2016-08-30 23:13:48,287 DEBUG: Start: Iteration 296 +2016-08-30 23:13:48,308 DEBUG: View 0 : 0.722513089005 +2016-08-30 23:13:48,328 DEBUG: View 1 : 0.439790575916 +2016-08-30 23:13:48,348 DEBUG: View 2 : 0.376963350785 +2016-08-30 23:13:48,371 DEBUG: View 3 : 0.413612565445 +2016-08-30 23:13:51,011 DEBUG: Best view : View0 +2016-08-30 23:14:11,646 DEBUG: Start: Iteration 297 +2016-08-30 23:14:11,668 DEBUG: View 0 : 0.591623036649 +2016-08-30 23:14:11,688 DEBUG: View 1 : 0.528795811518 +2016-08-30 23:14:11,708 DEBUG: View 2 : 0.581151832461 +2016-08-30 23:14:11,731 DEBUG: View 3 : 0.539267015707 +2016-08-30 23:14:14,368 DEBUG: Best view : View2 +2016-08-30 23:14:35,032 DEBUG: Start: Iteration 298 +2016-08-30 23:14:35,053 DEBUG: View 0 : 0.722513089005 +2016-08-30 23:14:35,073 DEBUG: View 1 : 0.476439790576 +2016-08-30 23:14:35,093 DEBUG: View 2 : 0.361256544503 +2016-08-30 23:14:35,116 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:14:37,760 DEBUG: Best view : View0 +2016-08-30 23:14:58,528 DEBUG: Start: Iteration 299 +2016-08-30 23:14:58,549 DEBUG: View 0 : 0.753926701571 +2016-08-30 23:14:58,569 DEBUG: View 1 : 0.455497382199 +2016-08-30 23:14:58,589 DEBUG: View 2 : 0.507853403141 +2016-08-30 23:14:58,612 DEBUG: View 3 : 0.429319371728 +2016-08-30 23:15:01,266 DEBUG: Best view : View0 +2016-08-30 23:15:22,061 DEBUG: Start: Iteration 300 +2016-08-30 23:15:22,082 DEBUG: View 0 : 0.65445026178 +2016-08-30 23:15:22,102 DEBUG: View 1 : 0.387434554974 +2016-08-30 23:15:22,122 DEBUG: View 2 : 0.418848167539 +2016-08-30 23:15:22,144 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:15:24,806 DEBUG: Best view : View0 +2016-08-30 23:15:45,644 DEBUG: Start: Iteration 301 +2016-08-30 23:15:45,666 DEBUG: View 0 : 0.712041884817 +2016-08-30 23:15:45,686 DEBUG: View 1 : 0.471204188482 +2016-08-30 23:15:45,706 DEBUG: View 2 : 0.434554973822 +2016-08-30 23:15:45,729 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:15:48,400 DEBUG: Best view : View0 +2016-08-30 23:16:09,389 DEBUG: Start: Iteration 302 +2016-08-30 23:16:09,413 DEBUG: View 0 : 0.717277486911 +2016-08-30 23:16:09,435 DEBUG: View 1 : 0.497382198953 +2016-08-30 23:16:09,458 DEBUG: View 2 : 0.434554973822 +2016-08-30 23:16:09,485 DEBUG: View 3 : 0.486910994764 +2016-08-30 23:16:12,193 DEBUG: Best view : View0 +2016-08-30 23:16:33,210 INFO: Start: Classification +2016-08-30 23:17:06,678 INFO: Done: Fold number 5 +2016-08-30 23:17:06,679 INFO: Done: Classification +2016-08-30 23:17:06,679 INFO: Info: Time for Classification: 19419[s] +2016-08-30 23:17:06,679 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-100254-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-100254-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..ea58b6ebc09b5842ecd7fc32e70e41c332c4bdd1 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-100254-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1 @@ +2016-09-01 10:02:54,870 INFO: Start: Finding all available mono- & multiview algorithms diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-100314-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-100314-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..87c25ba5937db5ecf4d0002267f628c0832d2a1d --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-100314-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1 @@ +2016-09-01 10:03:14,462 INFO: Start: Finding all available mono- & multiview algorithms diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-100551-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-100551-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..513c0c540072dbdae3d6332cafd3452c2b38752e --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-100551-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1 @@ +2016-09-01 10:05:51,159 INFO: Start: Finding all available mono- & multiview algorithms diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-101022-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-101022-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..865892e7eb27e402bebf027d865f426215434fb9 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-101022-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,17 @@ +2016-09-01 10:10:22,792 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:10:22,793 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:10:22,793 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:10:22,794 INFO: Info: Shape of View0 :(300, 7) +2016-09-01 10:10:22,794 INFO: Info: Shape of View1 :(300, 10) +2016-09-01 10:10:22,794 INFO: Info: Shape of View2 :(300, 14) +2016-09-01 10:10:22,795 INFO: Info: Shape of View3 :(300, 14) +2016-09-01 10:10:22,795 INFO: Done: Read Database Files +2016-09-01 10:10:22,795 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:10:22,805 INFO: Done: Determine validation split +2016-09-01 10:10:22,806 INFO: Start: Determine 5 folds +2016-09-01 10:10:22,818 INFO: Info: Length of Learning Sets: 178 +2016-09-01 10:10:22,819 INFO: Info: Length of Testing Sets: 39 +2016-09-01 10:10:22,819 INFO: Info: Length of Validation Set: 83 +2016-09-01 10:10:22,819 INFO: Done: Determine folds +2016-09-01 10:10:22,819 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:10:22,819 INFO: Start: Gridsearching best settings for monoview classifiers diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-101125-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-101125-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..3a55061b57e4e4da492e1c85e44bfdd5bf62ae78 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-101125-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,17 @@ +2016-09-01 10:11:25,022 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:11:25,023 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:11:25,023 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:11:25,024 INFO: Info: Shape of View0 :(300, 16) +2016-09-01 10:11:25,024 INFO: Info: Shape of View1 :(300, 20) +2016-09-01 10:11:25,025 INFO: Info: Shape of View2 :(300, 20) +2016-09-01 10:11:25,025 INFO: Info: Shape of View3 :(300, 9) +2016-09-01 10:11:25,025 INFO: Done: Read Database Files +2016-09-01 10:11:25,025 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:11:25,036 INFO: Done: Determine validation split +2016-09-01 10:11:25,036 INFO: Start: Determine 5 folds +2016-09-01 10:11:25,050 INFO: Info: Length of Learning Sets: 177 +2016-09-01 10:11:25,050 INFO: Info: Length of Testing Sets: 39 +2016-09-01 10:11:25,050 INFO: Info: Length of Validation Set: 84 +2016-09-01 10:11:25,050 INFO: Done: Determine folds +2016-09-01 10:11:25,050 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:11:25,051 INFO: Start: Gridsearching best settings for monoview classifiers diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-101143-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-101143-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..fad75db9fd1ab78116e383eca4995bf6dee4112d --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-101143-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,21 @@ +2016-09-01 10:11:43,153 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:11:43,155 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:11:43,155 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:11:43,155 INFO: Info: Shape of View0 :(300, 20) +2016-09-01 10:11:43,156 INFO: Info: Shape of View1 :(300, 17) +2016-09-01 10:11:43,156 INFO: Info: Shape of View2 :(300, 18) +2016-09-01 10:11:43,157 INFO: Info: Shape of View3 :(300, 6) +2016-09-01 10:11:43,157 INFO: Done: Read Database Files +2016-09-01 10:11:43,157 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:11:43,167 INFO: Done: Determine validation split +2016-09-01 10:11:43,167 INFO: Start: Determine 5 folds +2016-09-01 10:11:43,181 INFO: Info: Length of Learning Sets: 177 +2016-09-01 10:11:43,181 INFO: Info: Length of Testing Sets: 37 +2016-09-01 10:11:43,181 INFO: Info: Length of Validation Set: 86 +2016-09-01 10:11:43,181 INFO: Done: Determine folds +2016-09-01 10:11:43,181 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:11:43,181 INFO: Start: Gridsearching best settings for monoview classifiers +2016-09-01 10:11:43,182 DEBUG: Start: Gridsearch for DecisionTree on View0 +2016-09-01 10:15:45,055 DEBUG: Info: Best Reslut : 0.571869158879 +2016-09-01 10:15:45,055 DEBUG: Done: Gridsearch for DecisionTree +2016-09-01 10:15:45,055 DEBUG: Start: Gridsearch for DecisionTree on View1 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-101818-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-101818-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..ac8b67daca5195fe284561f8c873e7bd44de8808 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-101818-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,18 @@ +2016-09-01 10:18:18,982 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:18:18,984 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:18:18,984 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:18:18,984 INFO: Info: Shape of View0 :(300, 18) +2016-09-01 10:18:18,985 INFO: Info: Shape of View1 :(300, 17) +2016-09-01 10:18:18,985 INFO: Info: Shape of View2 :(300, 15) +2016-09-01 10:18:18,985 INFO: Info: Shape of View3 :(300, 7) +2016-09-01 10:18:18,986 INFO: Done: Read Database Files +2016-09-01 10:18:18,986 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:18:18,999 INFO: Done: Determine validation split +2016-09-01 10:18:18,999 INFO: Start: Determine 5 folds +2016-09-01 10:18:19,011 INFO: Info: Length of Learning Sets: 180 +2016-09-01 10:18:19,011 INFO: Info: Length of Testing Sets: 36 +2016-09-01 10:18:19,011 INFO: Info: Length of Validation Set: 84 +2016-09-01 10:18:19,011 INFO: Done: Determine folds +2016-09-01 10:18:19,012 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:18:19,012 INFO: Start: Gridsearching best settings for monoview classifiers +2016-09-01 10:18:19,012 DEBUG: Start: Gridsearch for DecisionTree on View0 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-101842-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-101842-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..8398b8840d209b488068cb24f069c2902cafd573 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-101842-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,18 @@ +2016-09-01 10:18:42,365 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:18:42,367 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:18:42,367 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:18:42,367 INFO: Info: Shape of View0 :(300, 19) +2016-09-01 10:18:42,368 INFO: Info: Shape of View1 :(300, 7) +2016-09-01 10:18:42,368 INFO: Info: Shape of View2 :(300, 18) +2016-09-01 10:18:42,369 INFO: Info: Shape of View3 :(300, 18) +2016-09-01 10:18:42,369 INFO: Done: Read Database Files +2016-09-01 10:18:42,369 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:18:42,380 INFO: Done: Determine validation split +2016-09-01 10:18:42,380 INFO: Start: Determine 5 folds +2016-09-01 10:18:42,391 INFO: Info: Length of Learning Sets: 178 +2016-09-01 10:18:42,391 INFO: Info: Length of Testing Sets: 38 +2016-09-01 10:18:42,391 INFO: Info: Length of Validation Set: 84 +2016-09-01 10:18:42,391 INFO: Done: Determine folds +2016-09-01 10:18:42,391 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:18:42,391 INFO: Start: Gridsearching best settings for monoview classifiers +2016-09-01 10:18:42,392 DEBUG: Start: Gridsearch for DecisionTree on View0 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-102009-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-102009-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..26f0d2ab456e0b3f873f27e0b56bb137057c7ae2 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-102009-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,18 @@ +2016-09-01 10:20:09,439 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:20:09,440 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:20:09,441 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:20:09,441 INFO: Info: Shape of View0 :(300, 9) +2016-09-01 10:20:09,441 INFO: Info: Shape of View1 :(300, 6) +2016-09-01 10:20:09,442 INFO: Info: Shape of View2 :(300, 10) +2016-09-01 10:20:09,442 INFO: Info: Shape of View3 :(300, 8) +2016-09-01 10:20:09,442 INFO: Done: Read Database Files +2016-09-01 10:20:09,443 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:20:09,454 INFO: Done: Determine validation split +2016-09-01 10:20:09,454 INFO: Start: Determine 5 folds +2016-09-01 10:20:09,467 INFO: Info: Length of Learning Sets: 178 +2016-09-01 10:20:09,467 INFO: Info: Length of Testing Sets: 38 +2016-09-01 10:20:09,467 INFO: Info: Length of Validation Set: 84 +2016-09-01 10:20:09,468 INFO: Done: Determine folds +2016-09-01 10:20:09,468 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:20:09,468 INFO: Start: Gridsearching best settings for monoview classifiers +2016-09-01 10:20:09,468 DEBUG: Start: Gridsearch for DecisionTree on View0 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-102048-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-102048-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..a2ffad63810b036bf352b8d1067e1bdd8988232d --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-102048-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,18 @@ +2016-09-01 10:20:48,195 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:20:48,196 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:20:48,196 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:20:48,197 INFO: Info: Shape of View0 :(300, 10) +2016-09-01 10:20:48,197 INFO: Info: Shape of View1 :(300, 14) +2016-09-01 10:20:48,197 INFO: Info: Shape of View2 :(300, 13) +2016-09-01 10:20:48,198 INFO: Info: Shape of View3 :(300, 19) +2016-09-01 10:20:48,198 INFO: Done: Read Database Files +2016-09-01 10:20:48,198 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:20:48,208 INFO: Done: Determine validation split +2016-09-01 10:20:48,208 INFO: Start: Determine 5 folds +2016-09-01 10:20:48,220 INFO: Info: Length of Learning Sets: 178 +2016-09-01 10:20:48,220 INFO: Info: Length of Testing Sets: 37 +2016-09-01 10:20:48,220 INFO: Info: Length of Validation Set: 85 +2016-09-01 10:20:48,220 INFO: Done: Determine folds +2016-09-01 10:20:48,220 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:20:48,220 INFO: Start: Gridsearching best settings for monoview classifiers +2016-09-01 10:20:48,220 DEBUG: Start: Gridsearch for DecisionTree on View0 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-102116-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-102116-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..2c1477b0eda396da11194667624006b41637aaba --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-102116-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,18 @@ +2016-09-01 10:21:16,434 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:21:16,435 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:21:16,436 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:21:16,436 INFO: Info: Shape of View0 :(300, 17) +2016-09-01 10:21:16,436 INFO: Info: Shape of View1 :(300, 12) +2016-09-01 10:21:16,437 INFO: Info: Shape of View2 :(300, 14) +2016-09-01 10:21:16,437 INFO: Info: Shape of View3 :(300, 11) +2016-09-01 10:21:16,437 INFO: Done: Read Database Files +2016-09-01 10:21:16,437 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:21:16,448 INFO: Done: Determine validation split +2016-09-01 10:21:16,448 INFO: Start: Determine 5 folds +2016-09-01 10:21:16,462 INFO: Info: Length of Learning Sets: 177 +2016-09-01 10:21:16,462 INFO: Info: Length of Testing Sets: 38 +2016-09-01 10:21:16,462 INFO: Info: Length of Validation Set: 85 +2016-09-01 10:21:16,462 INFO: Done: Determine folds +2016-09-01 10:21:16,462 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:21:16,463 INFO: Start: Gridsearching best settings for monoview classifiers +2016-09-01 10:21:16,463 DEBUG: Start: Gridsearch for DecisionTree on View0 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-102208-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-102208-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..a05f668838c6b46fef578611f66918bd33fed585 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-102208-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,18 @@ +2016-09-01 10:22:08,676 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:22:08,677 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:22:08,677 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:22:08,677 INFO: Info: Shape of View0 :(300, 5) +2016-09-01 10:22:08,678 INFO: Info: Shape of View1 :(300, 10) +2016-09-01 10:22:08,678 INFO: Info: Shape of View2 :(300, 18) +2016-09-01 10:22:08,679 INFO: Info: Shape of View3 :(300, 15) +2016-09-01 10:22:08,679 INFO: Done: Read Database Files +2016-09-01 10:22:08,679 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:22:08,689 INFO: Done: Determine validation split +2016-09-01 10:22:08,690 INFO: Start: Determine 5 folds +2016-09-01 10:22:08,704 INFO: Info: Length of Learning Sets: 179 +2016-09-01 10:22:08,704 INFO: Info: Length of Testing Sets: 38 +2016-09-01 10:22:08,704 INFO: Info: Length of Validation Set: 83 +2016-09-01 10:22:08,704 INFO: Done: Determine folds +2016-09-01 10:22:08,704 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:22:08,704 INFO: Start: Gridsearching best settings for monoview classifiers +2016-09-01 10:22:08,705 DEBUG: Start: Gridsearch for DecisionTree on View0 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-102311-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-102311-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..23c3860e8524a18c37be45025f7f687bd498a16d --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-102311-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,18 @@ +2016-09-01 10:23:11,614 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:23:11,616 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:23:11,616 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:23:11,616 INFO: Info: Shape of View0 :(300, 16) +2016-09-01 10:23:11,617 INFO: Info: Shape of View1 :(300, 15) +2016-09-01 10:23:11,617 INFO: Info: Shape of View2 :(300, 13) +2016-09-01 10:23:11,618 INFO: Info: Shape of View3 :(300, 11) +2016-09-01 10:23:11,618 INFO: Done: Read Database Files +2016-09-01 10:23:11,618 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:23:11,628 INFO: Done: Determine validation split +2016-09-01 10:23:11,628 INFO: Start: Determine 5 folds +2016-09-01 10:23:11,640 INFO: Info: Length of Learning Sets: 179 +2016-09-01 10:23:11,640 INFO: Info: Length of Testing Sets: 37 +2016-09-01 10:23:11,640 INFO: Info: Length of Validation Set: 84 +2016-09-01 10:23:11,640 INFO: Done: Determine folds +2016-09-01 10:23:11,640 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:23:11,641 INFO: Start: Gridsearching best settings for monoview classifiers +2016-09-01 10:23:11,641 DEBUG: Start: Gridsearch for DecisionTree on View0 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-102334-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-102334-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..b7408db4d4661bae76d590dffd113d4132824add --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-102334-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,17 @@ +2016-09-01 10:23:34,132 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:23:34,134 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:23:34,134 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:23:34,134 INFO: Info: Shape of View0 :(300, 6) +2016-09-01 10:23:34,135 INFO: Info: Shape of View1 :(300, 16) +2016-09-01 10:23:34,135 INFO: Info: Shape of View2 :(300, 11) +2016-09-01 10:23:34,136 INFO: Info: Shape of View3 :(300, 18) +2016-09-01 10:23:34,136 INFO: Done: Read Database Files +2016-09-01 10:23:34,136 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:23:34,146 INFO: Done: Determine validation split +2016-09-01 10:23:34,146 INFO: Start: Determine 5 folds +2016-09-01 10:23:34,160 INFO: Info: Length of Learning Sets: 176 +2016-09-01 10:23:34,160 INFO: Info: Length of Testing Sets: 39 +2016-09-01 10:23:34,160 INFO: Info: Length of Validation Set: 85 +2016-09-01 10:23:34,160 INFO: Done: Determine folds +2016-09-01 10:23:34,160 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:23:34,160 INFO: Start: Fold number 1 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-102528-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-102528-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..03d965746894655655b303654973bd5de65617fb --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-102528-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,17 @@ +2016-09-01 10:25:28,073 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:25:28,074 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:25:28,074 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:25:28,074 INFO: Info: Shape of View0 :(300, 5) +2016-09-01 10:25:28,075 INFO: Info: Shape of View1 :(300, 10) +2016-09-01 10:25:28,075 INFO: Info: Shape of View2 :(300, 20) +2016-09-01 10:25:28,076 INFO: Info: Shape of View3 :(300, 7) +2016-09-01 10:25:28,076 INFO: Done: Read Database Files +2016-09-01 10:25:28,076 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:25:28,088 INFO: Done: Determine validation split +2016-09-01 10:25:28,088 INFO: Start: Determine 5 folds +2016-09-01 10:25:28,100 INFO: Info: Length of Learning Sets: 179 +2016-09-01 10:25:28,100 INFO: Info: Length of Testing Sets: 37 +2016-09-01 10:25:28,100 INFO: Info: Length of Validation Set: 84 +2016-09-01 10:25:28,100 INFO: Done: Determine folds +2016-09-01 10:25:28,100 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:25:28,100 INFO: Start: Fold number 1 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-102547-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-102547-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..d87f036e525b3d7926a24f997da5cc5d79555869 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-102547-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,268 @@ +2016-09-01 10:25:47,429 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:25:47,431 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:25:47,431 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:25:47,431 INFO: Info: Shape of View0 :(300, 18) +2016-09-01 10:25:47,432 INFO: Info: Shape of View1 :(300, 14) +2016-09-01 10:25:47,432 INFO: Info: Shape of View2 :(300, 19) +2016-09-01 10:25:47,433 INFO: Info: Shape of View3 :(300, 10) +2016-09-01 10:25:47,433 INFO: Done: Read Database Files +2016-09-01 10:25:47,433 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:25:47,443 INFO: Done: Determine validation split +2016-09-01 10:25:47,443 INFO: Start: Determine 5 folds +2016-09-01 10:25:47,464 INFO: Info: Length of Learning Sets: 175 +2016-09-01 10:25:47,464 INFO: Info: Length of Testing Sets: 38 +2016-09-01 10:25:47,464 INFO: Info: Length of Validation Set: 87 +2016-09-01 10:25:47,464 INFO: Done: Determine folds +2016-09-01 10:25:47,464 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:25:47,464 INFO: Start: Fold number 1 +2016-09-01 10:25:55,460 DEBUG: Start: Iteration 1 +2016-09-01 10:25:55,468 DEBUG: View 0 : 0.11170212766 +2016-09-01 10:25:55,477 DEBUG: View 1 : 0.106382978723 +2016-09-01 10:25:55,485 DEBUG: View 2 : 0.122340425532 +2016-09-01 10:25:55,493 DEBUG: View 3 : 0.106382978723 +2016-09-01 10:25:55,493 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:25:55,742 DEBUG: Best view : View3 +2016-09-01 10:25:55,864 DEBUG: Start: Iteration 2 +2016-09-01 10:25:55,872 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:25:55,880 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:25:55,889 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:25:55,898 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:25:55,898 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:25:56,146 DEBUG: Best view : View0 +2016-09-01 10:25:56,339 DEBUG: Start: Iteration 3 +2016-09-01 10:25:56,347 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:25:56,356 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:25:56,364 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:25:56,372 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:25:56,372 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:25:56,635 DEBUG: Best view : View0 +2016-09-01 10:25:56,896 DEBUG: Start: Iteration 4 +2016-09-01 10:25:56,904 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:25:56,913 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:25:56,921 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:25:56,929 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:25:56,929 WARNING: WARNING: All bad for iteration 3 +2016-09-01 10:25:57,196 DEBUG: Best view : View0 +2016-09-01 10:25:57,529 DEBUG: Start: Iteration 5 +2016-09-01 10:25:57,537 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:25:57,545 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:25:57,554 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:25:57,562 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:25:57,562 WARNING: WARNING: All bad for iteration 4 +2016-09-01 10:25:57,837 DEBUG: Best view : View0 +2016-09-01 10:25:58,236 DEBUG: Start: Iteration 6 +2016-09-01 10:25:58,244 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:25:58,252 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:25:58,261 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:25:58,269 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:25:58,269 WARNING: WARNING: All bad for iteration 5 +2016-09-01 10:25:58,554 DEBUG: Best view : View0 +2016-09-01 10:25:59,024 DEBUG: Start: Iteration 7 +2016-09-01 10:25:59,033 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:25:59,041 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:25:59,049 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:25:59,058 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:25:59,058 WARNING: WARNING: All bad for iteration 6 +2016-09-01 10:25:59,350 DEBUG: Best view : View0 +2016-09-01 10:25:59,895 DEBUG: Start: Iteration 8 +2016-09-01 10:25:59,903 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:25:59,911 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:25:59,920 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:25:59,928 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:25:59,928 WARNING: WARNING: All bad for iteration 7 +2016-09-01 10:26:00,239 DEBUG: Best view : View0 +2016-09-01 10:26:00,854 DEBUG: Start: Iteration 9 +2016-09-01 10:26:00,862 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:00,871 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:00,879 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:00,887 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:00,888 WARNING: WARNING: All bad for iteration 8 +2016-09-01 10:26:01,198 DEBUG: Best view : View0 +2016-09-01 10:26:01,876 DEBUG: Start: Iteration 10 +2016-09-01 10:26:01,884 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:01,892 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:01,901 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:01,909 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:01,909 WARNING: WARNING: All bad for iteration 9 +2016-09-01 10:26:02,227 DEBUG: Best view : View0 +2016-09-01 10:26:02,972 DEBUG: Start: Iteration 11 +2016-09-01 10:26:02,980 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:02,988 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:02,997 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:03,005 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:03,005 WARNING: WARNING: All bad for iteration 10 +2016-09-01 10:26:03,334 DEBUG: Best view : View0 +2016-09-01 10:26:04,151 DEBUG: Start: Iteration 12 +2016-09-01 10:26:04,159 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:04,167 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:04,176 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:04,184 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:04,184 WARNING: WARNING: All bad for iteration 11 +2016-09-01 10:26:04,535 DEBUG: Best view : View0 +2016-09-01 10:26:05,493 DEBUG: Start: Iteration 13 +2016-09-01 10:26:05,501 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:05,509 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:05,518 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:05,526 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:05,527 WARNING: WARNING: All bad for iteration 12 +2016-09-01 10:26:05,878 DEBUG: Best view : View0 +2016-09-01 10:26:06,849 DEBUG: Start: Iteration 14 +2016-09-01 10:26:06,859 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:06,868 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:06,876 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:06,884 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:06,885 WARNING: WARNING: All bad for iteration 13 +2016-09-01 10:26:07,265 DEBUG: Best view : View0 +2016-09-01 10:26:08,412 DEBUG: Start: Iteration 15 +2016-09-01 10:26:08,421 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:08,430 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:08,439 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:08,449 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:08,449 WARNING: WARNING: All bad for iteration 14 +2016-09-01 10:26:08,827 DEBUG: Best view : View0 +2016-09-01 10:26:09,937 DEBUG: Start: Iteration 16 +2016-09-01 10:26:09,945 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:09,954 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:09,962 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:09,971 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:09,971 WARNING: WARNING: All bad for iteration 15 +2016-09-01 10:26:10,350 DEBUG: Best view : View0 +2016-09-01 10:26:11,540 DEBUG: Start: Iteration 17 +2016-09-01 10:26:11,548 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:11,557 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:11,565 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:11,574 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:11,574 WARNING: WARNING: All bad for iteration 16 +2016-09-01 10:26:11,962 DEBUG: Best view : View0 +2016-09-01 10:26:13,204 DEBUG: Start: Iteration 18 +2016-09-01 10:26:13,212 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:13,220 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:13,229 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:13,237 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:13,237 WARNING: WARNING: All bad for iteration 17 +2016-09-01 10:26:13,634 DEBUG: Best view : View0 +2016-09-01 10:26:14,957 DEBUG: Start: Iteration 19 +2016-09-01 10:26:14,965 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:14,973 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:14,982 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:14,990 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:14,990 WARNING: WARNING: All bad for iteration 18 +2016-09-01 10:26:15,392 DEBUG: Best view : View0 +2016-09-01 10:26:16,765 DEBUG: Start: Iteration 20 +2016-09-01 10:26:16,774 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:16,782 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:16,791 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:16,799 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:16,799 WARNING: WARNING: All bad for iteration 19 +2016-09-01 10:26:17,202 DEBUG: Best view : View0 +2016-09-01 10:26:18,654 DEBUG: Start: Iteration 21 +2016-09-01 10:26:18,663 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:18,671 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:18,680 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:18,688 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:18,688 WARNING: WARNING: All bad for iteration 20 +2016-09-01 10:26:19,102 DEBUG: Best view : View0 +2016-09-01 10:26:20,638 DEBUG: Start: Iteration 22 +2016-09-01 10:26:20,647 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:20,656 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:20,664 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:20,672 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:20,673 WARNING: WARNING: All bad for iteration 21 +2016-09-01 10:26:21,104 DEBUG: Best view : View0 +2016-09-01 10:26:22,680 DEBUG: Start: Iteration 23 +2016-09-01 10:26:22,688 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:22,696 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:22,705 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:22,713 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:22,713 WARNING: WARNING: All bad for iteration 22 +2016-09-01 10:26:23,143 DEBUG: Best view : View0 +2016-09-01 10:26:24,781 DEBUG: Start: Iteration 24 +2016-09-01 10:26:24,789 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:24,798 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:24,806 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:24,815 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:24,815 WARNING: WARNING: All bad for iteration 23 +2016-09-01 10:26:25,248 DEBUG: Best view : View0 +2016-09-01 10:26:26,957 DEBUG: Start: Iteration 25 +2016-09-01 10:26:26,965 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:26,974 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:26,982 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:26,990 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:26,990 WARNING: WARNING: All bad for iteration 24 +2016-09-01 10:26:27,448 DEBUG: Best view : View0 +2016-09-01 10:26:29,393 DEBUG: Start: Iteration 26 +2016-09-01 10:26:29,401 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:29,410 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:29,418 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:29,426 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:29,426 WARNING: WARNING: All bad for iteration 25 +2016-09-01 10:26:29,880 DEBUG: Best view : View0 +2016-09-01 10:26:31,785 DEBUG: Start: Iteration 27 +2016-09-01 10:26:31,794 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:31,802 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:31,811 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:31,819 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:31,819 WARNING: WARNING: All bad for iteration 26 +2016-09-01 10:26:32,301 DEBUG: Best view : View0 +2016-09-01 10:26:34,366 DEBUG: Start: Iteration 28 +2016-09-01 10:26:34,374 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:34,383 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:34,391 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:34,400 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:34,400 WARNING: WARNING: All bad for iteration 27 +2016-09-01 10:26:34,878 DEBUG: Best view : View0 +2016-09-01 10:26:36,879 DEBUG: Start: Iteration 29 +2016-09-01 10:26:36,888 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:36,896 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:36,904 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:36,913 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:36,913 WARNING: WARNING: All bad for iteration 28 +2016-09-01 10:26:37,406 DEBUG: Best view : View0 +2016-09-01 10:26:39,642 DEBUG: Start: Iteration 30 +2016-09-01 10:26:39,651 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:39,659 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:39,667 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:39,675 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:39,675 WARNING: WARNING: All bad for iteration 29 +2016-09-01 10:26:40,170 DEBUG: Best view : View0 +2016-09-01 10:26:42,318 DEBUG: Start: Iteration 31 +2016-09-01 10:26:42,327 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:42,335 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:42,344 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:42,352 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:42,352 WARNING: WARNING: All bad for iteration 30 +2016-09-01 10:26:42,858 DEBUG: Best view : View0 +2016-09-01 10:26:45,076 DEBUG: Start: Iteration 32 +2016-09-01 10:26:45,084 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:45,093 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:45,101 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:45,109 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:45,109 WARNING: WARNING: All bad for iteration 31 +2016-09-01 10:26:45,616 DEBUG: Best view : View0 +2016-09-01 10:26:47,911 DEBUG: Start: Iteration 33 +2016-09-01 10:26:47,919 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:47,928 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:47,936 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:47,944 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:47,945 WARNING: WARNING: All bad for iteration 32 +2016-09-01 10:26:48,466 DEBUG: Best view : View0 +2016-09-01 10:26:50,828 DEBUG: Start: Iteration 34 +2016-09-01 10:26:50,836 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:50,844 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:50,853 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:50,861 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:50,861 WARNING: WARNING: All bad for iteration 33 +2016-09-01 10:26:51,380 DEBUG: Best view : View0 +2016-09-01 10:26:53,792 DEBUG: Start: Iteration 35 +2016-09-01 10:26:53,800 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:53,809 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:53,817 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:53,825 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:53,825 WARNING: WARNING: All bad for iteration 34 +2016-09-01 10:26:54,348 DEBUG: Best view : View0 +2016-09-01 10:26:56,890 DEBUG: Start: Iteration 36 +2016-09-01 10:26:56,898 DEBUG: View 0 : 0.276595744681 +2016-09-01 10:26:56,906 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:26:56,915 DEBUG: View 2 : 0.244680851064 +2016-09-01 10:26:56,923 DEBUG: View 3 : 0.265957446809 +2016-09-01 10:26:56,923 WARNING: WARNING: All bad for iteration 35 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-102712-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-102712-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..8a08e51df9e5d1825952ea63dd26db0e80171e34 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-102712-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,209 @@ +2016-09-01 10:27:12,561 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:27:12,562 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:27:12,562 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:27:12,563 INFO: Info: Shape of View0 :(300, 12) +2016-09-01 10:27:12,563 INFO: Info: Shape of View1 :(300, 19) +2016-09-01 10:27:12,564 INFO: Info: Shape of View2 :(300, 14) +2016-09-01 10:27:12,564 INFO: Info: Shape of View3 :(300, 19) +2016-09-01 10:27:12,564 INFO: Done: Read Database Files +2016-09-01 10:27:12,564 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:27:12,575 INFO: Done: Determine validation split +2016-09-01 10:27:12,575 INFO: Start: Determine 5 folds +2016-09-01 10:27:12,587 INFO: Info: Length of Learning Sets: 175 +2016-09-01 10:27:12,588 INFO: Info: Length of Testing Sets: 37 +2016-09-01 10:27:12,588 INFO: Info: Length of Validation Set: 88 +2016-09-01 10:27:12,588 INFO: Done: Determine folds +2016-09-01 10:27:12,588 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:27:12,588 INFO: Start: Fold number 1 +2016-09-01 10:27:12,701 DEBUG: Start: Iteration 1 +2016-09-01 10:27:12,709 DEBUG: View 0 : 0.102702702703 +2016-09-01 10:27:12,717 DEBUG: View 1 : 0.0864864864865 +2016-09-01 10:27:12,725 DEBUG: View 2 : 0.118918918919 +2016-09-01 10:27:12,733 DEBUG: View 3 : 0.0810810810811 +2016-09-01 10:27:12,734 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:27:12,900 DEBUG: Best view : View0 +2016-09-01 10:27:13,013 DEBUG: Start: Iteration 2 +2016-09-01 10:27:13,021 DEBUG: View 0 : 0.216216216216 +2016-09-01 10:27:13,030 DEBUG: View 1 : 0.183783783784 +2016-09-01 10:27:13,038 DEBUG: View 2 : 0.232432432432 +2016-09-01 10:27:13,046 DEBUG: View 3 : 0.210810810811 +2016-09-01 10:27:13,046 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:27:13,238 DEBUG: Best view : View2 +2016-09-01 10:27:13,422 DEBUG: Start: Iteration 3 +2016-09-01 10:27:13,429 DEBUG: View 0 : 0.216216216216 +2016-09-01 10:27:13,438 DEBUG: View 1 : 0.183783783784 +2016-09-01 10:27:13,446 DEBUG: View 2 : 0.232432432432 +2016-09-01 10:27:13,454 DEBUG: View 3 : 0.210810810811 +2016-09-01 10:27:13,455 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:27:13,656 DEBUG: Best view : View2 +2016-09-01 10:27:13,906 DEBUG: Start: Iteration 4 +2016-09-01 10:27:13,914 DEBUG: View 0 : 0.216216216216 +2016-09-01 10:27:13,922 DEBUG: View 1 : 0.183783783784 +2016-09-01 10:27:13,931 DEBUG: View 2 : 0.232432432432 +2016-09-01 10:27:13,939 DEBUG: View 3 : 0.210810810811 +2016-09-01 10:27:13,939 WARNING: WARNING: All bad for iteration 3 +2016-09-01 10:27:14,149 DEBUG: Best view : View2 +2016-09-01 10:27:14,844 DEBUG: Start: Iteration 5 +2016-09-01 10:27:14,859 DEBUG: View 0 : 0.216216216216 +2016-09-01 10:27:14,867 DEBUG: View 1 : 0.183783783784 +2016-09-01 10:27:14,875 DEBUG: View 2 : 0.232432432432 +2016-09-01 10:27:14,884 DEBUG: View 3 : 0.210810810811 +2016-09-01 10:27:14,884 WARNING: WARNING: All bad for iteration 4 +2016-09-01 10:27:15,099 DEBUG: Best view : View2 +2016-09-01 10:27:15,484 INFO: Start: Classification +2016-09-01 10:27:16,043 INFO: Done: Fold number 1 +2016-09-01 10:27:16,044 INFO: Start: Fold number 2 +2016-09-01 10:27:16,158 DEBUG: Start: Iteration 1 +2016-09-01 10:27:16,166 DEBUG: View 0 : 0.0967741935484 +2016-09-01 10:27:16,174 DEBUG: View 1 : 0.102150537634 +2016-09-01 10:27:16,182 DEBUG: View 2 : 0.0967741935484 +2016-09-01 10:27:16,191 DEBUG: View 3 : 0.102150537634 +2016-09-01 10:27:16,191 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:27:16,355 DEBUG: Best view : View3 +2016-09-01 10:27:16,467 DEBUG: Start: Iteration 2 +2016-09-01 10:27:16,475 DEBUG: View 0 : 0.241935483871 +2016-09-01 10:27:16,484 DEBUG: View 1 : 0.215053763441 +2016-09-01 10:27:16,492 DEBUG: View 2 : 0.241935483871 +2016-09-01 10:27:16,500 DEBUG: View 3 : 0.193548387097 +2016-09-01 10:27:16,501 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:27:16,692 DEBUG: Best view : View0 +2016-09-01 10:27:16,876 DEBUG: Start: Iteration 3 +2016-09-01 10:27:16,884 DEBUG: View 0 : 0.241935483871 +2016-09-01 10:27:16,892 DEBUG: View 1 : 0.215053763441 +2016-09-01 10:27:16,900 DEBUG: View 2 : 0.241935483871 +2016-09-01 10:27:16,909 DEBUG: View 3 : 0.193548387097 +2016-09-01 10:27:16,909 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:27:17,110 DEBUG: Best view : View0 +2016-09-01 10:27:17,363 DEBUG: Start: Iteration 4 +2016-09-01 10:27:17,371 DEBUG: View 0 : 0.241935483871 +2016-09-01 10:27:17,379 DEBUG: View 1 : 0.215053763441 +2016-09-01 10:27:17,387 DEBUG: View 2 : 0.241935483871 +2016-09-01 10:27:17,395 DEBUG: View 3 : 0.193548387097 +2016-09-01 10:27:17,396 WARNING: WARNING: All bad for iteration 3 +2016-09-01 10:27:17,608 DEBUG: Best view : View0 +2016-09-01 10:27:17,929 DEBUG: Start: Iteration 5 +2016-09-01 10:27:17,937 DEBUG: View 0 : 0.241935483871 +2016-09-01 10:27:17,945 DEBUG: View 1 : 0.215053763441 +2016-09-01 10:27:17,953 DEBUG: View 2 : 0.241935483871 +2016-09-01 10:27:17,962 DEBUG: View 3 : 0.193548387097 +2016-09-01 10:27:17,962 WARNING: WARNING: All bad for iteration 4 +2016-09-01 10:27:18,179 DEBUG: Best view : View0 +2016-09-01 10:27:18,565 INFO: Start: Classification +2016-09-01 10:27:19,126 INFO: Done: Fold number 2 +2016-09-01 10:27:19,127 INFO: Start: Fold number 3 +2016-09-01 10:27:19,240 DEBUG: Start: Iteration 1 +2016-09-01 10:27:19,248 DEBUG: View 0 : 0.118918918919 +2016-09-01 10:27:19,256 DEBUG: View 1 : 0.102702702703 +2016-09-01 10:27:19,264 DEBUG: View 2 : 0.0918918918919 +2016-09-01 10:27:19,272 DEBUG: View 3 : 0.102702702703 +2016-09-01 10:27:19,273 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:27:19,435 DEBUG: Best view : View0 +2016-09-01 10:27:19,545 DEBUG: Start: Iteration 2 +2016-09-01 10:27:19,553 DEBUG: View 0 : 0.194594594595 +2016-09-01 10:27:19,561 DEBUG: View 1 : 0.243243243243 +2016-09-01 10:27:19,569 DEBUG: View 2 : 0.210810810811 +2016-09-01 10:27:19,578 DEBUG: View 3 : 0.167567567568 +2016-09-01 10:27:19,578 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:27:19,768 DEBUG: Best view : View1 +2016-09-01 10:27:19,952 DEBUG: Start: Iteration 3 +2016-09-01 10:27:19,959 DEBUG: View 0 : 0.194594594595 +2016-09-01 10:27:19,968 DEBUG: View 1 : 0.243243243243 +2016-09-01 10:27:19,976 DEBUG: View 2 : 0.210810810811 +2016-09-01 10:27:19,984 DEBUG: View 3 : 0.167567567568 +2016-09-01 10:27:19,985 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:27:20,184 DEBUG: Best view : View1 +2016-09-01 10:27:20,435 DEBUG: Start: Iteration 4 +2016-09-01 10:27:20,442 DEBUG: View 0 : 0.194594594595 +2016-09-01 10:27:20,451 DEBUG: View 1 : 0.243243243243 +2016-09-01 10:27:20,459 DEBUG: View 2 : 0.210810810811 +2016-09-01 10:27:20,468 DEBUG: View 3 : 0.167567567568 +2016-09-01 10:27:20,468 WARNING: WARNING: All bad for iteration 3 +2016-09-01 10:27:20,677 DEBUG: Best view : View1 +2016-09-01 10:27:20,997 DEBUG: Start: Iteration 5 +2016-09-01 10:27:21,004 DEBUG: View 0 : 0.194594594595 +2016-09-01 10:27:21,013 DEBUG: View 1 : 0.243243243243 +2016-09-01 10:27:21,021 DEBUG: View 2 : 0.210810810811 +2016-09-01 10:27:21,029 DEBUG: View 3 : 0.167567567568 +2016-09-01 10:27:21,030 WARNING: WARNING: All bad for iteration 4 +2016-09-01 10:27:21,244 DEBUG: Best view : View1 +2016-09-01 10:27:21,630 INFO: Start: Classification +2016-09-01 10:27:22,188 INFO: Done: Fold number 3 +2016-09-01 10:27:22,189 INFO: Start: Fold number 4 +2016-09-01 10:27:22,305 DEBUG: Start: Iteration 1 +2016-09-01 10:27:22,312 DEBUG: View 0 : 0.0634920634921 +2016-09-01 10:27:22,320 DEBUG: View 1 : 0.0634920634921 +2016-09-01 10:27:22,327 DEBUG: View 2 : 0.0634920634921 +2016-09-01 10:27:22,334 DEBUG: View 3 : 0.0634920634921 +2016-09-01 10:27:22,335 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:27:22,501 DEBUG: Best view : View0 +2016-09-01 10:27:22,614 DEBUG: Start: Iteration 2 +2016-09-01 10:27:22,622 DEBUG: View 0 : 0.26455026455 +2016-09-01 10:27:22,631 DEBUG: View 1 : 0.179894179894 +2016-09-01 10:27:22,639 DEBUG: View 2 : 0.222222222222 +2016-09-01 10:27:22,648 DEBUG: View 3 : 0.174603174603 +2016-09-01 10:27:22,648 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:27:22,843 DEBUG: Best view : View0 +2016-09-01 10:27:23,029 DEBUG: Start: Iteration 3 +2016-09-01 10:27:23,037 DEBUG: View 0 : 0.26455026455 +2016-09-01 10:27:23,046 DEBUG: View 1 : 0.179894179894 +2016-09-01 10:27:23,054 DEBUG: View 2 : 0.222222222222 +2016-09-01 10:27:23,062 DEBUG: View 3 : 0.174603174603 +2016-09-01 10:27:23,063 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:27:23,269 DEBUG: Best view : View0 +2016-09-01 10:27:23,525 DEBUG: Start: Iteration 4 +2016-09-01 10:27:23,534 DEBUG: View 0 : 0.26455026455 +2016-09-01 10:27:23,542 DEBUG: View 1 : 0.179894179894 +2016-09-01 10:27:23,550 DEBUG: View 2 : 0.222222222222 +2016-09-01 10:27:23,559 DEBUG: View 3 : 0.174603174603 +2016-09-01 10:27:23,559 WARNING: WARNING: All bad for iteration 3 +2016-09-01 10:27:23,772 DEBUG: Best view : View0 +2016-09-01 10:27:24,097 DEBUG: Start: Iteration 5 +2016-09-01 10:27:24,105 DEBUG: View 0 : 0.26455026455 +2016-09-01 10:27:24,114 DEBUG: View 1 : 0.179894179894 +2016-09-01 10:27:24,122 DEBUG: View 2 : 0.222222222222 +2016-09-01 10:27:24,131 DEBUG: View 3 : 0.174603174603 +2016-09-01 10:27:24,131 WARNING: WARNING: All bad for iteration 4 +2016-09-01 10:27:24,353 DEBUG: Best view : View0 +2016-09-01 10:27:24,745 INFO: Start: Classification +2016-09-01 10:27:25,311 INFO: Done: Fold number 4 +2016-09-01 10:27:25,312 INFO: Start: Fold number 5 +2016-09-01 10:27:25,428 DEBUG: Start: Iteration 1 +2016-09-01 10:27:25,435 DEBUG: View 0 : 0.0957446808511 +2016-09-01 10:27:25,443 DEBUG: View 1 : 0.0957446808511 +2016-09-01 10:27:25,450 DEBUG: View 2 : 0.0957446808511 +2016-09-01 10:27:25,457 DEBUG: View 3 : 0.0957446808511 +2016-09-01 10:27:25,457 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:27:25,624 DEBUG: Best view : View0 +2016-09-01 10:27:25,737 DEBUG: Start: Iteration 2 +2016-09-01 10:27:25,745 DEBUG: View 0 : 0.223404255319 +2016-09-01 10:27:25,754 DEBUG: View 1 : 0.25 +2016-09-01 10:27:25,762 DEBUG: View 2 : 0.207446808511 +2016-09-01 10:27:25,770 DEBUG: View 3 : 0.244680851064 +2016-09-01 10:27:25,771 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:27:25,962 DEBUG: Best view : View1 +2016-09-01 10:27:26,149 DEBUG: Start: Iteration 3 +2016-09-01 10:27:26,157 DEBUG: View 0 : 0.223404255319 +2016-09-01 10:27:26,166 DEBUG: View 1 : 0.25 +2016-09-01 10:27:26,174 DEBUG: View 2 : 0.207446808511 +2016-09-01 10:27:26,182 DEBUG: View 3 : 0.244680851064 +2016-09-01 10:27:26,182 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:27:26,384 DEBUG: Best view : View1 +2016-09-01 10:27:26,641 DEBUG: Start: Iteration 4 +2016-09-01 10:27:26,649 DEBUG: View 0 : 0.223404255319 +2016-09-01 10:27:26,658 DEBUG: View 1 : 0.25 +2016-09-01 10:27:26,666 DEBUG: View 2 : 0.207446808511 +2016-09-01 10:27:26,674 DEBUG: View 3 : 0.244680851064 +2016-09-01 10:27:26,675 WARNING: WARNING: All bad for iteration 3 +2016-09-01 10:27:26,886 DEBUG: Best view : View1 +2016-09-01 10:27:27,210 DEBUG: Start: Iteration 5 +2016-09-01 10:27:27,218 DEBUG: View 0 : 0.223404255319 +2016-09-01 10:27:27,226 DEBUG: View 1 : 0.25 +2016-09-01 10:27:27,235 DEBUG: View 2 : 0.207446808511 +2016-09-01 10:27:27,243 DEBUG: View 3 : 0.244680851064 +2016-09-01 10:27:27,243 WARNING: WARNING: All bad for iteration 4 +2016-09-01 10:27:27,461 DEBUG: Best view : View1 +2016-09-01 10:27:27,854 INFO: Start: Classification +2016-09-01 10:27:28,420 INFO: Done: Fold number 5 +2016-09-01 10:27:28,420 INFO: Done: Classification +2016-09-01 10:27:28,420 INFO: Info: Time for Classification: 15[s] +2016-09-01 10:27:28,420 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-102810-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-102810-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..63721298029a6a300a0e3b708fc77875571e2fbd --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-102810-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,139 @@ +2016-09-01 10:28:10,583 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:28:10,584 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:28:10,584 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:28:10,584 INFO: Info: Shape of View0 :(300, 15) +2016-09-01 10:28:10,585 INFO: Info: Shape of View1 :(300, 9) +2016-09-01 10:28:10,585 INFO: Info: Shape of View2 :(300, 10) +2016-09-01 10:28:10,585 INFO: Info: Shape of View3 :(300, 11) +2016-09-01 10:28:10,586 INFO: Done: Read Database Files +2016-09-01 10:28:10,586 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:28:10,596 INFO: Done: Determine validation split +2016-09-01 10:28:10,596 INFO: Start: Determine 5 folds +2016-09-01 10:28:10,610 INFO: Info: Length of Learning Sets: 177 +2016-09-01 10:28:10,610 INFO: Info: Length of Testing Sets: 37 +2016-09-01 10:28:10,610 INFO: Info: Length of Validation Set: 86 +2016-09-01 10:28:10,610 INFO: Done: Determine folds +2016-09-01 10:28:10,610 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:28:10,611 INFO: Start: Fold number 1 +2016-09-01 10:28:10,728 DEBUG: Start: Iteration 1 +2016-09-01 10:28:10,736 DEBUG: View 0 : 0.0942408376963 +2016-09-01 10:28:10,744 DEBUG: View 1 : 0.0942408376963 +2016-09-01 10:28:10,751 DEBUG: View 2 : 0.0942408376963 +2016-09-01 10:28:10,758 DEBUG: View 3 : 0.0942408376963 +2016-09-01 10:28:10,759 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:28:10,929 DEBUG: Best view : View0 +2016-09-01 10:28:11,044 DEBUG: Start: Iteration 2 +2016-09-01 10:28:11,052 DEBUG: View 0 : 0.235602094241 +2016-09-01 10:28:11,060 DEBUG: View 1 : 0.246073298429 +2016-09-01 10:28:11,068 DEBUG: View 2 : 0.240837696335 +2016-09-01 10:28:11,076 DEBUG: View 3 : 0.272251308901 +2016-09-01 10:28:11,077 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:28:11,275 DEBUG: Best view : View3 +2016-09-01 10:28:11,467 DEBUG: Start: Iteration 3 +2016-09-01 10:28:11,478 DEBUG: View 0 : 0.235602094241 +2016-09-01 10:28:11,487 DEBUG: View 1 : 0.246073298429 +2016-09-01 10:28:11,495 DEBUG: View 2 : 0.240837696335 +2016-09-01 10:28:11,503 DEBUG: View 3 : 0.272251308901 +2016-09-01 10:28:11,503 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:28:11,711 DEBUG: Best view : View3 +2016-09-01 10:28:11,970 INFO: Start: Classification +2016-09-01 10:28:12,310 INFO: Done: Fold number 1 +2016-09-01 10:28:12,311 INFO: Start: Fold number 2 +2016-09-01 10:28:12,425 DEBUG: Start: Iteration 1 +2016-09-01 10:28:12,432 DEBUG: View 0 : 0.10752688172 +2016-09-01 10:28:12,440 DEBUG: View 1 : 0.10752688172 +2016-09-01 10:28:12,447 DEBUG: View 2 : 0.10752688172 +2016-09-01 10:28:12,455 DEBUG: View 3 : 0.10752688172 +2016-09-01 10:28:12,455 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:28:12,621 DEBUG: Best view : View0 +2016-09-01 10:28:12,733 DEBUG: Start: Iteration 2 +2016-09-01 10:28:12,741 DEBUG: View 0 : 0.225806451613 +2016-09-01 10:28:12,749 DEBUG: View 1 : 0.215053763441 +2016-09-01 10:28:12,757 DEBUG: View 2 : 0.295698924731 +2016-09-01 10:28:12,765 DEBUG: View 3 : 0.263440860215 +2016-09-01 10:28:12,765 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:28:12,958 DEBUG: Best view : View2 +2016-09-01 10:28:13,142 DEBUG: Start: Iteration 3 +2016-09-01 10:28:13,150 DEBUG: View 0 : 0.225806451613 +2016-09-01 10:28:13,158 DEBUG: View 1 : 0.215053763441 +2016-09-01 10:28:13,166 DEBUG: View 2 : 0.295698924731 +2016-09-01 10:28:13,174 DEBUG: View 3 : 0.263440860215 +2016-09-01 10:28:13,174 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:28:13,378 DEBUG: Best view : View2 +2016-09-01 10:28:13,630 INFO: Start: Classification +2016-09-01 10:28:13,963 INFO: Done: Fold number 2 +2016-09-01 10:28:13,963 INFO: Start: Fold number 3 +2016-09-01 10:28:14,078 DEBUG: Start: Iteration 1 +2016-09-01 10:28:14,085 DEBUG: View 0 : 0.096256684492 +2016-09-01 10:28:14,093 DEBUG: View 1 : 0.096256684492 +2016-09-01 10:28:14,100 DEBUG: View 2 : 0.096256684492 +2016-09-01 10:28:14,108 DEBUG: View 3 : 0.096256684492 +2016-09-01 10:28:14,108 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:28:14,274 DEBUG: Best view : View0 +2016-09-01 10:28:14,385 DEBUG: Start: Iteration 2 +2016-09-01 10:28:14,393 DEBUG: View 0 : 0.213903743316 +2016-09-01 10:28:14,401 DEBUG: View 1 : 0.235294117647 +2016-09-01 10:28:14,409 DEBUG: View 2 : 0.24064171123 +2016-09-01 10:28:14,418 DEBUG: View 3 : 0.176470588235 +2016-09-01 10:28:14,418 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:28:14,613 DEBUG: Best view : View2 +2016-09-01 10:28:14,797 DEBUG: Start: Iteration 3 +2016-09-01 10:28:14,805 DEBUG: View 0 : 0.213903743316 +2016-09-01 10:28:14,814 DEBUG: View 1 : 0.235294117647 +2016-09-01 10:28:14,821 DEBUG: View 2 : 0.24064171123 +2016-09-01 10:28:14,830 DEBUG: View 3 : 0.176470588235 +2016-09-01 10:28:14,830 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:28:15,032 DEBUG: Best view : View2 +2016-09-01 10:28:15,288 INFO: Start: Classification +2016-09-01 10:28:15,622 INFO: Done: Fold number 3 +2016-09-01 10:28:15,622 INFO: Start: Fold number 4 +2016-09-01 10:28:15,739 DEBUG: Start: Iteration 1 +2016-09-01 10:28:15,747 DEBUG: View 0 : 0.0967741935484 +2016-09-01 10:28:15,755 DEBUG: View 1 : 0.118279569892 +2016-09-01 10:28:15,762 DEBUG: View 2 : 0.0913978494624 +2016-09-01 10:28:15,770 DEBUG: View 3 : 0.102150537634 +2016-09-01 10:28:15,770 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:28:15,934 DEBUG: Best view : View0 +2016-09-01 10:28:16,044 DEBUG: Start: Iteration 2 +2016-09-01 10:28:16,052 DEBUG: View 0 : 0.198924731183 +2016-09-01 10:28:16,060 DEBUG: View 1 : 0.204301075269 +2016-09-01 10:28:16,068 DEBUG: View 2 : 0.209677419355 +2016-09-01 10:28:16,076 DEBUG: View 3 : 0.241935483871 +2016-09-01 10:28:16,077 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:28:16,268 DEBUG: Best view : View3 +2016-09-01 10:28:16,452 DEBUG: Start: Iteration 3 +2016-09-01 10:28:16,460 DEBUG: View 0 : 0.198924731183 +2016-09-01 10:28:16,468 DEBUG: View 1 : 0.204301075269 +2016-09-01 10:28:16,476 DEBUG: View 2 : 0.209677419355 +2016-09-01 10:28:16,484 DEBUG: View 3 : 0.241935483871 +2016-09-01 10:28:16,484 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:28:16,687 DEBUG: Best view : View3 +2016-09-01 10:28:16,940 INFO: Start: Classification +2016-09-01 10:28:17,273 INFO: Done: Fold number 4 +2016-09-01 10:28:17,273 INFO: Start: Fold number 5 +2016-09-01 10:28:17,389 DEBUG: Start: Iteration 1 +2016-09-01 10:28:17,397 DEBUG: View 0 : 0.0846560846561 +2016-09-01 10:28:17,405 DEBUG: View 1 : 0.0952380952381 +2016-09-01 10:28:17,412 DEBUG: View 2 : 0.0846560846561 +2016-09-01 10:28:17,420 DEBUG: View 3 : 0.0793650793651 +2016-09-01 10:28:17,420 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:28:17,586 DEBUG: Best view : View0 +2016-09-01 10:28:17,698 DEBUG: Start: Iteration 2 +2016-09-01 10:28:17,706 DEBUG: View 0 : 0.227513227513 +2016-09-01 10:28:17,714 DEBUG: View 1 : 0.280423280423 +2016-09-01 10:28:17,722 DEBUG: View 2 : 0.232804232804 +2016-09-01 10:28:17,730 DEBUG: View 3 : 0.232804232804 +2016-09-01 10:28:17,730 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:28:17,926 DEBUG: Best view : View1 +2016-09-01 10:28:18,113 DEBUG: Start: Iteration 3 +2016-09-01 10:28:18,121 DEBUG: View 0 : 0.227513227513 +2016-09-01 10:28:18,129 DEBUG: View 1 : 0.280423280423 +2016-09-01 10:28:18,137 DEBUG: View 2 : 0.232804232804 +2016-09-01 10:28:18,145 DEBUG: View 3 : 0.232804232804 +2016-09-01 10:28:18,146 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:28:18,352 DEBUG: Best view : View1 +2016-09-01 10:28:18,607 INFO: Start: Classification +2016-09-01 10:28:18,942 INFO: Done: Fold number 5 +2016-09-01 10:28:18,942 INFO: Done: Classification +2016-09-01 10:28:18,943 INFO: Info: Time for Classification: 8[s] +2016-09-01 10:28:18,943 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-102852-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-102852-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..feb5c12954e2fc14786392baa81cb4c5451b550e --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-102852-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,139 @@ +2016-09-01 10:28:52,682 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:28:52,683 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:28:52,683 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:28:52,684 INFO: Info: Shape of View0 :(300, 20) +2016-09-01 10:28:52,684 INFO: Info: Shape of View1 :(300, 14) +2016-09-01 10:28:52,684 INFO: Info: Shape of View2 :(300, 17) +2016-09-01 10:28:52,685 INFO: Info: Shape of View3 :(300, 6) +2016-09-01 10:28:52,685 INFO: Done: Read Database Files +2016-09-01 10:28:52,685 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:28:52,696 INFO: Done: Determine validation split +2016-09-01 10:28:52,696 INFO: Start: Determine 5 folds +2016-09-01 10:28:52,708 INFO: Info: Length of Learning Sets: 178 +2016-09-01 10:28:52,708 INFO: Info: Length of Testing Sets: 37 +2016-09-01 10:28:52,708 INFO: Info: Length of Validation Set: 85 +2016-09-01 10:28:52,708 INFO: Done: Determine folds +2016-09-01 10:28:52,708 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:28:52,708 INFO: Start: Fold number 1 +2016-09-01 10:28:52,824 DEBUG: Start: Iteration 1 +2016-09-01 10:28:52,831 DEBUG: View 0 : 0.101063829787 +2016-09-01 10:28:52,839 DEBUG: View 1 : 0.101063829787 +2016-09-01 10:28:52,846 DEBUG: View 2 : 0.101063829787 +2016-09-01 10:28:52,854 DEBUG: View 3 : 0.101063829787 +2016-09-01 10:28:52,854 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:28:53,024 DEBUG: Best view : View0 +2016-09-01 10:28:53,139 DEBUG: Start: Iteration 2 +2016-09-01 10:28:53,148 DEBUG: View 0 : 0.244680851064 +2016-09-01 10:28:53,156 DEBUG: View 1 : 0.25 +2016-09-01 10:28:53,165 DEBUG: View 2 : 0.212765957447 +2016-09-01 10:28:53,172 DEBUG: View 3 : 0.234042553191 +2016-09-01 10:28:53,173 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:28:53,367 DEBUG: Best view : View1 +2016-09-01 10:28:53,558 DEBUG: Start: Iteration 3 +2016-09-01 10:28:53,575 DEBUG: View 0 : 0.244680851064 +2016-09-01 10:28:53,583 DEBUG: View 1 : 0.25 +2016-09-01 10:28:53,591 DEBUG: View 2 : 0.212765957447 +2016-09-01 10:28:53,599 DEBUG: View 3 : 0.234042553191 +2016-09-01 10:28:53,599 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:28:53,803 DEBUG: Best view : View1 +2016-09-01 10:28:54,058 INFO: Start: Classification +2016-09-01 10:28:54,402 INFO: Done: Fold number 1 +2016-09-01 10:28:54,402 INFO: Start: Fold number 2 +2016-09-01 10:28:54,518 DEBUG: Start: Iteration 1 +2016-09-01 10:28:54,526 DEBUG: View 0 : 0.0957446808511 +2016-09-01 10:28:54,533 DEBUG: View 1 : 0.101063829787 +2016-09-01 10:28:54,541 DEBUG: View 2 : 0.0851063829787 +2016-09-01 10:28:54,549 DEBUG: View 3 : 0.127659574468 +2016-09-01 10:28:54,549 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:28:54,729 DEBUG: Best view : View0 +2016-09-01 10:28:54,842 DEBUG: Start: Iteration 2 +2016-09-01 10:28:54,850 DEBUG: View 0 : 0.265957446809 +2016-09-01 10:28:54,859 DEBUG: View 1 : 0.212765957447 +2016-09-01 10:28:54,867 DEBUG: View 2 : 0.228723404255 +2016-09-01 10:28:54,875 DEBUG: View 3 : 0.212765957447 +2016-09-01 10:28:54,875 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:28:55,069 DEBUG: Best view : View0 +2016-09-01 10:28:55,255 DEBUG: Start: Iteration 3 +2016-09-01 10:28:55,264 DEBUG: View 0 : 0.265957446809 +2016-09-01 10:28:55,272 DEBUG: View 1 : 0.212765957447 +2016-09-01 10:28:55,281 DEBUG: View 2 : 0.228723404255 +2016-09-01 10:28:55,288 DEBUG: View 3 : 0.212765957447 +2016-09-01 10:28:55,289 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:28:55,493 DEBUG: Best view : View0 +2016-09-01 10:28:55,749 INFO: Start: Classification +2016-09-01 10:28:56,086 INFO: Done: Fold number 2 +2016-09-01 10:28:56,086 INFO: Start: Fold number 3 +2016-09-01 10:28:56,217 DEBUG: Start: Iteration 1 +2016-09-01 10:28:56,225 DEBUG: View 0 : 0.120418848168 +2016-09-01 10:28:56,234 DEBUG: View 1 : 0.125654450262 +2016-09-01 10:28:56,242 DEBUG: View 2 : 0.13612565445 +2016-09-01 10:28:56,249 DEBUG: View 3 : 0.162303664921 +2016-09-01 10:28:56,250 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:28:56,417 DEBUG: Best view : View3 +2016-09-01 10:28:56,531 DEBUG: Start: Iteration 2 +2016-09-01 10:28:56,539 DEBUG: View 0 : 0.256544502618 +2016-09-01 10:28:56,547 DEBUG: View 1 : 0.214659685864 +2016-09-01 10:28:56,556 DEBUG: View 2 : 0.240837696335 +2016-09-01 10:28:56,563 DEBUG: View 3 : 0.230366492147 +2016-09-01 10:28:56,564 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:28:56,762 DEBUG: Best view : View0 +2016-09-01 10:28:56,951 DEBUG: Start: Iteration 3 +2016-09-01 10:28:56,959 DEBUG: View 0 : 0.256544502618 +2016-09-01 10:28:56,968 DEBUG: View 1 : 0.214659685864 +2016-09-01 10:28:56,976 DEBUG: View 2 : 0.240837696335 +2016-09-01 10:28:56,984 DEBUG: View 3 : 0.230366492147 +2016-09-01 10:28:56,984 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:28:57,193 DEBUG: Best view : View0 +2016-09-01 10:28:57,451 INFO: Start: Classification +2016-09-01 10:28:57,797 INFO: Done: Fold number 3 +2016-09-01 10:28:57,798 INFO: Start: Fold number 4 +2016-09-01 10:28:57,915 DEBUG: Start: Iteration 1 +2016-09-01 10:28:57,924 DEBUG: View 0 : 0.0942408376963 +2016-09-01 10:28:57,932 DEBUG: View 1 : 0.0942408376963 +2016-09-01 10:28:57,940 DEBUG: View 2 : 0.0994764397906 +2016-09-01 10:28:57,948 DEBUG: View 3 : 0.0942408376963 +2016-09-01 10:28:57,948 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:28:58,115 DEBUG: Best view : View2 +2016-09-01 10:28:58,228 DEBUG: Start: Iteration 2 +2016-09-01 10:28:58,237 DEBUG: View 0 : 0.198952879581 +2016-09-01 10:28:58,245 DEBUG: View 1 : 0.219895287958 +2016-09-01 10:28:58,254 DEBUG: View 2 : 0.272251308901 +2016-09-01 10:28:58,262 DEBUG: View 3 : 0.204188481675 +2016-09-01 10:28:58,262 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:28:58,459 DEBUG: Best view : View2 +2016-09-01 10:28:58,648 DEBUG: Start: Iteration 3 +2016-09-01 10:28:58,657 DEBUG: View 0 : 0.198952879581 +2016-09-01 10:28:58,665 DEBUG: View 1 : 0.219895287958 +2016-09-01 10:28:58,673 DEBUG: View 2 : 0.272251308901 +2016-09-01 10:28:58,681 DEBUG: View 3 : 0.204188481675 +2016-09-01 10:28:58,681 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:28:58,890 DEBUG: Best view : View2 +2016-09-01 10:28:59,156 INFO: Start: Classification +2016-09-01 10:28:59,494 INFO: Done: Fold number 4 +2016-09-01 10:28:59,494 INFO: Start: Fold number 5 +2016-09-01 10:28:59,607 DEBUG: Start: Iteration 1 +2016-09-01 10:28:59,615 DEBUG: View 0 : 0.102702702703 +2016-09-01 10:28:59,623 DEBUG: View 1 : 0.113513513514 +2016-09-01 10:28:59,631 DEBUG: View 2 : 0.108108108108 +2016-09-01 10:28:59,638 DEBUG: View 3 : 0.0972972972973 +2016-09-01 10:28:59,638 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:28:59,800 DEBUG: Best view : View0 +2016-09-01 10:28:59,911 DEBUG: Start: Iteration 2 +2016-09-01 10:28:59,919 DEBUG: View 0 : 0.205405405405 +2016-09-01 10:28:59,928 DEBUG: View 1 : 0.254054054054 +2016-09-01 10:28:59,936 DEBUG: View 2 : 0.248648648649 +2016-09-01 10:28:59,943 DEBUG: View 3 : 0.194594594595 +2016-09-01 10:28:59,944 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:29:00,137 DEBUG: Best view : View1 +2016-09-01 10:29:00,320 DEBUG: Start: Iteration 3 +2016-09-01 10:29:00,328 DEBUG: View 0 : 0.205405405405 +2016-09-01 10:29:00,337 DEBUG: View 1 : 0.254054054054 +2016-09-01 10:29:00,345 DEBUG: View 2 : 0.248648648649 +2016-09-01 10:29:00,353 DEBUG: View 3 : 0.194594594595 +2016-09-01 10:29:00,353 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:29:00,559 DEBUG: Best view : View1 +2016-09-01 10:29:00,820 INFO: Start: Classification +2016-09-01 10:29:01,153 INFO: Done: Fold number 5 +2016-09-01 10:29:01,153 INFO: Done: Classification +2016-09-01 10:29:01,153 INFO: Info: Time for Classification: 8[s] +2016-09-01 10:29:01,153 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-103034-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-103034-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..ab7116cc94cd50f9714960fc1e0f0a1a6d63ed97 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-103034-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,139 @@ +2016-09-01 10:30:34,856 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:30:34,858 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:30:34,858 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:30:34,858 INFO: Info: Shape of View0 :(300, 16) +2016-09-01 10:30:34,859 INFO: Info: Shape of View1 :(300, 20) +2016-09-01 10:30:34,859 INFO: Info: Shape of View2 :(300, 5) +2016-09-01 10:30:34,860 INFO: Info: Shape of View3 :(300, 11) +2016-09-01 10:30:34,860 INFO: Done: Read Database Files +2016-09-01 10:30:34,860 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:30:34,870 INFO: Done: Determine validation split +2016-09-01 10:30:34,870 INFO: Start: Determine 5 folds +2016-09-01 10:30:34,883 INFO: Info: Length of Learning Sets: 177 +2016-09-01 10:30:34,883 INFO: Info: Length of Testing Sets: 38 +2016-09-01 10:30:34,883 INFO: Info: Length of Validation Set: 85 +2016-09-01 10:30:34,883 INFO: Done: Determine folds +2016-09-01 10:30:34,883 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:30:34,883 INFO: Start: Fold number 1 +2016-09-01 10:30:35,000 DEBUG: Start: Iteration 1 +2016-09-01 10:30:35,009 DEBUG: View 0 : 0.0785340314136 +2016-09-01 10:30:35,017 DEBUG: View 1 : 0.0890052356021 +2016-09-01 10:30:35,024 DEBUG: View 2 : 0.0890052356021 +2016-09-01 10:30:35,033 DEBUG: View 3 : 0.0890052356021 +2016-09-01 10:30:35,033 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:30:35,202 DEBUG: Best view : View3 +2016-09-01 10:30:35,316 DEBUG: Start: Iteration 2 +2016-09-01 10:30:35,324 DEBUG: View 0 : 0.230366492147 +2016-09-01 10:30:35,333 DEBUG: View 1 : 0.167539267016 +2016-09-01 10:30:35,341 DEBUG: View 2 : 0.214659685864 +2016-09-01 10:30:35,349 DEBUG: View 3 : 0.225130890052 +2016-09-01 10:30:35,349 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:30:35,543 DEBUG: Best view : View0 +2016-09-01 10:30:35,736 DEBUG: Start: Iteration 3 +2016-09-01 10:30:35,753 DEBUG: View 0 : 0.230366492147 +2016-09-01 10:30:35,762 DEBUG: View 1 : 0.167539267016 +2016-09-01 10:30:35,770 DEBUG: View 2 : 0.214659685864 +2016-09-01 10:30:35,778 DEBUG: View 3 : 0.225130890052 +2016-09-01 10:30:35,778 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:30:35,986 DEBUG: Best view : View0 +2016-09-01 10:30:36,243 INFO: Start: Classification +2016-09-01 10:30:36,584 INFO: Done: Fold number 1 +2016-09-01 10:30:36,584 INFO: Start: Fold number 2 +2016-09-01 10:30:36,702 DEBUG: Start: Iteration 1 +2016-09-01 10:30:36,710 DEBUG: View 0 : 0.0942408376963 +2016-09-01 10:30:36,719 DEBUG: View 1 : 0.104712041885 +2016-09-01 10:30:36,726 DEBUG: View 2 : 0.115183246073 +2016-09-01 10:30:36,734 DEBUG: View 3 : 0.104712041885 +2016-09-01 10:30:36,735 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:30:36,901 DEBUG: Best view : View3 +2016-09-01 10:30:37,016 DEBUG: Start: Iteration 2 +2016-09-01 10:30:37,024 DEBUG: View 0 : 0.246073298429 +2016-09-01 10:30:37,033 DEBUG: View 1 : 0.193717277487 +2016-09-01 10:30:37,040 DEBUG: View 2 : 0.235602094241 +2016-09-01 10:30:37,048 DEBUG: View 3 : 0.256544502618 +2016-09-01 10:30:37,049 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:30:37,243 DEBUG: Best view : View3 +2016-09-01 10:30:37,431 DEBUG: Start: Iteration 3 +2016-09-01 10:30:37,439 DEBUG: View 0 : 0.246073298429 +2016-09-01 10:30:37,448 DEBUG: View 1 : 0.193717277487 +2016-09-01 10:30:37,456 DEBUG: View 2 : 0.235602094241 +2016-09-01 10:30:37,464 DEBUG: View 3 : 0.256544502618 +2016-09-01 10:30:37,464 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:30:37,668 DEBUG: Best view : View3 +2016-09-01 10:30:37,928 INFO: Start: Classification +2016-09-01 10:30:38,272 INFO: Done: Fold number 2 +2016-09-01 10:30:38,273 INFO: Start: Fold number 3 +2016-09-01 10:30:38,392 DEBUG: Start: Iteration 1 +2016-09-01 10:30:38,400 DEBUG: View 0 : 0.102150537634 +2016-09-01 10:30:38,409 DEBUG: View 1 : 0.0860215053763 +2016-09-01 10:30:38,416 DEBUG: View 2 : 0.0806451612903 +2016-09-01 10:30:38,425 DEBUG: View 3 : 0.0591397849462 +2016-09-01 10:30:38,425 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:30:38,592 DEBUG: Best view : View1 +2016-09-01 10:30:38,706 DEBUG: Start: Iteration 2 +2016-09-01 10:30:38,715 DEBUG: View 0 : 0.225806451613 +2016-09-01 10:30:38,724 DEBUG: View 1 : 0.161290322581 +2016-09-01 10:30:38,732 DEBUG: View 2 : 0.215053763441 +2016-09-01 10:30:38,740 DEBUG: View 3 : 0.258064516129 +2016-09-01 10:30:38,740 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:30:38,935 DEBUG: Best view : View3 +2016-09-01 10:30:39,124 DEBUG: Start: Iteration 3 +2016-09-01 10:30:39,132 DEBUG: View 0 : 0.225806451613 +2016-09-01 10:30:39,141 DEBUG: View 1 : 0.161290322581 +2016-09-01 10:30:39,148 DEBUG: View 2 : 0.215053763441 +2016-09-01 10:30:39,156 DEBUG: View 3 : 0.258064516129 +2016-09-01 10:30:39,157 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:30:39,357 DEBUG: Best view : View3 +2016-09-01 10:30:39,607 INFO: Start: Classification +2016-09-01 10:30:39,941 INFO: Done: Fold number 3 +2016-09-01 10:30:39,941 INFO: Start: Fold number 4 +2016-09-01 10:30:40,058 DEBUG: Start: Iteration 1 +2016-09-01 10:30:40,066 DEBUG: View 0 : 0.115789473684 +2016-09-01 10:30:40,074 DEBUG: View 1 : 0.110526315789 +2016-09-01 10:30:40,082 DEBUG: View 2 : 0.105263157895 +2016-09-01 10:30:40,090 DEBUG: View 3 : 0.1 +2016-09-01 10:30:40,090 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:30:40,255 DEBUG: Best view : View2 +2016-09-01 10:30:40,367 DEBUG: Start: Iteration 2 +2016-09-01 10:30:40,375 DEBUG: View 0 : 0.231578947368 +2016-09-01 10:30:40,384 DEBUG: View 1 : 0.178947368421 +2016-09-01 10:30:40,392 DEBUG: View 2 : 0.210526315789 +2016-09-01 10:30:40,400 DEBUG: View 3 : 0.215789473684 +2016-09-01 10:30:40,400 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:30:40,596 DEBUG: Best view : View0 +2016-09-01 10:30:40,783 DEBUG: Start: Iteration 3 +2016-09-01 10:30:40,792 DEBUG: View 0 : 0.231578947368 +2016-09-01 10:30:40,800 DEBUG: View 1 : 0.178947368421 +2016-09-01 10:30:40,808 DEBUG: View 2 : 0.210526315789 +2016-09-01 10:30:40,816 DEBUG: View 3 : 0.215789473684 +2016-09-01 10:30:40,816 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:30:41,024 DEBUG: Best view : View0 +2016-09-01 10:30:41,280 INFO: Start: Classification +2016-09-01 10:30:41,617 INFO: Done: Fold number 4 +2016-09-01 10:30:41,617 INFO: Start: Fold number 5 +2016-09-01 10:30:41,732 DEBUG: Start: Iteration 1 +2016-09-01 10:30:41,740 DEBUG: View 0 : 0.11170212766 +2016-09-01 10:30:41,747 DEBUG: View 1 : 0.11170212766 +2016-09-01 10:30:41,754 DEBUG: View 2 : 0.11170212766 +2016-09-01 10:30:41,762 DEBUG: View 3 : 0.11170212766 +2016-09-01 10:30:41,762 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:30:41,924 DEBUG: Best view : View0 +2016-09-01 10:30:42,036 DEBUG: Start: Iteration 2 +2016-09-01 10:30:42,044 DEBUG: View 0 : 0.244680851064 +2016-09-01 10:30:42,053 DEBUG: View 1 : 0.18085106383 +2016-09-01 10:30:42,060 DEBUG: View 2 : 0.218085106383 +2016-09-01 10:30:42,068 DEBUG: View 3 : 0.281914893617 +2016-09-01 10:30:42,069 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:30:42,261 DEBUG: Best view : View3 +2016-09-01 10:30:42,449 DEBUG: Start: Iteration 3 +2016-09-01 10:30:42,457 DEBUG: View 0 : 0.244680851064 +2016-09-01 10:30:42,465 DEBUG: View 1 : 0.18085106383 +2016-09-01 10:30:42,473 DEBUG: View 2 : 0.218085106383 +2016-09-01 10:30:42,481 DEBUG: View 3 : 0.281914893617 +2016-09-01 10:30:42,481 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:30:42,684 DEBUG: Best view : View3 +2016-09-01 10:30:42,938 INFO: Start: Classification +2016-09-01 10:30:43,273 INFO: Done: Fold number 5 +2016-09-01 10:30:43,273 INFO: Done: Classification +2016-09-01 10:30:43,274 INFO: Info: Time for Classification: 8[s] +2016-09-01 10:30:43,274 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-103208-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-103208-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..dc35e910bf10297d53be94e150d243b7218066fd --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-103208-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,139 @@ +2016-09-01 10:32:08,403 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:32:08,404 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:32:08,405 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:32:08,405 INFO: Info: Shape of View0 :(300, 16) +2016-09-01 10:32:08,405 INFO: Info: Shape of View1 :(300, 14) +2016-09-01 10:32:08,406 INFO: Info: Shape of View2 :(300, 17) +2016-09-01 10:32:08,406 INFO: Info: Shape of View3 :(300, 16) +2016-09-01 10:32:08,406 INFO: Done: Read Database Files +2016-09-01 10:32:08,407 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:32:08,417 INFO: Done: Determine validation split +2016-09-01 10:32:08,417 INFO: Start: Determine 5 folds +2016-09-01 10:32:08,429 INFO: Info: Length of Learning Sets: 178 +2016-09-01 10:32:08,429 INFO: Info: Length of Testing Sets: 37 +2016-09-01 10:32:08,429 INFO: Info: Length of Validation Set: 85 +2016-09-01 10:32:08,430 INFO: Done: Determine folds +2016-09-01 10:32:08,430 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:32:08,430 INFO: Start: Fold number 1 +2016-09-01 10:32:08,546 DEBUG: Start: Iteration 1 +2016-09-01 10:32:08,554 DEBUG: View 0 : 0.0736842105263 +2016-09-01 10:32:08,563 DEBUG: View 1 : 0.0947368421053 +2016-09-01 10:32:08,571 DEBUG: View 2 : 0.0789473684211 +2016-09-01 10:32:08,580 DEBUG: View 3 : 0.0736842105263 +2016-09-01 10:32:08,580 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:32:08,749 DEBUG: Best view : View0 +2016-09-01 10:32:08,863 DEBUG: Start: Iteration 2 +2016-09-01 10:32:08,871 DEBUG: View 0 : 0.210526315789 +2016-09-01 10:32:08,879 DEBUG: View 1 : 0.231578947368 +2016-09-01 10:32:08,888 DEBUG: View 2 : 0.226315789474 +2016-09-01 10:32:08,896 DEBUG: View 3 : 0.268421052632 +2016-09-01 10:32:08,896 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:32:09,101 DEBUG: Best view : View3 +2016-09-01 10:32:09,292 DEBUG: Start: Iteration 3 +2016-09-01 10:32:09,307 DEBUG: View 0 : 0.210526315789 +2016-09-01 10:32:09,315 DEBUG: View 1 : 0.231578947368 +2016-09-01 10:32:09,324 DEBUG: View 2 : 0.226315789474 +2016-09-01 10:32:09,332 DEBUG: View 3 : 0.268421052632 +2016-09-01 10:32:09,333 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:32:09,536 DEBUG: Best view : View3 +2016-09-01 10:32:09,793 INFO: Start: Classification +2016-09-01 10:32:10,130 INFO: Done: Fold number 1 +2016-09-01 10:32:10,130 INFO: Start: Fold number 2 +2016-09-01 10:32:10,243 DEBUG: Start: Iteration 1 +2016-09-01 10:32:10,251 DEBUG: View 0 : 0.0913978494624 +2016-09-01 10:32:10,258 DEBUG: View 1 : 0.0913978494624 +2016-09-01 10:32:10,265 DEBUG: View 2 : 0.0913978494624 +2016-09-01 10:32:10,272 DEBUG: View 3 : 0.0913978494624 +2016-09-01 10:32:10,273 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:32:10,437 DEBUG: Best view : View0 +2016-09-01 10:32:10,549 DEBUG: Start: Iteration 2 +2016-09-01 10:32:10,557 DEBUG: View 0 : 0.204301075269 +2016-09-01 10:32:10,565 DEBUG: View 1 : 0.225806451613 +2016-09-01 10:32:10,573 DEBUG: View 2 : 0.198924731183 +2016-09-01 10:32:10,582 DEBUG: View 3 : 0.241935483871 +2016-09-01 10:32:10,582 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:32:10,772 DEBUG: Best view : View3 +2016-09-01 10:32:10,957 DEBUG: Start: Iteration 3 +2016-09-01 10:32:10,965 DEBUG: View 0 : 0.204301075269 +2016-09-01 10:32:10,973 DEBUG: View 1 : 0.225806451613 +2016-09-01 10:32:10,982 DEBUG: View 2 : 0.198924731183 +2016-09-01 10:32:10,990 DEBUG: View 3 : 0.241935483871 +2016-09-01 10:32:10,990 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:32:11,189 DEBUG: Best view : View3 +2016-09-01 10:32:11,440 INFO: Start: Classification +2016-09-01 10:32:11,773 INFO: Done: Fold number 2 +2016-09-01 10:32:11,773 INFO: Start: Fold number 3 +2016-09-01 10:32:11,889 DEBUG: Start: Iteration 1 +2016-09-01 10:32:11,897 DEBUG: View 0 : 0.109947643979 +2016-09-01 10:32:11,905 DEBUG: View 1 : 0.0890052356021 +2016-09-01 10:32:11,913 DEBUG: View 2 : 0.115183246073 +2016-09-01 10:32:11,922 DEBUG: View 3 : 0.13612565445 +2016-09-01 10:32:11,922 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:32:12,090 DEBUG: Best view : View1 +2016-09-01 10:32:12,203 DEBUG: Start: Iteration 2 +2016-09-01 10:32:12,211 DEBUG: View 0 : 0.240837696335 +2016-09-01 10:32:12,220 DEBUG: View 1 : 0.214659685864 +2016-09-01 10:32:12,228 DEBUG: View 2 : 0.240837696335 +2016-09-01 10:32:12,237 DEBUG: View 3 : 0.188481675393 +2016-09-01 10:32:12,237 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:32:12,430 DEBUG: Best view : View2 +2016-09-01 10:32:12,618 DEBUG: Start: Iteration 3 +2016-09-01 10:32:12,626 DEBUG: View 0 : 0.240837696335 +2016-09-01 10:32:12,635 DEBUG: View 1 : 0.214659685864 +2016-09-01 10:32:12,643 DEBUG: View 2 : 0.240837696335 +2016-09-01 10:32:12,652 DEBUG: View 3 : 0.188481675393 +2016-09-01 10:32:12,652 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:32:12,856 DEBUG: Best view : View0 +2016-09-01 10:32:13,113 INFO: Start: Classification +2016-09-01 10:32:13,451 INFO: Done: Fold number 3 +2016-09-01 10:32:13,452 INFO: Start: Fold number 4 +2016-09-01 10:32:13,564 DEBUG: Start: Iteration 1 +2016-09-01 10:32:13,572 DEBUG: View 0 : 0.0765027322404 +2016-09-01 10:32:13,580 DEBUG: View 1 : 0.120218579235 +2016-09-01 10:32:13,587 DEBUG: View 2 : 0.114754098361 +2016-09-01 10:32:13,595 DEBUG: View 3 : 0.103825136612 +2016-09-01 10:32:13,595 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:32:13,754 DEBUG: Best view : View1 +2016-09-01 10:32:13,863 DEBUG: Start: Iteration 2 +2016-09-01 10:32:13,871 DEBUG: View 0 : 0.218579234973 +2016-09-01 10:32:13,879 DEBUG: View 1 : 0.234972677596 +2016-09-01 10:32:13,887 DEBUG: View 2 : 0.24043715847 +2016-09-01 10:32:13,895 DEBUG: View 3 : 0.251366120219 +2016-09-01 10:32:13,896 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:32:14,081 DEBUG: Best view : View3 +2016-09-01 10:32:14,261 DEBUG: Start: Iteration 3 +2016-09-01 10:32:14,269 DEBUG: View 0 : 0.218579234973 +2016-09-01 10:32:14,278 DEBUG: View 1 : 0.234972677596 +2016-09-01 10:32:14,286 DEBUG: View 2 : 0.24043715847 +2016-09-01 10:32:14,294 DEBUG: View 3 : 0.251366120219 +2016-09-01 10:32:14,295 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:32:14,491 DEBUG: Best view : View3 +2016-09-01 10:32:14,738 INFO: Start: Classification +2016-09-01 10:32:15,069 INFO: Done: Fold number 4 +2016-09-01 10:32:15,070 INFO: Start: Fold number 5 +2016-09-01 10:32:15,185 DEBUG: Start: Iteration 1 +2016-09-01 10:32:15,192 DEBUG: View 0 : 0.106382978723 +2016-09-01 10:32:15,200 DEBUG: View 1 : 0.106382978723 +2016-09-01 10:32:15,207 DEBUG: View 2 : 0.106382978723 +2016-09-01 10:32:15,214 DEBUG: View 3 : 0.106382978723 +2016-09-01 10:32:15,214 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:32:15,377 DEBUG: Best view : View0 +2016-09-01 10:32:15,488 DEBUG: Start: Iteration 2 +2016-09-01 10:32:15,496 DEBUG: View 0 : 0.212765957447 +2016-09-01 10:32:15,505 DEBUG: View 1 : 0.207446808511 +2016-09-01 10:32:15,513 DEBUG: View 2 : 0.212765957447 +2016-09-01 10:32:15,521 DEBUG: View 3 : 0.218085106383 +2016-09-01 10:32:15,521 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:32:15,719 DEBUG: Best view : View3 +2016-09-01 10:32:15,906 DEBUG: Start: Iteration 3 +2016-09-01 10:32:15,914 DEBUG: View 0 : 0.212765957447 +2016-09-01 10:32:15,923 DEBUG: View 1 : 0.207446808511 +2016-09-01 10:32:15,931 DEBUG: View 2 : 0.212765957447 +2016-09-01 10:32:15,940 DEBUG: View 3 : 0.218085106383 +2016-09-01 10:32:15,940 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:32:16,141 DEBUG: Best view : View3 +2016-09-01 10:32:16,394 INFO: Start: Classification +2016-09-01 10:32:16,730 INFO: Done: Fold number 5 +2016-09-01 10:32:16,730 INFO: Done: Classification +2016-09-01 10:32:16,730 INFO: Info: Time for Classification: 8[s] +2016-09-01 10:32:16,730 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-103238-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-103238-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..6104c888c86a15bc6fcd4cc2527ada99d49010dd --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-103238-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,139 @@ +2016-09-01 10:32:38,198 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:32:38,200 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:32:38,200 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:32:38,200 INFO: Info: Shape of View0 :(300, 17) +2016-09-01 10:32:38,200 INFO: Info: Shape of View1 :(300, 6) +2016-09-01 10:32:38,201 INFO: Info: Shape of View2 :(300, 16) +2016-09-01 10:32:38,201 INFO: Info: Shape of View3 :(300, 15) +2016-09-01 10:32:38,201 INFO: Done: Read Database Files +2016-09-01 10:32:38,201 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:32:38,212 INFO: Done: Determine validation split +2016-09-01 10:32:38,212 INFO: Start: Determine 5 folds +2016-09-01 10:32:38,224 INFO: Info: Length of Learning Sets: 180 +2016-09-01 10:32:38,224 INFO: Info: Length of Testing Sets: 36 +2016-09-01 10:32:38,224 INFO: Info: Length of Validation Set: 84 +2016-09-01 10:32:38,224 INFO: Done: Determine folds +2016-09-01 10:32:38,224 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:32:38,224 INFO: Start: Fold number 1 +2016-09-01 10:32:38,343 DEBUG: Start: Iteration 1 +2016-09-01 10:32:38,350 DEBUG: View 0 : 0.125654450262 +2016-09-01 10:32:38,358 DEBUG: View 1 : 0.125654450262 +2016-09-01 10:32:38,365 DEBUG: View 2 : 0.125654450262 +2016-09-01 10:32:38,373 DEBUG: View 3 : 0.125654450262 +2016-09-01 10:32:38,373 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:32:38,544 DEBUG: Best view : View0 +2016-09-01 10:32:38,658 DEBUG: Start: Iteration 2 +2016-09-01 10:32:38,667 DEBUG: View 0 : 0.225130890052 +2016-09-01 10:32:38,675 DEBUG: View 1 : 0.240837696335 +2016-09-01 10:32:38,683 DEBUG: View 2 : 0.277486910995 +2016-09-01 10:32:38,691 DEBUG: View 3 : 0.282722513089 +2016-09-01 10:32:38,691 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:32:38,889 DEBUG: Best view : View3 +2016-09-01 10:32:39,084 DEBUG: Start: Iteration 3 +2016-09-01 10:32:39,102 DEBUG: View 0 : 0.225130890052 +2016-09-01 10:32:39,109 DEBUG: View 1 : 0.240837696335 +2016-09-01 10:32:39,118 DEBUG: View 2 : 0.277486910995 +2016-09-01 10:32:39,126 DEBUG: View 3 : 0.282722513089 +2016-09-01 10:32:39,126 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:32:39,336 DEBUG: Best view : View3 +2016-09-01 10:32:39,595 INFO: Start: Classification +2016-09-01 10:32:39,931 INFO: Done: Fold number 1 +2016-09-01 10:32:39,931 INFO: Start: Fold number 2 +2016-09-01 10:32:40,048 DEBUG: Start: Iteration 1 +2016-09-01 10:32:40,056 DEBUG: View 0 : 0.116402116402 +2016-09-01 10:32:40,064 DEBUG: View 1 : 0.100529100529 +2016-09-01 10:32:40,072 DEBUG: View 2 : 0.0899470899471 +2016-09-01 10:32:40,080 DEBUG: View 3 : 0.0793650793651 +2016-09-01 10:32:40,080 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:32:40,247 DEBUG: Best view : View2 +2016-09-01 10:32:40,360 DEBUG: Start: Iteration 2 +2016-09-01 10:32:40,368 DEBUG: View 0 : 0.253968253968 +2016-09-01 10:32:40,376 DEBUG: View 1 : 0.232804232804 +2016-09-01 10:32:40,384 DEBUG: View 2 : 0.238095238095 +2016-09-01 10:32:40,393 DEBUG: View 3 : 0.26455026455 +2016-09-01 10:32:40,393 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:32:40,589 DEBUG: Best view : View3 +2016-09-01 10:32:40,777 DEBUG: Start: Iteration 3 +2016-09-01 10:32:40,786 DEBUG: View 0 : 0.253968253968 +2016-09-01 10:32:40,794 DEBUG: View 1 : 0.232804232804 +2016-09-01 10:32:40,803 DEBUG: View 2 : 0.238095238095 +2016-09-01 10:32:40,811 DEBUG: View 3 : 0.26455026455 +2016-09-01 10:32:40,811 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:32:41,017 DEBUG: Best view : View3 +2016-09-01 10:32:41,272 INFO: Start: Classification +2016-09-01 10:32:41,606 INFO: Done: Fold number 2 +2016-09-01 10:32:41,606 INFO: Start: Fold number 3 +2016-09-01 10:32:41,723 DEBUG: Start: Iteration 1 +2016-09-01 10:32:41,731 DEBUG: View 0 : 0.142857142857 +2016-09-01 10:32:41,739 DEBUG: View 1 : 0.0793650793651 +2016-09-01 10:32:41,747 DEBUG: View 2 : 0.0952380952381 +2016-09-01 10:32:41,755 DEBUG: View 3 : 0.116402116402 +2016-09-01 10:32:41,755 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:32:41,920 DEBUG: Best view : View0 +2016-09-01 10:32:42,032 DEBUG: Start: Iteration 2 +2016-09-01 10:32:42,040 DEBUG: View 0 : 0.206349206349 +2016-09-01 10:32:42,048 DEBUG: View 1 : 0.216931216931 +2016-09-01 10:32:42,057 DEBUG: View 2 : 0.232804232804 +2016-09-01 10:32:42,065 DEBUG: View 3 : 0.301587301587 +2016-09-01 10:32:42,065 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:32:42,259 DEBUG: Best view : View3 +2016-09-01 10:32:42,447 DEBUG: Start: Iteration 3 +2016-09-01 10:32:42,455 DEBUG: View 0 : 0.206349206349 +2016-09-01 10:32:42,463 DEBUG: View 1 : 0.216931216931 +2016-09-01 10:32:42,471 DEBUG: View 2 : 0.232804232804 +2016-09-01 10:32:42,480 DEBUG: View 3 : 0.301587301587 +2016-09-01 10:32:42,480 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:32:42,686 DEBUG: Best view : View3 +2016-09-01 10:32:42,942 INFO: Start: Classification +2016-09-01 10:32:43,276 INFO: Done: Fold number 3 +2016-09-01 10:32:43,277 INFO: Start: Fold number 4 +2016-09-01 10:32:43,394 DEBUG: Start: Iteration 1 +2016-09-01 10:32:43,402 DEBUG: View 0 : 0.121693121693 +2016-09-01 10:32:43,409 DEBUG: View 1 : 0.0952380952381 +2016-09-01 10:32:43,417 DEBUG: View 2 : 0.0899470899471 +2016-09-01 10:32:43,426 DEBUG: View 3 : 0.111111111111 +2016-09-01 10:32:43,426 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:32:43,590 DEBUG: Best view : View0 +2016-09-01 10:32:43,702 DEBUG: Start: Iteration 2 +2016-09-01 10:32:43,710 DEBUG: View 0 : 0.232804232804 +2016-09-01 10:32:43,718 DEBUG: View 1 : 0.238095238095 +2016-09-01 10:32:43,726 DEBUG: View 2 : 0.227513227513 +2016-09-01 10:32:43,735 DEBUG: View 3 : 0.291005291005 +2016-09-01 10:32:43,735 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:32:43,930 DEBUG: Best view : View3 +2016-09-01 10:32:44,117 DEBUG: Start: Iteration 3 +2016-09-01 10:32:44,125 DEBUG: View 0 : 0.232804232804 +2016-09-01 10:32:44,133 DEBUG: View 1 : 0.238095238095 +2016-09-01 10:32:44,141 DEBUG: View 2 : 0.227513227513 +2016-09-01 10:32:44,149 DEBUG: View 3 : 0.291005291005 +2016-09-01 10:32:44,150 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:32:44,356 DEBUG: Best view : View3 +2016-09-01 10:32:44,611 INFO: Start: Classification +2016-09-01 10:32:44,944 INFO: Done: Fold number 4 +2016-09-01 10:32:44,944 INFO: Start: Fold number 5 +2016-09-01 10:32:45,061 DEBUG: Start: Iteration 1 +2016-09-01 10:32:45,069 DEBUG: View 0 : 0.10582010582 +2016-09-01 10:32:45,076 DEBUG: View 1 : 0.10582010582 +2016-09-01 10:32:45,085 DEBUG: View 2 : 0.0846560846561 +2016-09-01 10:32:45,094 DEBUG: View 3 : 0.132275132275 +2016-09-01 10:32:45,094 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:32:45,259 DEBUG: Best view : View3 +2016-09-01 10:32:45,373 DEBUG: Start: Iteration 2 +2016-09-01 10:32:45,381 DEBUG: View 0 : 0.26455026455 +2016-09-01 10:32:45,389 DEBUG: View 1 : 0.21164021164 +2016-09-01 10:32:45,397 DEBUG: View 2 : 0.259259259259 +2016-09-01 10:32:45,406 DEBUG: View 3 : 0.269841269841 +2016-09-01 10:32:45,406 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:32:45,603 DEBUG: Best view : View3 +2016-09-01 10:32:45,793 DEBUG: Start: Iteration 3 +2016-09-01 10:32:45,801 DEBUG: View 0 : 0.26455026455 +2016-09-01 10:32:45,809 DEBUG: View 1 : 0.21164021164 +2016-09-01 10:32:45,818 DEBUG: View 2 : 0.259259259259 +2016-09-01 10:32:45,826 DEBUG: View 3 : 0.269841269841 +2016-09-01 10:32:45,826 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:32:46,034 DEBUG: Best view : View3 +2016-09-01 10:32:46,290 INFO: Start: Classification +2016-09-01 10:32:46,622 INFO: Done: Fold number 5 +2016-09-01 10:32:46,622 INFO: Done: Classification +2016-09-01 10:32:46,622 INFO: Info: Time for Classification: 8[s] +2016-09-01 10:32:46,622 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-103650-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-103650-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..3122c4ddd0d6bac05f3a04e4888326bf0853c352 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-103650-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,139 @@ +2016-09-01 10:36:50,742 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:36:50,743 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:36:50,743 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:36:50,744 INFO: Info: Shape of View0 :(300, 19) +2016-09-01 10:36:50,744 INFO: Info: Shape of View1 :(300, 14) +2016-09-01 10:36:50,744 INFO: Info: Shape of View2 :(300, 7) +2016-09-01 10:36:50,745 INFO: Info: Shape of View3 :(300, 11) +2016-09-01 10:36:50,745 INFO: Done: Read Database Files +2016-09-01 10:36:50,745 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:36:50,755 INFO: Done: Determine validation split +2016-09-01 10:36:50,756 INFO: Start: Determine 5 folds +2016-09-01 10:36:50,767 INFO: Info: Length of Learning Sets: 178 +2016-09-01 10:36:50,767 INFO: Info: Length of Testing Sets: 37 +2016-09-01 10:36:50,767 INFO: Info: Length of Validation Set: 85 +2016-09-01 10:36:50,767 INFO: Done: Determine folds +2016-09-01 10:36:50,767 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:36:50,767 INFO: Start: Fold number 1 +2016-09-01 10:36:50,883 DEBUG: Start: Iteration 1 +2016-09-01 10:36:50,891 DEBUG: View 0 : 0.105263157895 +2016-09-01 10:36:50,899 DEBUG: View 1 : 0.115789473684 +2016-09-01 10:36:50,906 DEBUG: View 2 : 0.105263157895 +2016-09-01 10:36:50,914 DEBUG: View 3 : 0.0894736842105 +2016-09-01 10:36:50,914 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:36:51,083 DEBUG: Best view : View1 +2016-09-01 10:36:51,197 DEBUG: Start: Iteration 2 +2016-09-01 10:36:51,205 DEBUG: View 0 : 0.221052631579 +2016-09-01 10:36:51,213 DEBUG: View 1 : 0.215789473684 +2016-09-01 10:36:51,221 DEBUG: View 2 : 0.189473684211 +2016-09-01 10:36:51,229 DEBUG: View 3 : 0.205263157895 +2016-09-01 10:36:51,229 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:36:51,426 DEBUG: Best view : View0 +2016-09-01 10:36:51,617 DEBUG: Start: Iteration 3 +2016-09-01 10:36:51,636 DEBUG: View 0 : 0.221052631579 +2016-09-01 10:36:51,644 DEBUG: View 1 : 0.215789473684 +2016-09-01 10:36:51,651 DEBUG: View 2 : 0.189473684211 +2016-09-01 10:36:51,659 DEBUG: View 3 : 0.205263157895 +2016-09-01 10:36:51,659 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:36:51,863 DEBUG: Best view : View0 +2016-09-01 10:36:52,119 INFO: Start: Classification +2016-09-01 10:36:52,456 INFO: Done: Fold number 1 +2016-09-01 10:36:52,456 INFO: Start: Fold number 2 +2016-09-01 10:36:52,571 DEBUG: Start: Iteration 1 +2016-09-01 10:36:52,579 DEBUG: View 0 : 0.0860215053763 +2016-09-01 10:36:52,587 DEBUG: View 1 : 0.0967741935484 +2016-09-01 10:36:52,594 DEBUG: View 2 : 0.0913978494624 +2016-09-01 10:36:52,602 DEBUG: View 3 : 0.0860215053763 +2016-09-01 10:36:52,602 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:36:52,765 DEBUG: Best view : View1 +2016-09-01 10:36:52,876 DEBUG: Start: Iteration 2 +2016-09-01 10:36:52,884 DEBUG: View 0 : 0.198924731183 +2016-09-01 10:36:52,893 DEBUG: View 1 : 0.215053763441 +2016-09-01 10:36:52,901 DEBUG: View 2 : 0.236559139785 +2016-09-01 10:36:52,908 DEBUG: View 3 : 0.268817204301 +2016-09-01 10:36:52,909 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:36:53,099 DEBUG: Best view : View3 +2016-09-01 10:36:53,282 DEBUG: Start: Iteration 3 +2016-09-01 10:36:53,290 DEBUG: View 0 : 0.198924731183 +2016-09-01 10:36:53,298 DEBUG: View 1 : 0.215053763441 +2016-09-01 10:36:53,306 DEBUG: View 2 : 0.236559139785 +2016-09-01 10:36:53,314 DEBUG: View 3 : 0.268817204301 +2016-09-01 10:36:53,314 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:36:53,516 DEBUG: Best view : View3 +2016-09-01 10:36:53,766 INFO: Start: Classification +2016-09-01 10:36:54,096 INFO: Done: Fold number 2 +2016-09-01 10:36:54,096 INFO: Start: Fold number 3 +2016-09-01 10:36:54,213 DEBUG: Start: Iteration 1 +2016-09-01 10:36:54,220 DEBUG: View 0 : 0.0797872340426 +2016-09-01 10:36:54,227 DEBUG: View 1 : 0.0797872340426 +2016-09-01 10:36:54,234 DEBUG: View 2 : 0.0797872340426 +2016-09-01 10:36:54,241 DEBUG: View 3 : 0.0797872340426 +2016-09-01 10:36:54,242 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:36:54,405 DEBUG: Best view : View0 +2016-09-01 10:36:54,516 DEBUG: Start: Iteration 2 +2016-09-01 10:36:54,525 DEBUG: View 0 : 0.228723404255 +2016-09-01 10:36:54,533 DEBUG: View 1 : 0.239361702128 +2016-09-01 10:36:54,541 DEBUG: View 2 : 0.202127659574 +2016-09-01 10:36:54,549 DEBUG: View 3 : 0.223404255319 +2016-09-01 10:36:54,549 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:36:54,739 DEBUG: Best view : View1 +2016-09-01 10:36:54,924 DEBUG: Start: Iteration 3 +2016-09-01 10:36:54,932 DEBUG: View 0 : 0.228723404255 +2016-09-01 10:36:54,940 DEBUG: View 1 : 0.239361702128 +2016-09-01 10:36:54,948 DEBUG: View 2 : 0.202127659574 +2016-09-01 10:36:54,956 DEBUG: View 3 : 0.223404255319 +2016-09-01 10:36:54,956 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:36:55,157 DEBUG: Best view : View1 +2016-09-01 10:36:55,409 INFO: Start: Classification +2016-09-01 10:36:55,743 INFO: Done: Fold number 3 +2016-09-01 10:36:55,743 INFO: Start: Fold number 4 +2016-09-01 10:36:55,857 DEBUG: Start: Iteration 1 +2016-09-01 10:36:55,865 DEBUG: View 0 : 0.0923913043478 +2016-09-01 10:36:55,873 DEBUG: View 1 : 0.0815217391304 +2016-09-01 10:36:55,881 DEBUG: View 2 : 0.108695652174 +2016-09-01 10:36:55,889 DEBUG: View 3 : 0.0815217391304 +2016-09-01 10:36:55,889 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:36:56,067 DEBUG: Best view : View2 +2016-09-01 10:36:56,178 DEBUG: Start: Iteration 2 +2016-09-01 10:36:56,186 DEBUG: View 0 : 0.260869565217 +2016-09-01 10:36:56,194 DEBUG: View 1 : 0.201086956522 +2016-09-01 10:36:56,202 DEBUG: View 2 : 0.20652173913 +2016-09-01 10:36:56,210 DEBUG: View 3 : 0.239130434783 +2016-09-01 10:36:56,210 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:36:56,398 DEBUG: Best view : View0 +2016-09-01 10:36:56,578 DEBUG: Start: Iteration 3 +2016-09-01 10:36:56,587 DEBUG: View 0 : 0.260869565217 +2016-09-01 10:36:56,595 DEBUG: View 1 : 0.201086956522 +2016-09-01 10:36:56,602 DEBUG: View 2 : 0.20652173913 +2016-09-01 10:36:56,610 DEBUG: View 3 : 0.239130434783 +2016-09-01 10:36:56,611 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:36:56,809 DEBUG: Best view : View0 +2016-09-01 10:36:57,058 INFO: Start: Classification +2016-09-01 10:36:57,387 INFO: Done: Fold number 4 +2016-09-01 10:36:57,387 INFO: Start: Fold number 5 +2016-09-01 10:36:57,509 DEBUG: Start: Iteration 1 +2016-09-01 10:36:57,517 DEBUG: View 0 : 0.0777202072539 +2016-09-01 10:36:57,524 DEBUG: View 1 : 0.0777202072539 +2016-09-01 10:36:57,532 DEBUG: View 2 : 0.0621761658031 +2016-09-01 10:36:57,540 DEBUG: View 3 : 0.0621761658031 +2016-09-01 10:36:57,540 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:36:57,709 DEBUG: Best view : View0 +2016-09-01 10:36:57,824 DEBUG: Start: Iteration 2 +2016-09-01 10:36:57,833 DEBUG: View 0 : 0.217616580311 +2016-09-01 10:36:57,841 DEBUG: View 1 : 0.233160621762 +2016-09-01 10:36:57,849 DEBUG: View 2 : 0.227979274611 +2016-09-01 10:36:57,857 DEBUG: View 3 : 0.248704663212 +2016-09-01 10:36:57,857 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:36:58,054 DEBUG: Best view : View3 +2016-09-01 10:36:58,244 DEBUG: Start: Iteration 3 +2016-09-01 10:36:58,253 DEBUG: View 0 : 0.217616580311 +2016-09-01 10:36:58,261 DEBUG: View 1 : 0.233160621762 +2016-09-01 10:36:58,269 DEBUG: View 2 : 0.227979274611 +2016-09-01 10:36:58,277 DEBUG: View 3 : 0.248704663212 +2016-09-01 10:36:58,277 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:36:58,485 DEBUG: Best view : View3 +2016-09-01 10:36:58,744 INFO: Start: Classification +2016-09-01 10:36:59,084 INFO: Done: Fold number 5 +2016-09-01 10:36:59,085 INFO: Done: Classification +2016-09-01 10:36:59,085 INFO: Info: Time for Classification: 8[s] +2016-09-01 10:36:59,085 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-103831-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-103831-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..31f7c0d40d949b0de5a71db078ff97fff2170c18 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-103831-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,54 @@ +2016-09-01 10:38:31,151 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:38:31,152 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:38:31,152 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:38:31,153 INFO: Info: Shape of View0 :(300, 18) +2016-09-01 10:38:31,153 INFO: Info: Shape of View1 :(300, 17) +2016-09-01 10:38:31,154 INFO: Info: Shape of View2 :(300, 12) +2016-09-01 10:38:31,154 INFO: Info: Shape of View3 :(300, 8) +2016-09-01 10:38:31,154 INFO: Done: Read Database Files +2016-09-01 10:38:31,154 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:38:31,164 INFO: Done: Determine validation split +2016-09-01 10:38:31,164 INFO: Start: Determine 5 folds +2016-09-01 10:38:31,180 INFO: Info: Length of Learning Sets: 177 +2016-09-01 10:38:31,180 INFO: Info: Length of Testing Sets: 39 +2016-09-01 10:38:31,180 INFO: Info: Length of Validation Set: 84 +2016-09-01 10:38:31,180 INFO: Done: Determine folds +2016-09-01 10:38:31,180 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:38:31,180 INFO: Start: Fold number 1 +2016-09-01 10:38:31,296 DEBUG: Start: Iteration 1 +2016-09-01 10:38:31,304 DEBUG: View 0 : 0.102564102564 +2016-09-01 10:38:31,311 DEBUG: View 1 : 0.102564102564 +2016-09-01 10:38:31,318 DEBUG: View 2 : 0.102564102564 +2016-09-01 10:38:31,326 DEBUG: View 3 : 0.102564102564 +2016-09-01 10:38:31,326 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:38:31,496 DEBUG: Best view : View0 +2016-09-01 10:38:31,612 DEBUG: Start: Iteration 2 +2016-09-01 10:38:31,621 DEBUG: View 0 : 0.2 +2016-09-01 10:38:31,630 DEBUG: View 1 : 0.251282051282 +2016-09-01 10:38:31,638 DEBUG: View 2 : 0.25641025641 +2016-09-01 10:38:31,646 DEBUG: View 3 : 0.215384615385 +2016-09-01 10:38:31,646 WARNING: WARNING: All bad for iteration 1 +2016-09-01 10:38:31,842 DEBUG: Best view : View2 +2016-09-01 10:38:32,036 DEBUG: Start: Iteration 3 +2016-09-01 10:38:32,055 DEBUG: View 0 : 0.2 +2016-09-01 10:38:32,063 DEBUG: View 1 : 0.251282051282 +2016-09-01 10:38:32,071 DEBUG: View 2 : 0.25641025641 +2016-09-01 10:38:32,080 DEBUG: View 3 : 0.215384615385 +2016-09-01 10:38:32,080 WARNING: WARNING: All bad for iteration 2 +2016-09-01 10:38:32,283 DEBUG: Best view : View2 +2016-09-01 10:38:32,545 INFO: Start: Classification +2016-09-01 10:38:32,889 INFO: Done: Fold number 1 +2016-09-01 10:38:32,889 INFO: Start: Fold number 2 +2016-09-01 10:38:33,003 DEBUG: Start: Iteration 1 +2016-09-01 10:38:33,011 DEBUG: View 0 : 0.132978723404 +2016-09-01 10:38:33,019 DEBUG: View 1 : 0.148936170213 +2016-09-01 10:38:33,027 DEBUG: View 2 : 0.143617021277 +2016-09-01 10:38:33,035 DEBUG: View 3 : 0.143617021277 +2016-09-01 10:38:33,035 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:38:33,200 DEBUG: Best view : View1 +2016-09-01 10:38:33,310 DEBUG: Start: Iteration 2 +2016-09-01 10:38:33,319 DEBUG: View 0 : 0.212765957447 +2016-09-01 10:38:33,327 DEBUG: View 1 : 0.276595744681 +2016-09-01 10:38:33,335 DEBUG: View 2 : 0.255319148936 +2016-09-01 10:38:33,343 DEBUG: View 3 : 0.260638297872 +2016-09-01 10:38:33,343 WARNING: WARNING: All bad for iteration 1 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-103901-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-103901-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..f5445ce3c044d1ddf48d29797bb112f00992ff5c --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-103901-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,124 @@ +2016-09-01 10:39:01,023 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:39:01,025 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:39:01,025 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:39:01,025 INFO: Info: Shape of View0 :(300, 9) +2016-09-01 10:39:01,026 INFO: Info: Shape of View1 :(300, 8) +2016-09-01 10:39:01,026 INFO: Info: Shape of View2 :(300, 12) +2016-09-01 10:39:01,027 INFO: Info: Shape of View3 :(300, 9) +2016-09-01 10:39:01,027 INFO: Done: Read Database Files +2016-09-01 10:39:01,027 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:39:01,030 INFO: Done: Determine validation split +2016-09-01 10:39:01,031 INFO: Start: Determine 5 folds +2016-09-01 10:39:01,040 INFO: Info: Length of Learning Sets: 169 +2016-09-01 10:39:01,040 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:39:01,041 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:39:01,041 INFO: Done: Determine folds +2016-09-01 10:39:01,041 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:39:01,041 INFO: Start: Fold number 1 +2016-09-01 10:39:01,077 DEBUG: Start: Iteration 1 +2016-09-01 10:39:01,085 DEBUG: View 0 : 0.551912568306 +2016-09-01 10:39:01,094 DEBUG: View 1 : 0.551912568306 +2016-09-01 10:39:01,102 DEBUG: View 2 : 0.551912568306 +2016-09-01 10:39:01,111 DEBUG: View 3 : 0.551912568306 +2016-09-01 10:39:01,156 DEBUG: Best view : View0 +2016-09-01 10:39:01,245 DEBUG: Start: Iteration 2 +2016-09-01 10:39:01,253 DEBUG: View 0 : 0.628415300546 +2016-09-01 10:39:01,262 DEBUG: View 1 : 0.644808743169 +2016-09-01 10:39:01,270 DEBUG: View 2 : 0.75956284153 +2016-09-01 10:39:01,279 DEBUG: View 3 : 0.732240437158 +2016-09-01 10:39:01,338 DEBUG: Best view : View2 +2016-09-01 10:39:01,488 DEBUG: Start: Iteration 3 +2016-09-01 10:39:01,505 DEBUG: View 0 : 0.628415300546 +2016-09-01 10:39:01,513 DEBUG: View 1 : 0.644808743169 +2016-09-01 10:39:01,521 DEBUG: View 2 : 0.75956284153 +2016-09-01 10:39:01,528 DEBUG: View 3 : 0.732240437158 +2016-09-01 10:39:01,576 DEBUG: Best view : View2 +2016-09-01 10:39:01,785 INFO: Start: Classification +2016-09-01 10:39:02,131 INFO: Done: Fold number 1 +2016-09-01 10:39:02,131 INFO: Start: Fold number 2 +2016-09-01 10:39:02,163 DEBUG: Start: Iteration 1 +2016-09-01 10:39:02,170 DEBUG: View 0 : 0.540106951872 +2016-09-01 10:39:02,177 DEBUG: View 1 : 0.540106951872 +2016-09-01 10:39:02,184 DEBUG: View 2 : 0.540106951872 +2016-09-01 10:39:02,192 DEBUG: View 3 : 0.540106951872 +2016-09-01 10:39:02,231 DEBUG: Best view : View0 +2016-09-01 10:39:02,310 DEBUG: Start: Iteration 2 +2016-09-01 10:39:02,318 DEBUG: View 0 : 0.641711229947 +2016-09-01 10:39:02,326 DEBUG: View 1 : 0.631016042781 +2016-09-01 10:39:02,334 DEBUG: View 2 : 0.716577540107 +2016-09-01 10:39:02,341 DEBUG: View 3 : 0.695187165775 +2016-09-01 10:39:02,387 DEBUG: Best view : View2 +2016-09-01 10:39:02,535 DEBUG: Start: Iteration 3 +2016-09-01 10:39:02,543 DEBUG: View 0 : 0.641711229947 +2016-09-01 10:39:02,551 DEBUG: View 1 : 0.631016042781 +2016-09-01 10:39:02,559 DEBUG: View 2 : 0.716577540107 +2016-09-01 10:39:02,566 DEBUG: View 3 : 0.695187165775 +2016-09-01 10:39:02,615 DEBUG: Best view : View2 +2016-09-01 10:39:02,829 INFO: Start: Classification +2016-09-01 10:39:03,171 INFO: Done: Fold number 2 +2016-09-01 10:39:03,171 INFO: Start: Fold number 3 +2016-09-01 10:39:03,201 DEBUG: Start: Iteration 1 +2016-09-01 10:39:03,209 DEBUG: View 0 : 0.572222222222 +2016-09-01 10:39:03,216 DEBUG: View 1 : 0.511111111111 +2016-09-01 10:39:03,223 DEBUG: View 2 : 0.583333333333 +2016-09-01 10:39:03,231 DEBUG: View 3 : 0.516666666667 +2016-09-01 10:39:03,269 DEBUG: Best view : View1 +2016-09-01 10:39:03,346 DEBUG: Start: Iteration 2 +2016-09-01 10:39:03,354 DEBUG: View 0 : 0.705555555556 +2016-09-01 10:39:03,362 DEBUG: View 1 : 0.644444444444 +2016-09-01 10:39:03,369 DEBUG: View 2 : 0.738888888889 +2016-09-01 10:39:03,377 DEBUG: View 3 : 0.727777777778 +2016-09-01 10:39:03,421 DEBUG: Best view : View2 +2016-09-01 10:39:03,571 DEBUG: Start: Iteration 3 +2016-09-01 10:39:03,579 DEBUG: View 0 : 0.705555555556 +2016-09-01 10:39:03,587 DEBUG: View 1 : 0.644444444444 +2016-09-01 10:39:03,594 DEBUG: View 2 : 0.738888888889 +2016-09-01 10:39:03,602 DEBUG: View 3 : 0.727777777778 +2016-09-01 10:39:03,649 DEBUG: Best view : View2 +2016-09-01 10:39:03,854 INFO: Start: Classification +2016-09-01 10:39:04,187 INFO: Done: Fold number 3 +2016-09-01 10:39:04,187 INFO: Start: Fold number 4 +2016-09-01 10:39:04,217 DEBUG: Start: Iteration 1 +2016-09-01 10:39:04,224 DEBUG: View 0 : 0.513812154696 +2016-09-01 10:39:04,231 DEBUG: View 1 : 0.497237569061 +2016-09-01 10:39:04,239 DEBUG: View 2 : 0.46408839779 +2016-09-01 10:39:04,246 DEBUG: View 3 : 0.53591160221 +2016-09-01 10:39:04,284 DEBUG: Best view : View3 +2016-09-01 10:39:04,361 DEBUG: Start: Iteration 2 +2016-09-01 10:39:04,369 DEBUG: View 0 : 0.624309392265 +2016-09-01 10:39:04,376 DEBUG: View 1 : 0.646408839779 +2016-09-01 10:39:04,384 DEBUG: View 2 : 0.729281767956 +2016-09-01 10:39:04,392 DEBUG: View 3 : 0.729281767956 +2016-09-01 10:39:04,435 DEBUG: Best view : View2 +2016-09-01 10:39:04,578 DEBUG: Start: Iteration 3 +2016-09-01 10:39:04,585 DEBUG: View 0 : 0.624309392265 +2016-09-01 10:39:04,593 DEBUG: View 1 : 0.646408839779 +2016-09-01 10:39:04,600 DEBUG: View 2 : 0.729281767956 +2016-09-01 10:39:04,608 DEBUG: View 3 : 0.729281767956 +2016-09-01 10:39:04,655 DEBUG: Best view : View2 +2016-09-01 10:39:04,868 INFO: Start: Classification +2016-09-01 10:39:05,221 INFO: Done: Fold number 4 +2016-09-01 10:39:05,221 INFO: Start: Fold number 5 +2016-09-01 10:39:05,252 DEBUG: Start: Iteration 1 +2016-09-01 10:39:05,259 DEBUG: View 0 : 0.552486187845 +2016-09-01 10:39:05,266 DEBUG: View 1 : 0.552486187845 +2016-09-01 10:39:05,273 DEBUG: View 2 : 0.552486187845 +2016-09-01 10:39:05,280 DEBUG: View 3 : 0.552486187845 +2016-09-01 10:39:05,318 DEBUG: Best view : View0 +2016-09-01 10:39:05,396 DEBUG: Start: Iteration 2 +2016-09-01 10:39:05,403 DEBUG: View 0 : 0.618784530387 +2016-09-01 10:39:05,411 DEBUG: View 1 : 0.685082872928 +2016-09-01 10:39:05,418 DEBUG: View 2 : 0.718232044199 +2016-09-01 10:39:05,426 DEBUG: View 3 : 0.690607734807 +2016-09-01 10:39:05,470 DEBUG: Best view : View2 +2016-09-01 10:39:05,612 DEBUG: Start: Iteration 3 +2016-09-01 10:39:05,620 DEBUG: View 0 : 0.618784530387 +2016-09-01 10:39:05,627 DEBUG: View 1 : 0.685082872928 +2016-09-01 10:39:05,635 DEBUG: View 2 : 0.718232044199 +2016-09-01 10:39:05,642 DEBUG: View 3 : 0.690607734807 +2016-09-01 10:39:05,693 DEBUG: Best view : View2 +2016-09-01 10:39:05,900 INFO: Start: Classification +2016-09-01 10:39:06,236 INFO: Done: Fold number 5 +2016-09-01 10:39:06,236 INFO: Done: Classification +2016-09-01 10:39:06,236 INFO: Info: Time for Classification: 5[s] +2016-09-01 10:39:06,236 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-103940-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-103940-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..91ce803e897a2b1f367336c99e1d9007550c4559 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-103940-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,93 @@ +2016-09-01 10:39:40,915 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:39:40,917 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:39:40,917 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:39:40,918 INFO: Info: Shape of View0 :(300, 8) +2016-09-01 10:39:40,918 INFO: Info: Shape of View1 :(300, 7) +2016-09-01 10:39:40,919 INFO: Info: Shape of View2 :(300, 13) +2016-09-01 10:39:40,919 INFO: Info: Shape of View3 :(300, 16) +2016-09-01 10:39:40,919 INFO: Done: Read Database Files +2016-09-01 10:39:40,919 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:39:40,923 INFO: Done: Determine validation split +2016-09-01 10:39:40,923 INFO: Start: Determine 5 folds +2016-09-01 10:39:40,930 INFO: Info: Length of Learning Sets: 170 +2016-09-01 10:39:40,930 INFO: Info: Length of Testing Sets: 41 +2016-09-01 10:39:40,930 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:39:40,930 INFO: Done: Determine folds +2016-09-01 10:39:40,930 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:39:40,930 INFO: Start: Fold number 1 +2016-09-01 10:39:40,966 DEBUG: Start: Iteration 1 +2016-09-01 10:39:40,974 DEBUG: View 0 : 0.55737704918 +2016-09-01 10:39:40,981 DEBUG: View 1 : 0.55737704918 +2016-09-01 10:39:40,988 DEBUG: View 2 : 0.55737704918 +2016-09-01 10:39:40,996 DEBUG: View 3 : 0.55737704918 +2016-09-01 10:39:41,037 DEBUG: Best view : View0 +2016-09-01 10:39:41,118 DEBUG: Start: Iteration 2 +2016-09-01 10:39:41,126 DEBUG: View 0 : 0.699453551913 +2016-09-01 10:39:41,133 DEBUG: View 1 : 0.677595628415 +2016-09-01 10:39:41,141 DEBUG: View 2 : 0.726775956284 +2016-09-01 10:39:41,149 DEBUG: View 3 : 0.72131147541 +2016-09-01 10:39:41,195 DEBUG: Best view : View2 +2016-09-01 10:39:41,345 DEBUG: Start: Iteration 3 +2016-09-01 10:39:41,359 DEBUG: View 0 : 0.699453551913 +2016-09-01 10:39:41,366 DEBUG: View 1 : 0.677595628415 +2016-09-01 10:39:41,374 DEBUG: View 2 : 0.726775956284 +2016-09-01 10:39:41,382 DEBUG: View 3 : 0.715846994536 +2016-09-01 10:39:41,431 DEBUG: Best view : View2 +2016-09-01 10:39:41,642 INFO: Start: Classification +2016-09-01 10:39:41,980 INFO: Done: Fold number 1 +2016-09-01 10:39:41,981 INFO: Start: Fold number 2 +2016-09-01 10:39:42,011 DEBUG: Start: Iteration 1 +2016-09-01 10:39:42,018 DEBUG: View 0 : 0.441340782123 +2016-09-01 10:39:42,025 DEBUG: View 1 : 0.441340782123 +2016-09-01 10:39:42,032 DEBUG: View 2 : 0.441340782123 +2016-09-01 10:39:42,039 DEBUG: View 3 : 0.441340782123 +2016-09-01 10:39:42,039 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:39:42,078 DEBUG: Best view : View0 +2016-09-01 10:39:42,155 DEBUG: Start: Iteration 2 +2016-09-01 10:39:42,162 DEBUG: View 0 : 0.664804469274 +2016-09-01 10:39:42,170 DEBUG: View 1 : 0.715083798883 +2016-09-01 10:39:42,177 DEBUG: View 2 : 0.68156424581 +2016-09-01 10:39:42,185 DEBUG: View 3 : 0.715083798883 +2016-09-01 10:39:42,231 DEBUG: Best view : View1 +2016-09-01 10:39:42,373 DEBUG: Start: Iteration 3 +2016-09-01 10:39:42,380 DEBUG: View 0 : 0.664804469274 +2016-09-01 10:39:42,388 DEBUG: View 1 : 0.715083798883 +2016-09-01 10:39:42,395 DEBUG: View 2 : 0.68156424581 +2016-09-01 10:39:42,403 DEBUG: View 3 : 0.715083798883 +2016-09-01 10:39:42,452 DEBUG: Best view : View1 +2016-09-01 10:39:42,657 INFO: Start: Classification +2016-09-01 10:39:42,991 INFO: Done: Fold number 2 +2016-09-01 10:39:42,991 INFO: Start: Fold number 3 +2016-09-01 10:39:43,023 DEBUG: Start: Iteration 1 +2016-09-01 10:39:43,030 DEBUG: View 0 : 0.562162162162 +2016-09-01 10:39:43,037 DEBUG: View 1 : 0.562162162162 +2016-09-01 10:39:43,044 DEBUG: View 2 : 0.562162162162 +2016-09-01 10:39:43,051 DEBUG: View 3 : 0.562162162162 +2016-09-01 10:39:43,092 DEBUG: Best view : View0 +2016-09-01 10:39:43,172 DEBUG: Start: Iteration 2 +2016-09-01 10:39:43,179 DEBUG: View 0 : 0.643243243243 +2016-09-01 10:39:43,187 DEBUG: View 1 : 0.702702702703 +2016-09-01 10:39:43,195 DEBUG: View 2 : 0.654054054054 +2016-09-01 10:39:43,203 DEBUG: View 3 : 0.654054054054 +2016-09-01 10:39:43,249 DEBUG: Best view : View1 +2016-09-01 10:39:43,395 DEBUG: Start: Iteration 3 +2016-09-01 10:39:43,403 DEBUG: View 0 : 0.643243243243 +2016-09-01 10:39:43,411 DEBUG: View 1 : 0.702702702703 +2016-09-01 10:39:43,418 DEBUG: View 2 : 0.654054054054 +2016-09-01 10:39:43,427 DEBUG: View 3 : 0.654054054054 +2016-09-01 10:39:43,476 DEBUG: Best view : View1 +2016-09-01 10:39:43,688 INFO: Start: Classification +2016-09-01 10:39:44,027 INFO: Done: Fold number 3 +2016-09-01 10:39:44,027 INFO: Start: Fold number 4 +2016-09-01 10:39:44,058 DEBUG: Start: Iteration 1 +2016-09-01 10:39:44,065 DEBUG: View 0 : 0.420765027322 +2016-09-01 10:39:44,072 DEBUG: View 1 : 0.420765027322 +2016-09-01 10:39:44,079 DEBUG: View 2 : 0.420765027322 +2016-09-01 10:39:44,087 DEBUG: View 3 : 0.420765027322 +2016-09-01 10:39:44,087 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:39:44,126 DEBUG: Best view : View0 +2016-09-01 10:39:44,205 DEBUG: Start: Iteration 2 +2016-09-01 10:39:44,212 DEBUG: View 0 : 0.677595628415 +2016-09-01 10:39:44,220 DEBUG: View 1 : 0.765027322404 +2016-09-01 10:39:44,227 DEBUG: View 2 : 0.704918032787 +2016-09-01 10:39:44,236 DEBUG: View 3 : 0.743169398907 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104014-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-104014-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..c22f7ae6c7e2d768f2545cbeb5e2ad5525a97ffa --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-104014-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,50 @@ +2016-09-01 10:40:14,120 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:40:14,121 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:40:14,121 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:40:14,122 INFO: Info: Shape of View0 :(300, 8) +2016-09-01 10:40:14,122 INFO: Info: Shape of View1 :(300, 20) +2016-09-01 10:40:14,123 INFO: Info: Shape of View2 :(300, 18) +2016-09-01 10:40:14,123 INFO: Info: Shape of View3 :(300, 18) +2016-09-01 10:40:14,123 INFO: Done: Read Database Files +2016-09-01 10:40:14,123 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:40:14,127 INFO: Done: Determine validation split +2016-09-01 10:40:14,127 INFO: Start: Determine 5 folds +2016-09-01 10:40:14,138 INFO: Info: Length of Learning Sets: 168 +2016-09-01 10:40:14,138 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:40:14,138 INFO: Info: Length of Validation Set: 90 +2016-09-01 10:40:14,138 INFO: Done: Determine folds +2016-09-01 10:40:14,138 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:40:14,138 INFO: Start: Fold number 1 +2016-09-01 10:40:14,170 DEBUG: Start: Iteration 1 +2016-09-01 10:40:14,179 DEBUG: View 0 : 0.519553072626 +2016-09-01 10:40:14,187 DEBUG: View 1 : 0.525139664804 +2016-09-01 10:40:14,196 DEBUG: View 2 : 0.508379888268 +2016-09-01 10:40:14,203 DEBUG: View 3 : 0.513966480447 +2016-09-01 10:40:14,243 DEBUG: Best view : View1 +2016-09-01 10:40:14,321 DEBUG: Start: Iteration 2 +2016-09-01 10:40:14,329 DEBUG: View 0 : 0.659217877095 +2016-09-01 10:40:14,337 DEBUG: View 1 : 0.743016759777 +2016-09-01 10:40:14,344 DEBUG: View 2 : 0.687150837989 +2016-09-01 10:40:14,352 DEBUG: View 3 : 0.709497206704 +2016-09-01 10:40:14,398 DEBUG: Best view : View1 +2016-09-01 10:40:14,544 DEBUG: Start: Iteration 3 +2016-09-01 10:40:14,561 DEBUG: View 0 : 0.659217877095 +2016-09-01 10:40:14,568 DEBUG: View 1 : 0.743016759777 +2016-09-01 10:40:14,576 DEBUG: View 2 : 0.720670391061 +2016-09-01 10:40:14,584 DEBUG: View 3 : 0.709497206704 +2016-09-01 10:40:14,632 DEBUG: Best view : View1 +2016-09-01 10:40:14,839 INFO: Start: Classification +2016-09-01 10:40:15,178 INFO: Done: Fold number 1 +2016-09-01 10:40:15,178 INFO: Start: Fold number 2 +2016-09-01 10:40:15,208 DEBUG: Start: Iteration 1 +2016-09-01 10:40:15,215 DEBUG: View 0 : 0.53591160221 +2016-09-01 10:40:15,223 DEBUG: View 1 : 0.480662983425 +2016-09-01 10:40:15,229 DEBUG: View 2 : 0.558011049724 +2016-09-01 10:40:15,237 DEBUG: View 3 : 0.491712707182 +2016-09-01 10:40:15,275 DEBUG: Best view : View3 +2016-09-01 10:40:15,353 DEBUG: Start: Iteration 2 +2016-09-01 10:40:15,360 DEBUG: View 0 : 0.685082872928 +2016-09-01 10:40:15,368 DEBUG: View 1 : 0.707182320442 +2016-09-01 10:40:15,376 DEBUG: View 2 : 0.745856353591 +2016-09-01 10:40:15,384 DEBUG: View 3 : 0.685082872928 +2016-09-01 10:40:15,430 DEBUG: Best view : View2 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104050-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-104050-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..e094d42077eea4805a207a3cdac83f216f964e14 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-104050-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,57 @@ +2016-09-01 10:40:50,505 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:40:50,507 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:40:50,507 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:40:50,508 INFO: Info: Shape of View0 :(300, 18) +2016-09-01 10:40:50,508 INFO: Info: Shape of View1 :(300, 18) +2016-09-01 10:40:50,509 INFO: Info: Shape of View2 :(300, 17) +2016-09-01 10:40:50,509 INFO: Info: Shape of View3 :(300, 10) +2016-09-01 10:40:50,509 INFO: Done: Read Database Files +2016-09-01 10:40:50,509 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:40:50,513 INFO: Done: Determine validation split +2016-09-01 10:40:50,513 INFO: Start: Determine 5 folds +2016-09-01 10:40:50,523 INFO: Info: Length of Learning Sets: 169 +2016-09-01 10:40:50,523 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:40:50,523 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:40:50,523 INFO: Done: Determine folds +2016-09-01 10:40:50,523 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:40:50,523 INFO: Start: Fold number 1 +2016-09-01 10:40:50,558 DEBUG: Start: Iteration 1 +2016-09-01 10:40:50,566 DEBUG: View 0 : 0.532608695652 +2016-09-01 10:40:50,574 DEBUG: View 1 : 0.505434782609 +2016-09-01 10:40:50,582 DEBUG: View 2 : 0.516304347826 +2016-09-01 10:40:50,592 DEBUG: View 3 : 0.532608695652 +2016-09-01 10:40:50,639 DEBUG: Best view : View2 +2016-09-01 10:40:50,720 DEBUG: Start: Iteration 2 +2016-09-01 10:40:50,728 DEBUG: View 0 : 0.755434782609 +2016-09-01 10:40:50,736 DEBUG: View 1 : 0.766304347826 +2016-09-01 10:40:50,743 DEBUG: View 2 : 0.728260869565 +2016-09-01 10:40:50,750 DEBUG: View 3 : 0.646739130435 +2016-09-01 10:40:50,797 DEBUG: Best view : View1 +2016-09-01 10:40:50,946 DEBUG: Start: Iteration 3 +2016-09-01 10:40:50,954 DEBUG: View 0 : 0.755434782609 +2016-09-01 10:40:50,963 DEBUG: View 1 : 0.766304347826 +2016-09-01 10:40:50,971 DEBUG: View 2 : 0.728260869565 +2016-09-01 10:40:50,978 DEBUG: View 3 : 0.646739130435 +2016-09-01 10:40:51,027 DEBUG: Best view : View1 +2016-09-01 10:40:51,240 INFO: Start: Classification +2016-09-01 10:40:51,582 INFO: Done: Fold number 1 +2016-09-01 10:40:51,583 INFO: Start: Fold number 2 +2016-09-01 10:40:51,613 DEBUG: Start: Iteration 1 +2016-09-01 10:40:51,620 DEBUG: View 0 : 0.513966480447 +2016-09-01 10:40:51,626 DEBUG: View 1 : 0.603351955307 +2016-09-01 10:40:51,633 DEBUG: View 2 : 0.497206703911 +2016-09-01 10:40:51,640 DEBUG: View 3 : 0.513966480447 +2016-09-01 10:40:51,678 DEBUG: Best view : View1 +2016-09-01 10:40:51,756 DEBUG: Start: Iteration 2 +2016-09-01 10:40:51,763 DEBUG: View 0 : 0.748603351955 +2016-09-01 10:40:51,771 DEBUG: View 1 : 0.737430167598 +2016-09-01 10:40:51,778 DEBUG: View 2 : 0.659217877095 +2016-09-01 10:40:51,785 DEBUG: View 3 : 0.703910614525 +2016-09-01 10:40:51,830 DEBUG: Best view : View0 +2016-09-01 10:40:51,972 DEBUG: Start: Iteration 3 +2016-09-01 10:40:51,979 DEBUG: View 0 : 0.748603351955 +2016-09-01 10:40:51,987 DEBUG: View 1 : 0.737430167598 +2016-09-01 10:40:51,994 DEBUG: View 2 : 0.659217877095 +2016-09-01 10:40:52,001 DEBUG: View 3 : 0.703910614525 +2016-09-01 10:40:52,049 DEBUG: Best view : View0 +2016-09-01 10:40:52,255 INFO: Start: Classification diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104155-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-104155-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..b45e623cb99ccc88c6dacfc63ef69534e12ba536 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-104155-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,124 @@ +2016-09-01 10:41:55,329 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:41:55,331 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:41:55,331 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:41:55,331 INFO: Info: Shape of View0 :(300, 7) +2016-09-01 10:41:55,332 INFO: Info: Shape of View1 :(300, 16) +2016-09-01 10:41:55,332 INFO: Info: Shape of View2 :(300, 9) +2016-09-01 10:41:55,333 INFO: Info: Shape of View3 :(300, 9) +2016-09-01 10:41:55,333 INFO: Done: Read Database Files +2016-09-01 10:41:55,333 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:41:55,336 INFO: Done: Determine validation split +2016-09-01 10:41:55,336 INFO: Start: Determine 5 folds +2016-09-01 10:41:55,343 INFO: Info: Length of Learning Sets: 169 +2016-09-01 10:41:55,343 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:41:55,343 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:41:55,344 INFO: Done: Determine folds +2016-09-01 10:41:55,344 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:41:55,344 INFO: Start: Fold number 1 +2016-09-01 10:41:55,374 DEBUG: Start: Iteration 1 +2016-09-01 10:41:55,381 DEBUG: View 0 : 0.516666666667 +2016-09-01 10:41:55,388 DEBUG: View 1 : 0.483333333333 +2016-09-01 10:41:55,395 DEBUG: View 2 : 0.577777777778 +2016-09-01 10:41:55,401 DEBUG: View 3 : 0.472222222222 +2016-09-01 10:41:55,434 DEBUG: Best view : View1 +2016-09-01 10:41:55,511 DEBUG: Start: Iteration 2 +2016-09-01 10:41:55,518 DEBUG: View 0 : 0.677777777778 +2016-09-01 10:41:55,525 DEBUG: View 1 : 0.661111111111 +2016-09-01 10:41:55,532 DEBUG: View 2 : 0.738888888889 +2016-09-01 10:41:55,538 DEBUG: View 3 : 0.688888888889 +2016-09-01 10:41:55,578 DEBUG: Best view : View2 +2016-09-01 10:41:55,724 DEBUG: Start: Iteration 3 +2016-09-01 10:41:55,735 DEBUG: View 0 : 0.677777777778 +2016-09-01 10:41:55,742 DEBUG: View 1 : 0.661111111111 +2016-09-01 10:41:55,749 DEBUG: View 2 : 0.672222222222 +2016-09-01 10:41:55,756 DEBUG: View 3 : 0.688888888889 +2016-09-01 10:41:55,799 DEBUG: Best view : View3 +2016-09-01 10:41:56,003 INFO: Start: Classification +2016-09-01 10:41:56,338 INFO: Done: Fold number 1 +2016-09-01 10:41:56,338 INFO: Start: Fold number 2 +2016-09-01 10:41:56,368 DEBUG: Start: Iteration 1 +2016-09-01 10:41:56,375 DEBUG: View 0 : 0.5 +2016-09-01 10:41:56,382 DEBUG: View 1 : 0.488888888889 +2016-09-01 10:41:56,388 DEBUG: View 2 : 0.488888888889 +2016-09-01 10:41:56,395 DEBUG: View 3 : 0.433333333333 +2016-09-01 10:41:56,427 DEBUG: Best view : View1 +2016-09-01 10:41:56,503 DEBUG: Start: Iteration 2 +2016-09-01 10:41:56,510 DEBUG: View 0 : 0.688888888889 +2016-09-01 10:41:56,517 DEBUG: View 1 : 0.655555555556 +2016-09-01 10:41:56,524 DEBUG: View 2 : 0.672222222222 +2016-09-01 10:41:56,531 DEBUG: View 3 : 0.694444444444 +2016-09-01 10:41:56,571 DEBUG: Best view : View3 +2016-09-01 10:41:56,713 DEBUG: Start: Iteration 3 +2016-09-01 10:41:56,720 DEBUG: View 0 : 0.688888888889 +2016-09-01 10:41:56,727 DEBUG: View 1 : 0.655555555556 +2016-09-01 10:41:56,733 DEBUG: View 2 : 0.672222222222 +2016-09-01 10:41:56,740 DEBUG: View 3 : 0.694444444444 +2016-09-01 10:41:56,783 DEBUG: Best view : View3 +2016-09-01 10:41:56,987 INFO: Start: Classification +2016-09-01 10:41:57,320 INFO: Done: Fold number 2 +2016-09-01 10:41:57,320 INFO: Start: Fold number 3 +2016-09-01 10:41:57,352 DEBUG: Start: Iteration 1 +2016-09-01 10:41:57,358 DEBUG: View 0 : 0.494565217391 +2016-09-01 10:41:57,365 DEBUG: View 1 : 0.505434782609 +2016-09-01 10:41:57,372 DEBUG: View 2 : 0.565217391304 +2016-09-01 10:41:57,379 DEBUG: View 3 : 0.423913043478 +2016-09-01 10:41:57,412 DEBUG: Best view : View0 +2016-09-01 10:41:57,490 DEBUG: Start: Iteration 2 +2016-09-01 10:41:57,497 DEBUG: View 0 : 0.695652173913 +2016-09-01 10:41:57,504 DEBUG: View 1 : 0.635869565217 +2016-09-01 10:41:57,511 DEBUG: View 2 : 0.66847826087 +2016-09-01 10:41:57,518 DEBUG: View 3 : 0.695652173913 +2016-09-01 10:41:57,558 DEBUG: Best view : View0 +2016-09-01 10:41:57,702 DEBUG: Start: Iteration 3 +2016-09-01 10:41:57,709 DEBUG: View 0 : 0.695652173913 +2016-09-01 10:41:57,716 DEBUG: View 1 : 0.635869565217 +2016-09-01 10:41:57,723 DEBUG: View 2 : 0.66847826087 +2016-09-01 10:41:57,730 DEBUG: View 3 : 0.695652173913 +2016-09-01 10:41:57,773 DEBUG: Best view : View0 +2016-09-01 10:41:57,982 INFO: Start: Classification +2016-09-01 10:41:58,321 INFO: Done: Fold number 3 +2016-09-01 10:41:58,321 INFO: Start: Fold number 4 +2016-09-01 10:41:58,352 DEBUG: Start: Iteration 1 +2016-09-01 10:41:58,359 DEBUG: View 0 : 0.527173913043 +2016-09-01 10:41:58,365 DEBUG: View 1 : 0.5 +2016-09-01 10:41:58,372 DEBUG: View 2 : 0.472826086957 +2016-09-01 10:41:58,379 DEBUG: View 3 : 0.516304347826 +2016-09-01 10:41:58,413 DEBUG: Best view : View1 +2016-09-01 10:41:58,490 DEBUG: Start: Iteration 2 +2016-09-01 10:41:58,497 DEBUG: View 0 : 0.695652173913 +2016-09-01 10:41:58,504 DEBUG: View 1 : 0.630434782609 +2016-09-01 10:41:58,511 DEBUG: View 2 : 0.66847826087 +2016-09-01 10:41:58,518 DEBUG: View 3 : 0.711956521739 +2016-09-01 10:41:58,558 DEBUG: Best view : View3 +2016-09-01 10:41:58,703 DEBUG: Start: Iteration 3 +2016-09-01 10:41:58,709 DEBUG: View 0 : 0.695652173913 +2016-09-01 10:41:58,717 DEBUG: View 1 : 0.630434782609 +2016-09-01 10:41:58,723 DEBUG: View 2 : 0.66847826087 +2016-09-01 10:41:58,730 DEBUG: View 3 : 0.711956521739 +2016-09-01 10:41:58,774 DEBUG: Best view : View3 +2016-09-01 10:41:58,983 INFO: Start: Classification +2016-09-01 10:41:59,322 INFO: Done: Fold number 4 +2016-09-01 10:41:59,322 INFO: Start: Fold number 5 +2016-09-01 10:41:59,352 DEBUG: Start: Iteration 1 +2016-09-01 10:41:59,359 DEBUG: View 0 : 0.516666666667 +2016-09-01 10:41:59,365 DEBUG: View 1 : 0.472222222222 +2016-09-01 10:41:59,372 DEBUG: View 2 : 0.427777777778 +2016-09-01 10:41:59,378 DEBUG: View 3 : 0.516666666667 +2016-09-01 10:41:59,411 DEBUG: Best view : View1 +2016-09-01 10:41:59,487 DEBUG: Start: Iteration 2 +2016-09-01 10:41:59,494 DEBUG: View 0 : 0.644444444444 +2016-09-01 10:41:59,501 DEBUG: View 1 : 0.644444444444 +2016-09-01 10:41:59,508 DEBUG: View 2 : 0.705555555556 +2016-09-01 10:41:59,514 DEBUG: View 3 : 0.666666666667 +2016-09-01 10:41:59,554 DEBUG: Best view : View2 +2016-09-01 10:41:59,697 DEBUG: Start: Iteration 3 +2016-09-01 10:41:59,704 DEBUG: View 0 : 0.644444444444 +2016-09-01 10:41:59,711 DEBUG: View 1 : 0.644444444444 +2016-09-01 10:41:59,718 DEBUG: View 2 : 0.705555555556 +2016-09-01 10:41:59,725 DEBUG: View 3 : 0.666666666667 +2016-09-01 10:41:59,768 DEBUG: Best view : View2 +2016-09-01 10:41:59,973 INFO: Start: Classification +2016-09-01 10:42:00,308 INFO: Done: Fold number 5 +2016-09-01 10:42:00,308 INFO: Done: Classification +2016-09-01 10:42:00,309 INFO: Info: Time for Classification: 4[s] +2016-09-01 10:42:00,309 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104239-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-104239-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..0b3594de12d2259ea93ba1f2ae6f34d63aeb97fb --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-104239-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,125 @@ +2016-09-01 10:42:39,126 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:42:39,128 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:42:39,128 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:42:39,128 INFO: Info: Shape of View0 :(300, 5) +2016-09-01 10:42:39,129 INFO: Info: Shape of View1 :(300, 20) +2016-09-01 10:42:39,129 INFO: Info: Shape of View2 :(300, 9) +2016-09-01 10:42:39,129 INFO: Info: Shape of View3 :(300, 12) +2016-09-01 10:42:39,130 INFO: Done: Read Database Files +2016-09-01 10:42:39,130 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:42:39,133 INFO: Done: Determine validation split +2016-09-01 10:42:39,133 INFO: Start: Determine 5 folds +2016-09-01 10:42:39,138 INFO: Info: Length of Learning Sets: 170 +2016-09-01 10:42:39,138 INFO: Info: Length of Testing Sets: 41 +2016-09-01 10:42:39,138 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:42:39,138 INFO: Done: Determine folds +2016-09-01 10:42:39,139 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:42:39,139 INFO: Start: Fold number 1 +2016-09-01 10:42:39,179 DEBUG: Start: Iteration 1 +2016-09-01 10:42:39,186 DEBUG: View 0 : 0.544444444444 +2016-09-01 10:42:39,193 DEBUG: View 1 : 0.527777777778 +2016-09-01 10:42:39,202 DEBUG: View 2 : 0.516666666667 +2016-09-01 10:42:39,209 DEBUG: View 3 : 0.505555555556 +2016-09-01 10:42:39,244 DEBUG: Best view : View1 +2016-09-01 10:42:39,322 DEBUG: Start: Iteration 2 +2016-09-01 10:42:39,329 DEBUG: View 0 : 0.633333333333 +2016-09-01 10:42:39,336 DEBUG: View 1 : 0.75 +2016-09-01 10:42:39,343 DEBUG: View 2 : 0.705555555556 +2016-09-01 10:42:39,351 DEBUG: View 3 : 0.666666666667 +2016-09-01 10:42:39,393 DEBUG: Best view : View1 +2016-09-01 10:42:39,539 DEBUG: Start: Iteration 3 +2016-09-01 10:42:39,553 DEBUG: View 0 : 0.633333333333 +2016-09-01 10:42:39,561 DEBUG: View 1 : 0.75 +2016-09-01 10:42:39,568 DEBUG: View 2 : 0.705555555556 +2016-09-01 10:42:39,575 DEBUG: View 3 : 0.666666666667 +2016-09-01 10:42:39,618 DEBUG: Best view : View1 +2016-09-01 10:42:39,825 INFO: Start: Classification +2016-09-01 10:42:40,161 INFO: Done: Fold number 1 +2016-09-01 10:42:40,161 INFO: Start: Fold number 2 +2016-09-01 10:42:40,192 DEBUG: Start: Iteration 1 +2016-09-01 10:42:40,199 DEBUG: View 0 : 0.532967032967 +2016-09-01 10:42:40,207 DEBUG: View 1 : 0.483516483516 +2016-09-01 10:42:40,213 DEBUG: View 2 : 0.494505494505 +2016-09-01 10:42:40,220 DEBUG: View 3 : 0.510989010989 +2016-09-01 10:42:40,255 DEBUG: Best view : View2 +2016-09-01 10:42:40,332 DEBUG: Start: Iteration 2 +2016-09-01 10:42:40,339 DEBUG: View 0 : 0.653846153846 +2016-09-01 10:42:40,347 DEBUG: View 1 : 0.686813186813 +2016-09-01 10:42:40,354 DEBUG: View 2 : 0.637362637363 +2016-09-01 10:42:40,361 DEBUG: View 3 : 0.631868131868 +2016-09-01 10:42:40,402 DEBUG: Best view : View1 +2016-09-01 10:42:40,547 DEBUG: Start: Iteration 3 +2016-09-01 10:42:40,554 DEBUG: View 0 : 0.653846153846 +2016-09-01 10:42:40,562 DEBUG: View 1 : 0.686813186813 +2016-09-01 10:42:40,569 DEBUG: View 2 : 0.637362637363 +2016-09-01 10:42:40,576 DEBUG: View 3 : 0.631868131868 +2016-09-01 10:42:40,620 DEBUG: Best view : View1 +2016-09-01 10:42:40,831 INFO: Start: Classification +2016-09-01 10:42:41,170 INFO: Done: Fold number 2 +2016-09-01 10:42:41,170 INFO: Start: Fold number 3 +2016-09-01 10:42:41,202 DEBUG: Start: Iteration 1 +2016-09-01 10:42:41,208 DEBUG: View 0 : 0.486631016043 +2016-09-01 10:42:41,215 DEBUG: View 1 : 0.486631016043 +2016-09-01 10:42:41,222 DEBUG: View 2 : 0.486631016043 +2016-09-01 10:42:41,229 DEBUG: View 3 : 0.486631016043 +2016-09-01 10:42:41,229 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:42:41,264 DEBUG: Best view : View0 +2016-09-01 10:42:41,344 DEBUG: Start: Iteration 2 +2016-09-01 10:42:41,350 DEBUG: View 0 : 0.663101604278 +2016-09-01 10:42:41,358 DEBUG: View 1 : 0.689839572193 +2016-09-01 10:42:41,365 DEBUG: View 2 : 0.679144385027 +2016-09-01 10:42:41,373 DEBUG: View 3 : 0.631016042781 +2016-09-01 10:42:41,415 DEBUG: Best view : View1 +2016-09-01 10:42:41,562 DEBUG: Start: Iteration 3 +2016-09-01 10:42:41,569 DEBUG: View 0 : 0.663101604278 +2016-09-01 10:42:41,577 DEBUG: View 1 : 0.689839572193 +2016-09-01 10:42:41,584 DEBUG: View 2 : 0.679144385027 +2016-09-01 10:42:41,591 DEBUG: View 3 : 0.631016042781 +2016-09-01 10:42:41,636 DEBUG: Best view : View1 +2016-09-01 10:42:41,852 INFO: Start: Classification +2016-09-01 10:42:42,196 INFO: Done: Fold number 3 +2016-09-01 10:42:42,196 INFO: Start: Fold number 4 +2016-09-01 10:42:42,227 DEBUG: Start: Iteration 1 +2016-09-01 10:42:42,234 DEBUG: View 0 : 0.538461538462 +2016-09-01 10:42:42,241 DEBUG: View 1 : 0.543956043956 +2016-09-01 10:42:42,248 DEBUG: View 2 : 0.527472527473 +2016-09-01 10:42:42,255 DEBUG: View 3 : 0.532967032967 +2016-09-01 10:42:42,289 DEBUG: Best view : View1 +2016-09-01 10:42:42,367 DEBUG: Start: Iteration 2 +2016-09-01 10:42:42,374 DEBUG: View 0 : 0.648351648352 +2016-09-01 10:42:42,381 DEBUG: View 1 : 0.664835164835 +2016-09-01 10:42:42,389 DEBUG: View 2 : 0.626373626374 +2016-09-01 10:42:42,396 DEBUG: View 3 : 0.692307692308 +2016-09-01 10:42:42,437 DEBUG: Best view : View3 +2016-09-01 10:42:42,580 DEBUG: Start: Iteration 3 +2016-09-01 10:42:42,587 DEBUG: View 0 : 0.648351648352 +2016-09-01 10:42:42,595 DEBUG: View 1 : 0.664835164835 +2016-09-01 10:42:42,602 DEBUG: View 2 : 0.626373626374 +2016-09-01 10:42:42,609 DEBUG: View 3 : 0.692307692308 +2016-09-01 10:42:42,653 DEBUG: Best view : View3 +2016-09-01 10:42:42,863 INFO: Start: Classification +2016-09-01 10:42:43,201 INFO: Done: Fold number 4 +2016-09-01 10:42:43,201 INFO: Start: Fold number 5 +2016-09-01 10:42:43,233 DEBUG: Start: Iteration 1 +2016-09-01 10:42:43,240 DEBUG: View 0 : 0.497237569061 +2016-09-01 10:42:43,247 DEBUG: View 1 : 0.530386740331 +2016-09-01 10:42:43,253 DEBUG: View 2 : 0.519337016575 +2016-09-01 10:42:43,261 DEBUG: View 3 : 0.524861878453 +2016-09-01 10:42:43,295 DEBUG: Best view : View0 +2016-09-01 10:42:43,372 DEBUG: Start: Iteration 2 +2016-09-01 10:42:43,378 DEBUG: View 0 : 0.674033149171 +2016-09-01 10:42:43,386 DEBUG: View 1 : 0.67955801105 +2016-09-01 10:42:43,393 DEBUG: View 2 : 0.696132596685 +2016-09-01 10:42:43,400 DEBUG: View 3 : 0.662983425414 +2016-09-01 10:42:43,441 DEBUG: Best view : View2 +2016-09-01 10:42:43,584 DEBUG: Start: Iteration 3 +2016-09-01 10:42:43,591 DEBUG: View 0 : 0.674033149171 +2016-09-01 10:42:43,599 DEBUG: View 1 : 0.67955801105 +2016-09-01 10:42:43,606 DEBUG: View 2 : 0.696132596685 +2016-09-01 10:42:43,613 DEBUG: View 3 : 0.662983425414 +2016-09-01 10:42:43,658 DEBUG: Best view : View2 +2016-09-01 10:42:43,866 INFO: Start: Classification +2016-09-01 10:42:44,203 INFO: Done: Fold number 5 +2016-09-01 10:42:44,203 INFO: Done: Classification +2016-09-01 10:42:44,203 INFO: Info: Time for Classification: 5[s] +2016-09-01 10:42:44,203 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104321-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-104321-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..465d82e3b2ca65faaa2e436bc9dabc15a612e577 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-104321-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,126 @@ +2016-09-01 10:43:21,594 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:43:21,596 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:43:21,596 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:43:21,596 INFO: Info: Shape of View0 :(300, 13) +2016-09-01 10:43:21,597 INFO: Info: Shape of View1 :(300, 5) +2016-09-01 10:43:21,597 INFO: Info: Shape of View2 :(300, 8) +2016-09-01 10:43:21,598 INFO: Info: Shape of View3 :(300, 14) +2016-09-01 10:43:21,598 INFO: Done: Read Database Files +2016-09-01 10:43:21,598 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:43:21,601 INFO: Done: Determine validation split +2016-09-01 10:43:21,602 INFO: Start: Determine 5 folds +2016-09-01 10:43:21,608 INFO: Info: Length of Learning Sets: 170 +2016-09-01 10:43:21,608 INFO: Info: Length of Testing Sets: 41 +2016-09-01 10:43:21,608 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:43:21,608 INFO: Done: Determine folds +2016-09-01 10:43:21,608 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:43:21,609 INFO: Start: Fold number 1 +2016-09-01 10:43:21,641 DEBUG: Start: Iteration 1 +2016-09-01 10:43:21,648 DEBUG: View 0 : 0.483870967742 +2016-09-01 10:43:21,655 DEBUG: View 1 : 0.483870967742 +2016-09-01 10:43:21,662 DEBUG: View 2 : 0.483870967742 +2016-09-01 10:43:21,669 DEBUG: View 3 : 0.483870967742 +2016-09-01 10:43:21,669 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:43:21,704 DEBUG: Best view : View0 +2016-09-01 10:43:21,784 DEBUG: Start: Iteration 2 +2016-09-01 10:43:21,791 DEBUG: View 0 : 0.672043010753 +2016-09-01 10:43:21,799 DEBUG: View 1 : 0.602150537634 +2016-09-01 10:43:21,806 DEBUG: View 2 : 0.612903225806 +2016-09-01 10:43:21,813 DEBUG: View 3 : 0.639784946237 +2016-09-01 10:43:21,854 DEBUG: Best view : View0 +2016-09-01 10:43:22,005 DEBUG: Start: Iteration 3 +2016-09-01 10:43:22,014 DEBUG: View 0 : 0.672043010753 +2016-09-01 10:43:22,022 DEBUG: View 1 : 0.602150537634 +2016-09-01 10:43:22,029 DEBUG: View 2 : 0.612903225806 +2016-09-01 10:43:22,037 DEBUG: View 3 : 0.639784946237 +2016-09-01 10:43:22,082 DEBUG: Best view : View0 +2016-09-01 10:43:22,297 INFO: Start: Classification +2016-09-01 10:43:22,643 INFO: Done: Fold number 1 +2016-09-01 10:43:22,643 INFO: Start: Fold number 2 +2016-09-01 10:43:22,675 DEBUG: Start: Iteration 1 +2016-09-01 10:43:22,681 DEBUG: View 0 : 0.486338797814 +2016-09-01 10:43:22,688 DEBUG: View 1 : 0.486338797814 +2016-09-01 10:43:22,695 DEBUG: View 2 : 0.486338797814 +2016-09-01 10:43:22,701 DEBUG: View 3 : 0.486338797814 +2016-09-01 10:43:22,702 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:43:22,736 DEBUG: Best view : View0 +2016-09-01 10:43:22,815 DEBUG: Start: Iteration 2 +2016-09-01 10:43:22,822 DEBUG: View 0 : 0.715846994536 +2016-09-01 10:43:22,830 DEBUG: View 1 : 0.606557377049 +2016-09-01 10:43:22,837 DEBUG: View 2 : 0.595628415301 +2016-09-01 10:43:22,844 DEBUG: View 3 : 0.628415300546 +2016-09-01 10:43:22,885 DEBUG: Best view : View0 +2016-09-01 10:43:23,030 DEBUG: Start: Iteration 3 +2016-09-01 10:43:23,038 DEBUG: View 0 : 0.715846994536 +2016-09-01 10:43:23,046 DEBUG: View 1 : 0.606557377049 +2016-09-01 10:43:23,053 DEBUG: View 2 : 0.595628415301 +2016-09-01 10:43:23,061 DEBUG: View 3 : 0.628415300546 +2016-09-01 10:43:23,105 DEBUG: Best view : View0 +2016-09-01 10:43:23,318 INFO: Start: Classification +2016-09-01 10:43:23,659 INFO: Done: Fold number 2 +2016-09-01 10:43:23,659 INFO: Start: Fold number 3 +2016-09-01 10:43:23,690 DEBUG: Start: Iteration 1 +2016-09-01 10:43:23,697 DEBUG: View 0 : 0.52808988764 +2016-09-01 10:43:23,704 DEBUG: View 1 : 0.561797752809 +2016-09-01 10:43:23,710 DEBUG: View 2 : 0.511235955056 +2016-09-01 10:43:23,717 DEBUG: View 3 : 0.533707865169 +2016-09-01 10:43:23,751 DEBUG: Best view : View0 +2016-09-01 10:43:23,827 DEBUG: Start: Iteration 2 +2016-09-01 10:43:23,834 DEBUG: View 0 : 0.584269662921 +2016-09-01 10:43:23,841 DEBUG: View 1 : 0.589887640449 +2016-09-01 10:43:23,848 DEBUG: View 2 : 0.623595505618 +2016-09-01 10:43:23,855 DEBUG: View 3 : 0.691011235955 +2016-09-01 10:43:23,895 DEBUG: Best view : View3 +2016-09-01 10:43:24,036 DEBUG: Start: Iteration 3 +2016-09-01 10:43:24,043 DEBUG: View 0 : 0.595505617978 +2016-09-01 10:43:24,050 DEBUG: View 1 : 0.61797752809 +2016-09-01 10:43:24,057 DEBUG: View 2 : 0.52808988764 +2016-09-01 10:43:24,064 DEBUG: View 3 : 0.691011235955 +2016-09-01 10:43:24,107 DEBUG: Best view : View3 +2016-09-01 10:43:24,312 INFO: Start: Classification +2016-09-01 10:43:24,648 INFO: Done: Fold number 3 +2016-09-01 10:43:24,648 INFO: Start: Fold number 4 +2016-09-01 10:43:24,680 DEBUG: Start: Iteration 1 +2016-09-01 10:43:24,686 DEBUG: View 0 : 0.513661202186 +2016-09-01 10:43:24,693 DEBUG: View 1 : 0.513661202186 +2016-09-01 10:43:24,699 DEBUG: View 2 : 0.513661202186 +2016-09-01 10:43:24,706 DEBUG: View 3 : 0.513661202186 +2016-09-01 10:43:24,739 DEBUG: Best view : View0 +2016-09-01 10:43:24,818 DEBUG: Start: Iteration 2 +2016-09-01 10:43:24,825 DEBUG: View 0 : 0.628415300546 +2016-09-01 10:43:24,832 DEBUG: View 1 : 0.584699453552 +2016-09-01 10:43:24,839 DEBUG: View 2 : 0.672131147541 +2016-09-01 10:43:24,846 DEBUG: View 3 : 0.661202185792 +2016-09-01 10:43:24,886 DEBUG: Best view : View2 +2016-09-01 10:43:25,031 DEBUG: Start: Iteration 3 +2016-09-01 10:43:25,038 DEBUG: View 0 : 0.628415300546 +2016-09-01 10:43:25,046 DEBUG: View 1 : 0.584699453552 +2016-09-01 10:43:25,052 DEBUG: View 2 : 0.672131147541 +2016-09-01 10:43:25,060 DEBUG: View 3 : 0.661202185792 +2016-09-01 10:43:25,104 DEBUG: Best view : View2 +2016-09-01 10:43:25,314 INFO: Start: Classification +2016-09-01 10:43:25,654 INFO: Done: Fold number 4 +2016-09-01 10:43:25,655 INFO: Start: Fold number 5 +2016-09-01 10:43:25,685 DEBUG: Start: Iteration 1 +2016-09-01 10:43:25,692 DEBUG: View 0 : 0.516483516484 +2016-09-01 10:43:25,698 DEBUG: View 1 : 0.516483516484 +2016-09-01 10:43:25,705 DEBUG: View 2 : 0.516483516484 +2016-09-01 10:43:25,711 DEBUG: View 3 : 0.516483516484 +2016-09-01 10:43:25,745 DEBUG: Best view : View0 +2016-09-01 10:43:25,823 DEBUG: Start: Iteration 2 +2016-09-01 10:43:25,829 DEBUG: View 0 : 0.67032967033 +2016-09-01 10:43:25,836 DEBUG: View 1 : 0.620879120879 +2016-09-01 10:43:25,843 DEBUG: View 2 : 0.697802197802 +2016-09-01 10:43:25,850 DEBUG: View 3 : 0.67032967033 +2016-09-01 10:43:25,891 DEBUG: Best view : View2 +2016-09-01 10:43:26,035 DEBUG: Start: Iteration 3 +2016-09-01 10:43:26,042 DEBUG: View 0 : 0.67032967033 +2016-09-01 10:43:26,048 DEBUG: View 1 : 0.620879120879 +2016-09-01 10:43:26,055 DEBUG: View 2 : 0.697802197802 +2016-09-01 10:43:26,062 DEBUG: View 3 : 0.67032967033 +2016-09-01 10:43:26,106 DEBUG: Best view : View2 +2016-09-01 10:43:26,322 INFO: Start: Classification +2016-09-01 10:43:26,660 INFO: Done: Fold number 5 +2016-09-01 10:43:26,661 INFO: Done: Classification +2016-09-01 10:43:26,661 INFO: Info: Time for Classification: 5[s] +2016-09-01 10:43:26,661 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104356-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-104356-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..4dd15b3ce1c38aa6f11e1b13cd5e28c1d415bfbe --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-104356-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,124 @@ +2016-09-01 10:43:56,544 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:43:56,546 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:43:56,546 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:43:56,546 INFO: Info: Shape of View0 :(300, 19) +2016-09-01 10:43:56,547 INFO: Info: Shape of View1 :(300, 19) +2016-09-01 10:43:56,547 INFO: Info: Shape of View2 :(300, 10) +2016-09-01 10:43:56,548 INFO: Info: Shape of View3 :(300, 15) +2016-09-01 10:43:56,548 INFO: Done: Read Database Files +2016-09-01 10:43:56,548 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:43:56,551 INFO: Done: Determine validation split +2016-09-01 10:43:56,551 INFO: Start: Determine 5 folds +2016-09-01 10:43:56,559 INFO: Info: Length of Learning Sets: 168 +2016-09-01 10:43:56,559 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:43:56,559 INFO: Info: Length of Validation Set: 90 +2016-09-01 10:43:56,559 INFO: Done: Determine folds +2016-09-01 10:43:56,559 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:43:56,559 INFO: Start: Fold number 1 +2016-09-01 10:43:56,590 DEBUG: Start: Iteration 1 +2016-09-01 10:43:56,597 DEBUG: View 0 : 0.475138121547 +2016-09-01 10:43:56,604 DEBUG: View 1 : 0.447513812155 +2016-09-01 10:43:56,610 DEBUG: View 2 : 0.480662983425 +2016-09-01 10:43:56,617 DEBUG: View 3 : 0.569060773481 +2016-09-01 10:43:56,651 DEBUG: Best view : View0 +2016-09-01 10:43:56,729 DEBUG: Start: Iteration 2 +2016-09-01 10:43:56,737 DEBUG: View 0 : 0.668508287293 +2016-09-01 10:43:56,744 DEBUG: View 1 : 0.745856353591 +2016-09-01 10:43:56,751 DEBUG: View 2 : 0.71270718232 +2016-09-01 10:43:56,758 DEBUG: View 3 : 0.674033149171 +2016-09-01 10:43:56,799 DEBUG: Best view : View1 +2016-09-01 10:43:56,945 DEBUG: Start: Iteration 3 +2016-09-01 10:43:56,958 DEBUG: View 0 : 0.668508287293 +2016-09-01 10:43:56,966 DEBUG: View 1 : 0.745856353591 +2016-09-01 10:43:56,973 DEBUG: View 2 : 0.71270718232 +2016-09-01 10:43:56,980 DEBUG: View 3 : 0.674033149171 +2016-09-01 10:43:57,024 DEBUG: Best view : View1 +2016-09-01 10:43:57,232 INFO: Start: Classification +2016-09-01 10:43:57,577 INFO: Done: Fold number 1 +2016-09-01 10:43:57,577 INFO: Start: Fold number 2 +2016-09-01 10:43:57,609 DEBUG: Start: Iteration 1 +2016-09-01 10:43:57,616 DEBUG: View 0 : 0.480225988701 +2016-09-01 10:43:57,623 DEBUG: View 1 : 0.514124293785 +2016-09-01 10:43:57,629 DEBUG: View 2 : 0.525423728814 +2016-09-01 10:43:57,636 DEBUG: View 3 : 0.497175141243 +2016-09-01 10:43:57,669 DEBUG: Best view : View0 +2016-09-01 10:43:57,745 DEBUG: Start: Iteration 2 +2016-09-01 10:43:57,752 DEBUG: View 0 : 0.689265536723 +2016-09-01 10:43:57,760 DEBUG: View 1 : 0.717514124294 +2016-09-01 10:43:57,767 DEBUG: View 2 : 0.604519774011 +2016-09-01 10:43:57,774 DEBUG: View 3 : 0.683615819209 +2016-09-01 10:43:57,813 DEBUG: Best view : View1 +2016-09-01 10:43:57,953 DEBUG: Start: Iteration 3 +2016-09-01 10:43:57,960 DEBUG: View 0 : 0.689265536723 +2016-09-01 10:43:57,968 DEBUG: View 1 : 0.717514124294 +2016-09-01 10:43:57,975 DEBUG: View 2 : 0.604519774011 +2016-09-01 10:43:57,982 DEBUG: View 3 : 0.683615819209 +2016-09-01 10:43:58,033 DEBUG: Best view : View1 +2016-09-01 10:43:58,238 INFO: Start: Classification +2016-09-01 10:43:58,573 INFO: Done: Fold number 2 +2016-09-01 10:43:58,573 INFO: Start: Fold number 3 +2016-09-01 10:43:58,605 DEBUG: Start: Iteration 1 +2016-09-01 10:43:58,612 DEBUG: View 0 : 0.532608695652 +2016-09-01 10:43:58,619 DEBUG: View 1 : 0.54347826087 +2016-09-01 10:43:58,625 DEBUG: View 2 : 0.489130434783 +2016-09-01 10:43:58,632 DEBUG: View 3 : 0.532608695652 +2016-09-01 10:43:58,666 DEBUG: Best view : View3 +2016-09-01 10:43:58,745 DEBUG: Start: Iteration 2 +2016-09-01 10:43:58,752 DEBUG: View 0 : 0.646739130435 +2016-09-01 10:43:58,760 DEBUG: View 1 : 0.733695652174 +2016-09-01 10:43:58,767 DEBUG: View 2 : 0.690217391304 +2016-09-01 10:43:58,775 DEBUG: View 3 : 0.717391304348 +2016-09-01 10:43:58,815 DEBUG: Best view : View1 +2016-09-01 10:43:58,961 DEBUG: Start: Iteration 3 +2016-09-01 10:43:58,968 DEBUG: View 0 : 0.646739130435 +2016-09-01 10:43:58,976 DEBUG: View 1 : 0.733695652174 +2016-09-01 10:43:58,983 DEBUG: View 2 : 0.690217391304 +2016-09-01 10:43:58,990 DEBUG: View 3 : 0.717391304348 +2016-09-01 10:43:59,034 DEBUG: Best view : View1 +2016-09-01 10:43:59,246 INFO: Start: Classification +2016-09-01 10:43:59,598 INFO: Done: Fold number 3 +2016-09-01 10:43:59,598 INFO: Start: Fold number 4 +2016-09-01 10:43:59,629 DEBUG: Start: Iteration 1 +2016-09-01 10:43:59,636 DEBUG: View 0 : 0.558659217877 +2016-09-01 10:43:59,643 DEBUG: View 1 : 0.497206703911 +2016-09-01 10:43:59,650 DEBUG: View 2 : 0.480446927374 +2016-09-01 10:43:59,658 DEBUG: View 3 : 0.469273743017 +2016-09-01 10:43:59,691 DEBUG: Best view : View1 +2016-09-01 10:43:59,770 DEBUG: Start: Iteration 2 +2016-09-01 10:43:59,778 DEBUG: View 0 : 0.625698324022 +2016-09-01 10:43:59,786 DEBUG: View 1 : 0.737430167598 +2016-09-01 10:43:59,793 DEBUG: View 2 : 0.68156424581 +2016-09-01 10:43:59,801 DEBUG: View 3 : 0.731843575419 +2016-09-01 10:43:59,841 DEBUG: Best view : View1 +2016-09-01 10:43:59,983 DEBUG: Start: Iteration 3 +2016-09-01 10:43:59,991 DEBUG: View 0 : 0.664804469274 +2016-09-01 10:43:59,999 DEBUG: View 1 : 0.737430167598 +2016-09-01 10:44:00,006 DEBUG: View 2 : 0.68156424581 +2016-09-01 10:44:00,014 DEBUG: View 3 : 0.731843575419 +2016-09-01 10:44:00,056 DEBUG: Best view : View1 +2016-09-01 10:44:00,268 INFO: Start: Classification +2016-09-01 10:44:00,607 INFO: Done: Fold number 4 +2016-09-01 10:44:00,607 INFO: Start: Fold number 5 +2016-09-01 10:44:00,638 DEBUG: Start: Iteration 1 +2016-09-01 10:44:00,645 DEBUG: View 0 : 0.461538461538 +2016-09-01 10:44:00,652 DEBUG: View 1 : 0.461538461538 +2016-09-01 10:44:00,659 DEBUG: View 2 : 0.516483516484 +2016-09-01 10:44:00,666 DEBUG: View 3 : 0.494505494505 +2016-09-01 10:44:00,700 DEBUG: Best view : View1 +2016-09-01 10:44:00,779 DEBUG: Start: Iteration 2 +2016-09-01 10:44:00,786 DEBUG: View 0 : 0.741758241758 +2016-09-01 10:44:00,794 DEBUG: View 1 : 0.681318681319 +2016-09-01 10:44:00,801 DEBUG: View 2 : 0.692307692308 +2016-09-01 10:44:00,809 DEBUG: View 3 : 0.758241758242 +2016-09-01 10:44:00,849 DEBUG: Best view : View3 +2016-09-01 10:44:00,994 DEBUG: Start: Iteration 3 +2016-09-01 10:44:01,001 DEBUG: View 0 : 0.741758241758 +2016-09-01 10:44:01,009 DEBUG: View 1 : 0.681318681319 +2016-09-01 10:44:01,016 DEBUG: View 2 : 0.692307692308 +2016-09-01 10:44:01,024 DEBUG: View 3 : 0.758241758242 +2016-09-01 10:44:01,069 DEBUG: Best view : View3 +2016-09-01 10:44:01,281 INFO: Start: Classification +2016-09-01 10:44:01,622 INFO: Done: Fold number 5 +2016-09-01 10:44:01,622 INFO: Done: Classification +2016-09-01 10:44:01,622 INFO: Info: Time for Classification: 5[s] +2016-09-01 10:44:01,622 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104506-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-104506-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..f673446fb87519c54d308c016a22cd1fbcaf25a9 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-104506-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,124 @@ +2016-09-01 10:45:06,090 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:45:06,091 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:45:06,092 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:45:06,092 INFO: Info: Shape of View0 :(300, 15) +2016-09-01 10:45:06,092 INFO: Info: Shape of View1 :(300, 18) +2016-09-01 10:45:06,093 INFO: Info: Shape of View2 :(300, 5) +2016-09-01 10:45:06,093 INFO: Info: Shape of View3 :(300, 17) +2016-09-01 10:45:06,093 INFO: Done: Read Database Files +2016-09-01 10:45:06,093 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:45:06,097 INFO: Done: Determine validation split +2016-09-01 10:45:06,097 INFO: Start: Determine 5 folds +2016-09-01 10:45:06,104 INFO: Info: Length of Learning Sets: 169 +2016-09-01 10:45:06,104 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:45:06,104 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:45:06,104 INFO: Done: Determine folds +2016-09-01 10:45:06,104 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:45:06,104 INFO: Start: Fold number 1 +2016-09-01 10:45:06,136 DEBUG: Start: Iteration 1 +2016-09-01 10:45:06,143 DEBUG: View 0 : 0.468926553672 +2016-09-01 10:45:06,151 DEBUG: View 1 : 0.542372881356 +2016-09-01 10:45:06,158 DEBUG: View 2 : 0.576271186441 +2016-09-01 10:45:06,165 DEBUG: View 3 : 0.519774011299 +2016-09-01 10:45:06,200 DEBUG: Best view : View3 +2016-09-01 10:45:06,282 DEBUG: Start: Iteration 2 +2016-09-01 10:45:06,289 DEBUG: View 0 : 0.723163841808 +2016-09-01 10:45:06,297 DEBUG: View 1 : 0.700564971751 +2016-09-01 10:45:06,303 DEBUG: View 2 : 0.661016949153 +2016-09-01 10:45:06,310 DEBUG: View 3 : 0.762711864407 +2016-09-01 10:45:06,351 DEBUG: Best view : View3 +2016-09-01 10:45:06,495 DEBUG: Start: Iteration 3 +2016-09-01 10:45:06,507 DEBUG: View 0 : 0.723163841808 +2016-09-01 10:45:06,514 DEBUG: View 1 : 0.700564971751 +2016-09-01 10:45:06,521 DEBUG: View 2 : 0.661016949153 +2016-09-01 10:45:06,528 DEBUG: View 3 : 0.762711864407 +2016-09-01 10:45:06,571 DEBUG: Best view : View3 +2016-09-01 10:45:06,774 INFO: Start: Classification +2016-09-01 10:45:07,108 INFO: Done: Fold number 1 +2016-09-01 10:45:07,108 INFO: Start: Fold number 2 +2016-09-01 10:45:07,139 DEBUG: Start: Iteration 1 +2016-09-01 10:45:07,145 DEBUG: View 0 : 0.446927374302 +2016-09-01 10:45:07,152 DEBUG: View 1 : 0.541899441341 +2016-09-01 10:45:07,158 DEBUG: View 2 : 0.525139664804 +2016-09-01 10:45:07,165 DEBUG: View 3 : 0.558659217877 +2016-09-01 10:45:07,199 DEBUG: Best view : View3 +2016-09-01 10:45:07,275 DEBUG: Start: Iteration 2 +2016-09-01 10:45:07,282 DEBUG: View 0 : 0.720670391061 +2016-09-01 10:45:07,290 DEBUG: View 1 : 0.664804469274 +2016-09-01 10:45:07,297 DEBUG: View 2 : 0.72625698324 +2016-09-01 10:45:07,304 DEBUG: View 3 : 0.776536312849 +2016-09-01 10:45:07,344 DEBUG: Best view : View3 +2016-09-01 10:45:07,486 DEBUG: Start: Iteration 3 +2016-09-01 10:45:07,493 DEBUG: View 0 : 0.720670391061 +2016-09-01 10:45:07,500 DEBUG: View 1 : 0.664804469274 +2016-09-01 10:45:07,507 DEBUG: View 2 : 0.72625698324 +2016-09-01 10:45:07,514 DEBUG: View 3 : 0.776536312849 +2016-09-01 10:45:07,558 DEBUG: Best view : View3 +2016-09-01 10:45:07,764 INFO: Start: Classification +2016-09-01 10:45:08,106 INFO: Done: Fold number 2 +2016-09-01 10:45:08,106 INFO: Start: Fold number 3 +2016-09-01 10:45:08,137 DEBUG: Start: Iteration 1 +2016-09-01 10:45:08,144 DEBUG: View 0 : 0.505494505495 +2016-09-01 10:45:08,150 DEBUG: View 1 : 0.494505494505 +2016-09-01 10:45:08,157 DEBUG: View 2 : 0.527472527473 +2016-09-01 10:45:08,164 DEBUG: View 3 : 0.450549450549 +2016-09-01 10:45:08,198 DEBUG: Best view : View0 +2016-09-01 10:45:08,277 DEBUG: Start: Iteration 2 +2016-09-01 10:45:08,284 DEBUG: View 0 : 0.736263736264 +2016-09-01 10:45:08,292 DEBUG: View 1 : 0.703296703297 +2016-09-01 10:45:08,298 DEBUG: View 2 : 0.697802197802 +2016-09-01 10:45:08,306 DEBUG: View 3 : 0.741758241758 +2016-09-01 10:45:08,347 DEBUG: Best view : View3 +2016-09-01 10:45:08,490 DEBUG: Start: Iteration 3 +2016-09-01 10:45:08,497 DEBUG: View 0 : 0.736263736264 +2016-09-01 10:45:08,505 DEBUG: View 1 : 0.703296703297 +2016-09-01 10:45:08,512 DEBUG: View 2 : 0.697802197802 +2016-09-01 10:45:08,520 DEBUG: View 3 : 0.741758241758 +2016-09-01 10:45:08,563 DEBUG: Best view : View3 +2016-09-01 10:45:08,772 INFO: Start: Classification +2016-09-01 10:45:09,111 INFO: Done: Fold number 3 +2016-09-01 10:45:09,111 INFO: Start: Fold number 4 +2016-09-01 10:45:09,142 DEBUG: Start: Iteration 1 +2016-09-01 10:45:09,149 DEBUG: View 0 : 0.532967032967 +2016-09-01 10:45:09,155 DEBUG: View 1 : 0.467032967033 +2016-09-01 10:45:09,162 DEBUG: View 2 : 0.516483516484 +2016-09-01 10:45:09,169 DEBUG: View 3 : 0.516483516484 +2016-09-01 10:45:09,203 DEBUG: Best view : View0 +2016-09-01 10:45:09,281 DEBUG: Start: Iteration 2 +2016-09-01 10:45:09,288 DEBUG: View 0 : 0.730769230769 +2016-09-01 10:45:09,295 DEBUG: View 1 : 0.692307692308 +2016-09-01 10:45:09,302 DEBUG: View 2 : 0.708791208791 +2016-09-01 10:45:09,309 DEBUG: View 3 : 0.736263736264 +2016-09-01 10:45:09,351 DEBUG: Best view : View3 +2016-09-01 10:45:09,495 DEBUG: Start: Iteration 3 +2016-09-01 10:45:09,502 DEBUG: View 0 : 0.730769230769 +2016-09-01 10:45:09,510 DEBUG: View 1 : 0.692307692308 +2016-09-01 10:45:09,517 DEBUG: View 2 : 0.708791208791 +2016-09-01 10:45:09,524 DEBUG: View 3 : 0.736263736264 +2016-09-01 10:45:09,568 DEBUG: Best view : View3 +2016-09-01 10:45:09,777 INFO: Start: Classification +2016-09-01 10:45:10,117 INFO: Done: Fold number 4 +2016-09-01 10:45:10,117 INFO: Start: Fold number 5 +2016-09-01 10:45:10,149 DEBUG: Start: Iteration 1 +2016-09-01 10:45:10,156 DEBUG: View 0 : 0.55 +2016-09-01 10:45:10,163 DEBUG: View 1 : 0.538888888889 +2016-09-01 10:45:10,169 DEBUG: View 2 : 0.505555555556 +2016-09-01 10:45:10,176 DEBUG: View 3 : 0.461111111111 +2016-09-01 10:45:10,210 DEBUG: Best view : View0 +2016-09-01 10:45:10,287 DEBUG: Start: Iteration 2 +2016-09-01 10:45:10,294 DEBUG: View 0 : 0.738888888889 +2016-09-01 10:45:10,302 DEBUG: View 1 : 0.722222222222 +2016-09-01 10:45:10,309 DEBUG: View 2 : 0.7 +2016-09-01 10:45:10,317 DEBUG: View 3 : 0.75 +2016-09-01 10:45:10,357 DEBUG: Best view : View3 +2016-09-01 10:45:10,499 DEBUG: Start: Iteration 3 +2016-09-01 10:45:10,506 DEBUG: View 0 : 0.738888888889 +2016-09-01 10:45:10,520 DEBUG: View 1 : 0.722222222222 +2016-09-01 10:45:10,529 DEBUG: View 2 : 0.7 +2016-09-01 10:45:10,536 DEBUG: View 3 : 0.75 +2016-09-01 10:45:10,579 DEBUG: Best view : View3 +2016-09-01 10:45:10,786 INFO: Start: Classification +2016-09-01 10:45:11,128 INFO: Done: Fold number 5 +2016-09-01 10:45:11,128 INFO: Done: Classification +2016-09-01 10:45:11,128 INFO: Info: Time for Classification: 5[s] +2016-09-01 10:45:11,128 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104608-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-104608-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..e34766cdceb208214bbd557fdfd4afe2cb476164 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-104608-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,126 @@ +2016-09-01 10:46:08,502 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:46:08,504 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:46:08,504 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:46:08,505 INFO: Info: Shape of View0 :(300, 15) +2016-09-01 10:46:08,505 INFO: Info: Shape of View1 :(300, 18) +2016-09-01 10:46:08,506 INFO: Info: Shape of View2 :(300, 18) +2016-09-01 10:46:08,506 INFO: Info: Shape of View3 :(300, 10) +2016-09-01 10:46:08,506 INFO: Done: Read Database Files +2016-09-01 10:46:08,507 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:46:08,510 INFO: Done: Determine validation split +2016-09-01 10:46:08,510 INFO: Start: Determine 5 folds +2016-09-01 10:46:08,518 INFO: Info: Length of Learning Sets: 170 +2016-09-01 10:46:08,518 INFO: Info: Length of Testing Sets: 41 +2016-09-01 10:46:08,518 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:46:08,518 INFO: Done: Determine folds +2016-09-01 10:46:08,518 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:46:08,519 INFO: Start: Fold number 1 +2016-09-01 10:46:08,552 DEBUG: Start: Iteration 1 +2016-09-01 10:46:08,560 DEBUG: View 0 : 0.53591160221 +2016-09-01 10:46:08,567 DEBUG: View 1 : 0.53591160221 +2016-09-01 10:46:08,574 DEBUG: View 2 : 0.53591160221 +2016-09-01 10:46:08,581 DEBUG: View 3 : 0.53591160221 +2016-09-01 10:46:08,617 DEBUG: Best view : View0 +2016-09-01 10:46:08,699 DEBUG: Start: Iteration 2 +2016-09-01 10:46:08,706 DEBUG: View 0 : 0.629834254144 +2016-09-01 10:46:08,714 DEBUG: View 1 : 0.662983425414 +2016-09-01 10:46:08,723 DEBUG: View 2 : 0.646408839779 +2016-09-01 10:46:08,730 DEBUG: View 3 : 0.668508287293 +2016-09-01 10:46:08,772 DEBUG: Best view : View3 +2016-09-01 10:46:08,922 DEBUG: Start: Iteration 3 +2016-09-01 10:46:08,934 DEBUG: View 0 : 0.629834254144 +2016-09-01 10:46:08,946 DEBUG: View 1 : 0.662983425414 +2016-09-01 10:46:08,958 DEBUG: View 2 : 0.646408839779 +2016-09-01 10:46:08,970 DEBUG: View 3 : 0.668508287293 +2016-09-01 10:46:09,017 DEBUG: Best view : View3 +2016-09-01 10:46:09,225 INFO: Start: Classification +2016-09-01 10:46:09,560 INFO: Done: Fold number 1 +2016-09-01 10:46:09,560 INFO: Start: Fold number 2 +2016-09-01 10:46:09,591 DEBUG: Start: Iteration 1 +2016-09-01 10:46:09,598 DEBUG: View 0 : 0.475138121547 +2016-09-01 10:46:09,604 DEBUG: View 1 : 0.475138121547 +2016-09-01 10:46:09,611 DEBUG: View 2 : 0.475138121547 +2016-09-01 10:46:09,617 DEBUG: View 3 : 0.475138121547 +2016-09-01 10:46:09,617 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:46:09,650 DEBUG: Best view : View0 +2016-09-01 10:46:09,727 DEBUG: Start: Iteration 2 +2016-09-01 10:46:09,735 DEBUG: View 0 : 0.71270718232 +2016-09-01 10:46:09,742 DEBUG: View 1 : 0.67955801105 +2016-09-01 10:46:09,749 DEBUG: View 2 : 0.640883977901 +2016-09-01 10:46:09,757 DEBUG: View 3 : 0.67955801105 +2016-09-01 10:46:09,796 DEBUG: Best view : View0 +2016-09-01 10:46:09,939 DEBUG: Start: Iteration 3 +2016-09-01 10:46:09,946 DEBUG: View 0 : 0.71270718232 +2016-09-01 10:46:09,953 DEBUG: View 1 : 0.67955801105 +2016-09-01 10:46:09,961 DEBUG: View 2 : 0.640883977901 +2016-09-01 10:46:09,968 DEBUG: View 3 : 0.67955801105 +2016-09-01 10:46:10,012 DEBUG: Best view : View0 +2016-09-01 10:46:10,219 INFO: Start: Classification +2016-09-01 10:46:10,555 INFO: Done: Fold number 2 +2016-09-01 10:46:10,555 INFO: Start: Fold number 3 +2016-09-01 10:46:10,585 DEBUG: Start: Iteration 1 +2016-09-01 10:46:10,592 DEBUG: View 0 : 0.463687150838 +2016-09-01 10:46:10,598 DEBUG: View 1 : 0.463687150838 +2016-09-01 10:46:10,604 DEBUG: View 2 : 0.463687150838 +2016-09-01 10:46:10,611 DEBUG: View 3 : 0.463687150838 +2016-09-01 10:46:10,611 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:46:10,643 DEBUG: Best view : View0 +2016-09-01 10:46:10,721 DEBUG: Start: Iteration 2 +2016-09-01 10:46:10,728 DEBUG: View 0 : 0.709497206704 +2016-09-01 10:46:10,736 DEBUG: View 1 : 0.653631284916 +2016-09-01 10:46:10,743 DEBUG: View 2 : 0.653631284916 +2016-09-01 10:46:10,750 DEBUG: View 3 : 0.670391061453 +2016-09-01 10:46:10,789 DEBUG: Best view : View0 +2016-09-01 10:46:10,930 DEBUG: Start: Iteration 3 +2016-09-01 10:46:10,937 DEBUG: View 0 : 0.709497206704 +2016-09-01 10:46:10,945 DEBUG: View 1 : 0.653631284916 +2016-09-01 10:46:10,952 DEBUG: View 2 : 0.653631284916 +2016-09-01 10:46:10,959 DEBUG: View 3 : 0.670391061453 +2016-09-01 10:46:11,002 DEBUG: Best view : View0 +2016-09-01 10:46:11,207 INFO: Start: Classification +2016-09-01 10:46:11,542 INFO: Done: Fold number 3 +2016-09-01 10:46:11,542 INFO: Start: Fold number 4 +2016-09-01 10:46:11,573 DEBUG: Start: Iteration 1 +2016-09-01 10:46:11,579 DEBUG: View 0 : 0.546448087432 +2016-09-01 10:46:11,586 DEBUG: View 1 : 0.546448087432 +2016-09-01 10:46:11,593 DEBUG: View 2 : 0.546448087432 +2016-09-01 10:46:11,599 DEBUG: View 3 : 0.546448087432 +2016-09-01 10:46:11,633 DEBUG: Best view : View0 +2016-09-01 10:46:11,712 DEBUG: Start: Iteration 2 +2016-09-01 10:46:11,719 DEBUG: View 0 : 0.672131147541 +2016-09-01 10:46:11,727 DEBUG: View 1 : 0.644808743169 +2016-09-01 10:46:11,734 DEBUG: View 2 : 0.650273224044 +2016-09-01 10:46:11,742 DEBUG: View 3 : 0.677595628415 +2016-09-01 10:46:11,781 DEBUG: Best view : View3 +2016-09-01 10:46:11,925 DEBUG: Start: Iteration 3 +2016-09-01 10:46:11,932 DEBUG: View 0 : 0.672131147541 +2016-09-01 10:46:11,940 DEBUG: View 1 : 0.644808743169 +2016-09-01 10:46:11,947 DEBUG: View 2 : 0.650273224044 +2016-09-01 10:46:11,954 DEBUG: View 3 : 0.677595628415 +2016-09-01 10:46:11,997 DEBUG: Best view : View3 +2016-09-01 10:46:12,206 INFO: Start: Classification +2016-09-01 10:46:12,543 INFO: Done: Fold number 4 +2016-09-01 10:46:12,543 INFO: Start: Fold number 5 +2016-09-01 10:46:12,573 DEBUG: Start: Iteration 1 +2016-09-01 10:46:12,581 DEBUG: View 0 : 0.593406593407 +2016-09-01 10:46:12,587 DEBUG: View 1 : 0.549450549451 +2016-09-01 10:46:12,594 DEBUG: View 2 : 0.472527472527 +2016-09-01 10:46:12,601 DEBUG: View 3 : 0.527472527473 +2016-09-01 10:46:12,635 DEBUG: Best view : View1 +2016-09-01 10:46:12,713 DEBUG: Start: Iteration 2 +2016-09-01 10:46:12,720 DEBUG: View 0 : 0.703296703297 +2016-09-01 10:46:12,728 DEBUG: View 1 : 0.620879120879 +2016-09-01 10:46:12,735 DEBUG: View 2 : 0.642857142857 +2016-09-01 10:46:12,742 DEBUG: View 3 : 0.708791208791 +2016-09-01 10:46:12,782 DEBUG: Best view : View3 +2016-09-01 10:46:12,925 DEBUG: Start: Iteration 3 +2016-09-01 10:46:12,932 DEBUG: View 0 : 0.703296703297 +2016-09-01 10:46:12,940 DEBUG: View 1 : 0.620879120879 +2016-09-01 10:46:12,947 DEBUG: View 2 : 0.642857142857 +2016-09-01 10:46:12,954 DEBUG: View 3 : 0.637362637363 +2016-09-01 10:46:12,997 DEBUG: Best view : View3 +2016-09-01 10:46:13,207 INFO: Start: Classification +2016-09-01 10:46:13,543 INFO: Done: Fold number 5 +2016-09-01 10:46:13,543 INFO: Done: Classification +2016-09-01 10:46:13,543 INFO: Info: Time for Classification: 5[s] +2016-09-01 10:46:13,544 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104759-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-104759-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..6a12c60ef98c60189ffb1b25f9156d87f30b5b83 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-104759-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,124 @@ +2016-09-01 10:47:59,452 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:47:59,454 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:47:59,454 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:47:59,454 INFO: Info: Shape of View0 :(300, 12) +2016-09-01 10:47:59,455 INFO: Info: Shape of View1 :(300, 17) +2016-09-01 10:47:59,455 INFO: Info: Shape of View2 :(300, 20) +2016-09-01 10:47:59,456 INFO: Info: Shape of View3 :(300, 11) +2016-09-01 10:47:59,456 INFO: Done: Read Database Files +2016-09-01 10:47:59,456 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:47:59,460 INFO: Done: Determine validation split +2016-09-01 10:47:59,460 INFO: Start: Determine 5 folds +2016-09-01 10:47:59,467 INFO: Info: Length of Learning Sets: 170 +2016-09-01 10:47:59,467 INFO: Info: Length of Testing Sets: 41 +2016-09-01 10:47:59,467 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:47:59,467 INFO: Done: Determine folds +2016-09-01 10:47:59,467 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:47:59,467 INFO: Start: Fold number 1 +2016-09-01 10:47:59,498 DEBUG: Start: Iteration 1 +2016-09-01 10:47:59,506 DEBUG: View 0 : 0.516853932584 +2016-09-01 10:47:59,514 DEBUG: View 1 : 0.438202247191 +2016-09-01 10:47:59,521 DEBUG: View 2 : 0.5 +2016-09-01 10:47:59,528 DEBUG: View 3 : 0.5 +2016-09-01 10:47:59,563 DEBUG: Best view : View0 +2016-09-01 10:47:59,639 DEBUG: Start: Iteration 2 +2016-09-01 10:47:59,645 DEBUG: View 0 : 0.707865168539 +2016-09-01 10:47:59,653 DEBUG: View 1 : 0.696629213483 +2016-09-01 10:47:59,660 DEBUG: View 2 : 0.713483146067 +2016-09-01 10:47:59,667 DEBUG: View 3 : 0.696629213483 +2016-09-01 10:47:59,706 DEBUG: Best view : View2 +2016-09-01 10:47:59,850 DEBUG: Start: Iteration 3 +2016-09-01 10:47:59,858 DEBUG: View 0 : 0.691011235955 +2016-09-01 10:47:59,867 DEBUG: View 1 : 0.696629213483 +2016-09-01 10:47:59,874 DEBUG: View 2 : 0.713483146067 +2016-09-01 10:47:59,881 DEBUG: View 3 : 0.685393258427 +2016-09-01 10:47:59,923 DEBUG: Best view : View2 +2016-09-01 10:48:00,129 INFO: Start: Classification +2016-09-01 10:48:00,461 INFO: Done: Fold number 1 +2016-09-01 10:48:00,461 INFO: Start: Fold number 2 +2016-09-01 10:48:00,492 DEBUG: Start: Iteration 1 +2016-09-01 10:48:00,499 DEBUG: View 0 : 0.502702702703 +2016-09-01 10:48:00,506 DEBUG: View 1 : 0.6 +2016-09-01 10:48:00,513 DEBUG: View 2 : 0.518918918919 +2016-09-01 10:48:00,520 DEBUG: View 3 : 0.52972972973 +2016-09-01 10:48:00,554 DEBUG: Best view : View2 +2016-09-01 10:48:00,634 DEBUG: Start: Iteration 2 +2016-09-01 10:48:00,641 DEBUG: View 0 : 0.675675675676 +2016-09-01 10:48:00,648 DEBUG: View 1 : 0.686486486486 +2016-09-01 10:48:00,656 DEBUG: View 2 : 0.681081081081 +2016-09-01 10:48:00,663 DEBUG: View 3 : 0.675675675676 +2016-09-01 10:48:00,704 DEBUG: Best view : View1 +2016-09-01 10:48:00,849 DEBUG: Start: Iteration 3 +2016-09-01 10:48:00,856 DEBUG: View 0 : 0.675675675676 +2016-09-01 10:48:00,863 DEBUG: View 1 : 0.686486486486 +2016-09-01 10:48:00,871 DEBUG: View 2 : 0.681081081081 +2016-09-01 10:48:00,877 DEBUG: View 3 : 0.675675675676 +2016-09-01 10:48:00,921 DEBUG: Best view : View1 +2016-09-01 10:48:01,135 INFO: Start: Classification +2016-09-01 10:48:01,476 INFO: Done: Fold number 2 +2016-09-01 10:48:01,476 INFO: Start: Fold number 3 +2016-09-01 10:48:01,506 DEBUG: Start: Iteration 1 +2016-09-01 10:48:01,512 DEBUG: View 0 : 0.52808988764 +2016-09-01 10:48:01,519 DEBUG: View 1 : 0.432584269663 +2016-09-01 10:48:01,526 DEBUG: View 2 : 0.5 +2016-09-01 10:48:01,532 DEBUG: View 3 : 0.511235955056 +2016-09-01 10:48:01,566 DEBUG: Best view : View0 +2016-09-01 10:48:01,642 DEBUG: Start: Iteration 2 +2016-09-01 10:48:01,649 DEBUG: View 0 : 0.674157303371 +2016-09-01 10:48:01,656 DEBUG: View 1 : 0.702247191011 +2016-09-01 10:48:01,663 DEBUG: View 2 : 0.73595505618 +2016-09-01 10:48:01,671 DEBUG: View 3 : 0.61797752809 +2016-09-01 10:48:01,710 DEBUG: Best view : View2 +2016-09-01 10:48:01,851 DEBUG: Start: Iteration 3 +2016-09-01 10:48:01,858 DEBUG: View 0 : 0.674157303371 +2016-09-01 10:48:01,865 DEBUG: View 1 : 0.702247191011 +2016-09-01 10:48:01,872 DEBUG: View 2 : 0.73595505618 +2016-09-01 10:48:01,879 DEBUG: View 3 : 0.61797752809 +2016-09-01 10:48:01,922 DEBUG: Best view : View2 +2016-09-01 10:48:02,126 INFO: Start: Classification +2016-09-01 10:48:02,457 INFO: Done: Fold number 3 +2016-09-01 10:48:02,457 INFO: Start: Fold number 4 +2016-09-01 10:48:02,497 DEBUG: Start: Iteration 1 +2016-09-01 10:48:02,504 DEBUG: View 0 : 0.483333333333 +2016-09-01 10:48:02,510 DEBUG: View 1 : 0.494444444444 +2016-09-01 10:48:02,517 DEBUG: View 2 : 0.483333333333 +2016-09-01 10:48:02,524 DEBUG: View 3 : 0.505555555556 +2016-09-01 10:48:02,558 DEBUG: Best view : View2 +2016-09-01 10:48:02,635 DEBUG: Start: Iteration 2 +2016-09-01 10:48:02,642 DEBUG: View 0 : 0.705555555556 +2016-09-01 10:48:02,649 DEBUG: View 1 : 0.738888888889 +2016-09-01 10:48:02,656 DEBUG: View 2 : 0.722222222222 +2016-09-01 10:48:02,663 DEBUG: View 3 : 0.677777777778 +2016-09-01 10:48:02,704 DEBUG: Best view : View1 +2016-09-01 10:48:02,847 DEBUG: Start: Iteration 3 +2016-09-01 10:48:02,854 DEBUG: View 0 : 0.705555555556 +2016-09-01 10:48:02,861 DEBUG: View 1 : 0.738888888889 +2016-09-01 10:48:02,868 DEBUG: View 2 : 0.716666666667 +2016-09-01 10:48:02,875 DEBUG: View 3 : 0.677777777778 +2016-09-01 10:48:02,919 DEBUG: Best view : View1 +2016-09-01 10:48:03,126 INFO: Start: Classification +2016-09-01 10:48:03,462 INFO: Done: Fold number 4 +2016-09-01 10:48:03,462 INFO: Start: Fold number 5 +2016-09-01 10:48:03,494 DEBUG: Start: Iteration 1 +2016-09-01 10:48:03,501 DEBUG: View 0 : 0.532258064516 +2016-09-01 10:48:03,508 DEBUG: View 1 : 0.489247311828 +2016-09-01 10:48:03,515 DEBUG: View 2 : 0.5 +2016-09-01 10:48:03,522 DEBUG: View 3 : 0.467741935484 +2016-09-01 10:48:03,557 DEBUG: Best view : View0 +2016-09-01 10:48:03,637 DEBUG: Start: Iteration 2 +2016-09-01 10:48:03,643 DEBUG: View 0 : 0.709677419355 +2016-09-01 10:48:03,651 DEBUG: View 1 : 0.698924731183 +2016-09-01 10:48:03,659 DEBUG: View 2 : 0.741935483871 +2016-09-01 10:48:03,666 DEBUG: View 3 : 0.698924731183 +2016-09-01 10:48:03,708 DEBUG: Best view : View2 +2016-09-01 10:48:03,855 DEBUG: Start: Iteration 3 +2016-09-01 10:48:03,862 DEBUG: View 0 : 0.709677419355 +2016-09-01 10:48:03,869 DEBUG: View 1 : 0.698924731183 +2016-09-01 10:48:03,877 DEBUG: View 2 : 0.741935483871 +2016-09-01 10:48:03,884 DEBUG: View 3 : 0.698924731183 +2016-09-01 10:48:03,929 DEBUG: Best view : View2 +2016-09-01 10:48:04,146 INFO: Start: Classification +2016-09-01 10:48:04,487 INFO: Done: Fold number 5 +2016-09-01 10:48:04,487 INFO: Done: Classification +2016-09-01 10:48:04,487 INFO: Info: Time for Classification: 5[s] +2016-09-01 10:48:04,487 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104841-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-104841-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..bd23a4f5e2152d861cefbb42139c45b0287b1239 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-104841-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,124 @@ +2016-09-01 10:48:41,884 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:48:41,885 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:48:41,885 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:48:41,886 INFO: Info: Shape of View0 :(300, 12) +2016-09-01 10:48:41,886 INFO: Info: Shape of View1 :(300, 8) +2016-09-01 10:48:41,887 INFO: Info: Shape of View2 :(300, 9) +2016-09-01 10:48:41,887 INFO: Info: Shape of View3 :(300, 8) +2016-09-01 10:48:41,887 INFO: Done: Read Database Files +2016-09-01 10:48:41,887 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:48:41,891 INFO: Done: Determine validation split +2016-09-01 10:48:41,891 INFO: Start: Determine 5 folds +2016-09-01 10:48:41,897 INFO: Info: Length of Learning Sets: 170 +2016-09-01 10:48:41,897 INFO: Info: Length of Testing Sets: 41 +2016-09-01 10:48:41,897 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:48:41,897 INFO: Done: Determine folds +2016-09-01 10:48:41,897 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:48:41,897 INFO: Start: Fold number 1 +2016-09-01 10:48:41,928 DEBUG: Start: Iteration 1 +2016-09-01 10:48:41,935 DEBUG: View 0 : 0.483516483516 +2016-09-01 10:48:41,942 DEBUG: View 1 : 0.43956043956 +2016-09-01 10:48:41,949 DEBUG: View 2 : 0.472527472527 +2016-09-01 10:48:41,956 DEBUG: View 3 : 0.505494505495 +2016-09-01 10:48:41,991 DEBUG: Best view : View1 +2016-09-01 10:48:42,072 DEBUG: Start: Iteration 2 +2016-09-01 10:48:42,080 DEBUG: View 0 : 0.686813186813 +2016-09-01 10:48:42,087 DEBUG: View 1 : 0.708791208791 +2016-09-01 10:48:42,095 DEBUG: View 2 : 0.725274725275 +2016-09-01 10:48:42,102 DEBUG: View 3 : 0.615384615385 +2016-09-01 10:48:42,145 DEBUG: Best view : View2 +2016-09-01 10:48:42,294 DEBUG: Start: Iteration 3 +2016-09-01 10:48:42,314 DEBUG: View 0 : 0.686813186813 +2016-09-01 10:48:42,321 DEBUG: View 1 : 0.708791208791 +2016-09-01 10:48:42,328 DEBUG: View 2 : 0.725274725275 +2016-09-01 10:48:42,335 DEBUG: View 3 : 0.615384615385 +2016-09-01 10:48:42,379 DEBUG: Best view : View2 +2016-09-01 10:48:42,607 INFO: Start: Classification +2016-09-01 10:48:42,957 INFO: Done: Fold number 1 +2016-09-01 10:48:42,958 INFO: Start: Fold number 2 +2016-09-01 10:48:42,988 DEBUG: Start: Iteration 1 +2016-09-01 10:48:42,995 DEBUG: View 0 : 0.561111111111 +2016-09-01 10:48:43,002 DEBUG: View 1 : 0.45 +2016-09-01 10:48:43,008 DEBUG: View 2 : 0.55 +2016-09-01 10:48:43,015 DEBUG: View 3 : 0.527777777778 +2016-09-01 10:48:43,050 DEBUG: Best view : View1 +2016-09-01 10:48:43,129 DEBUG: Start: Iteration 2 +2016-09-01 10:48:43,137 DEBUG: View 0 : 0.688888888889 +2016-09-01 10:48:43,145 DEBUG: View 1 : 0.655555555556 +2016-09-01 10:48:43,152 DEBUG: View 2 : 0.672222222222 +2016-09-01 10:48:43,159 DEBUG: View 3 : 0.672222222222 +2016-09-01 10:48:43,203 DEBUG: Best view : View0 +2016-09-01 10:48:43,349 DEBUG: Start: Iteration 3 +2016-09-01 10:48:43,356 DEBUG: View 0 : 0.688888888889 +2016-09-01 10:48:43,364 DEBUG: View 1 : 0.655555555556 +2016-09-01 10:48:43,370 DEBUG: View 2 : 0.672222222222 +2016-09-01 10:48:43,377 DEBUG: View 3 : 0.672222222222 +2016-09-01 10:48:43,421 DEBUG: Best view : View0 +2016-09-01 10:48:43,638 INFO: Start: Classification +2016-09-01 10:48:43,992 INFO: Done: Fold number 2 +2016-09-01 10:48:43,992 INFO: Start: Fold number 3 +2016-09-01 10:48:44,025 DEBUG: Start: Iteration 1 +2016-09-01 10:48:44,032 DEBUG: View 0 : 0.540540540541 +2016-09-01 10:48:44,039 DEBUG: View 1 : 0.497297297297 +2016-09-01 10:48:44,046 DEBUG: View 2 : 0.47027027027 +2016-09-01 10:48:44,054 DEBUG: View 3 : 0.52972972973 +2016-09-01 10:48:44,089 DEBUG: Best view : View2 +2016-09-01 10:48:44,172 DEBUG: Start: Iteration 2 +2016-09-01 10:48:44,180 DEBUG: View 0 : 0.751351351351 +2016-09-01 10:48:44,187 DEBUG: View 1 : 0.702702702703 +2016-09-01 10:48:44,194 DEBUG: View 2 : 0.67027027027 +2016-09-01 10:48:44,202 DEBUG: View 3 : 0.637837837838 +2016-09-01 10:48:44,244 DEBUG: Best view : View0 +2016-09-01 10:48:44,396 DEBUG: Start: Iteration 3 +2016-09-01 10:48:44,404 DEBUG: View 0 : 0.751351351351 +2016-09-01 10:48:44,411 DEBUG: View 1 : 0.702702702703 +2016-09-01 10:48:44,419 DEBUG: View 2 : 0.67027027027 +2016-09-01 10:48:44,426 DEBUG: View 3 : 0.637837837838 +2016-09-01 10:48:44,473 DEBUG: Best view : View0 +2016-09-01 10:48:44,695 INFO: Start: Classification +2016-09-01 10:48:45,055 INFO: Done: Fold number 3 +2016-09-01 10:48:45,055 INFO: Start: Fold number 4 +2016-09-01 10:48:45,089 DEBUG: Start: Iteration 1 +2016-09-01 10:48:45,097 DEBUG: View 0 : 0.483870967742 +2016-09-01 10:48:45,104 DEBUG: View 1 : 0.52688172043 +2016-09-01 10:48:45,111 DEBUG: View 2 : 0.505376344086 +2016-09-01 10:48:45,118 DEBUG: View 3 : 0.494623655914 +2016-09-01 10:48:45,154 DEBUG: Best view : View3 +2016-09-01 10:48:45,237 DEBUG: Start: Iteration 2 +2016-09-01 10:48:45,244 DEBUG: View 0 : 0.693548387097 +2016-09-01 10:48:45,252 DEBUG: View 1 : 0.688172043011 +2016-09-01 10:48:45,260 DEBUG: View 2 : 0.602150537634 +2016-09-01 10:48:45,267 DEBUG: View 3 : 0.55376344086 +2016-09-01 10:48:45,311 DEBUG: Best view : View0 +2016-09-01 10:48:45,467 DEBUG: Start: Iteration 3 +2016-09-01 10:48:45,475 DEBUG: View 0 : 0.693548387097 +2016-09-01 10:48:45,482 DEBUG: View 1 : 0.688172043011 +2016-09-01 10:48:45,489 DEBUG: View 2 : 0.602150537634 +2016-09-01 10:48:45,497 DEBUG: View 3 : 0.55376344086 +2016-09-01 10:48:45,542 DEBUG: Best view : View0 +2016-09-01 10:48:45,763 INFO: Start: Classification +2016-09-01 10:48:46,115 INFO: Done: Fold number 4 +2016-09-01 10:48:46,115 INFO: Start: Fold number 5 +2016-09-01 10:48:46,146 DEBUG: Start: Iteration 1 +2016-09-01 10:48:46,153 DEBUG: View 0 : 0.5 +2016-09-01 10:48:46,160 DEBUG: View 1 : 0.510989010989 +2016-09-01 10:48:46,167 DEBUG: View 2 : 0.483516483516 +2016-09-01 10:48:46,174 DEBUG: View 3 : 0.521978021978 +2016-09-01 10:48:46,208 DEBUG: Best view : View0 +2016-09-01 10:48:46,292 DEBUG: Start: Iteration 2 +2016-09-01 10:48:46,300 DEBUG: View 0 : 0.725274725275 +2016-09-01 10:48:46,307 DEBUG: View 1 : 0.708791208791 +2016-09-01 10:48:46,314 DEBUG: View 2 : 0.686813186813 +2016-09-01 10:48:46,321 DEBUG: View 3 : 0.571428571429 +2016-09-01 10:48:46,362 DEBUG: Best view : View0 +2016-09-01 10:48:46,515 DEBUG: Start: Iteration 3 +2016-09-01 10:48:46,522 DEBUG: View 0 : 0.725274725275 +2016-09-01 10:48:46,530 DEBUG: View 1 : 0.708791208791 +2016-09-01 10:48:46,538 DEBUG: View 2 : 0.686813186813 +2016-09-01 10:48:46,546 DEBUG: View 3 : 0.571428571429 +2016-09-01 10:48:46,592 DEBUG: Best view : View0 +2016-09-01 10:48:46,816 INFO: Start: Classification +2016-09-01 10:48:47,161 INFO: Done: Fold number 5 +2016-09-01 10:48:47,161 INFO: Done: Classification +2016-09-01 10:48:47,161 INFO: Info: Time for Classification: 5[s] +2016-09-01 10:48:47,161 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104927-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-104927-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..83abffbd5f7600489d2e148bc3d8198c46c8565d --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-104927-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,257 @@ +2016-09-01 10:49:27,533 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:49:27,534 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:49:27,535 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:49:27,535 INFO: Info: Shape of View0 :(300, 19) +2016-09-01 10:49:27,535 INFO: Info: Shape of View1 :(300, 9) +2016-09-01 10:49:27,536 INFO: Info: Shape of View2 :(300, 16) +2016-09-01 10:49:27,536 INFO: Info: Shape of View3 :(300, 8) +2016-09-01 10:49:27,536 INFO: Done: Read Database Files +2016-09-01 10:49:27,536 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:49:27,540 INFO: Done: Determine validation split +2016-09-01 10:49:27,540 INFO: Start: Determine 5 folds +2016-09-01 10:49:27,546 INFO: Info: Length of Learning Sets: 170 +2016-09-01 10:49:27,546 INFO: Info: Length of Testing Sets: 41 +2016-09-01 10:49:27,546 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:49:27,546 INFO: Done: Determine folds +2016-09-01 10:49:27,546 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:49:27,546 INFO: Start: Fold number 1 +2016-09-01 10:49:27,577 DEBUG: Start: Iteration 1 +2016-09-01 10:49:27,584 DEBUG: View 0 : 0.546448087432 +2016-09-01 10:49:27,591 DEBUG: View 1 : 0.546448087432 +2016-09-01 10:49:27,598 DEBUG: View 2 : 0.546448087432 +2016-09-01 10:49:27,604 DEBUG: View 3 : 0.546448087432 +2016-09-01 10:49:27,639 DEBUG: Best view : View0 +2016-09-01 10:49:27,718 DEBUG: Start: Iteration 2 +2016-09-01 10:49:27,726 DEBUG: View 0 : 0.737704918033 +2016-09-01 10:49:27,733 DEBUG: View 1 : 0.661202185792 +2016-09-01 10:49:27,740 DEBUG: View 2 : 0.732240437158 +2016-09-01 10:49:27,747 DEBUG: View 3 : 0.715846994536 +2016-09-01 10:49:27,788 DEBUG: Best view : View0 +2016-09-01 10:49:27,937 DEBUG: Start: Iteration 3 +2016-09-01 10:49:27,945 DEBUG: View 0 : 0.737704918033 +2016-09-01 10:49:27,954 DEBUG: View 1 : 0.661202185792 +2016-09-01 10:49:27,962 DEBUG: View 2 : 0.737704918033 +2016-09-01 10:49:27,969 DEBUG: View 3 : 0.715846994536 +2016-09-01 10:49:28,013 DEBUG: Best view : View0 +2016-09-01 10:49:28,226 INFO: Start: Classification +2016-09-01 10:49:28,571 INFO: Done: Fold number 1 +2016-09-01 10:49:28,571 INFO: Start: Fold number 2 +2016-09-01 10:49:28,602 DEBUG: Start: Iteration 1 +2016-09-01 10:49:28,609 DEBUG: View 0 : 0.519774011299 +2016-09-01 10:49:28,616 DEBUG: View 1 : 0.491525423729 +2016-09-01 10:49:28,623 DEBUG: View 2 : 0.435028248588 +2016-09-01 10:49:28,629 DEBUG: View 3 : 0.54802259887 +2016-09-01 10:49:28,663 DEBUG: Best view : View1 +2016-09-01 10:49:28,740 DEBUG: Start: Iteration 2 +2016-09-01 10:49:28,748 DEBUG: View 0 : 0.723163841808 +2016-09-01 10:49:28,755 DEBUG: View 1 : 0.649717514124 +2016-09-01 10:49:28,762 DEBUG: View 2 : 0.661016949153 +2016-09-01 10:49:28,769 DEBUG: View 3 : 0.71186440678 +2016-09-01 10:49:28,809 DEBUG: Best view : View0 +2016-09-01 10:49:28,951 DEBUG: Start: Iteration 3 +2016-09-01 10:49:28,958 DEBUG: View 0 : 0.723163841808 +2016-09-01 10:49:28,965 DEBUG: View 1 : 0.649717514124 +2016-09-01 10:49:28,972 DEBUG: View 2 : 0.661016949153 +2016-09-01 10:49:28,979 DEBUG: View 3 : 0.71186440678 +2016-09-01 10:49:29,022 DEBUG: Best view : View0 +2016-09-01 10:49:29,229 INFO: Start: Classification +2016-09-01 10:49:29,569 INFO: Done: Fold number 2 +2016-09-01 10:49:29,569 INFO: Start: Fold number 3 +2016-09-01 10:49:29,600 DEBUG: Start: Iteration 1 +2016-09-01 10:49:29,606 DEBUG: View 0 : 0.527777777778 +2016-09-01 10:49:29,613 DEBUG: View 1 : 0.527777777778 +2016-09-01 10:49:29,619 DEBUG: View 2 : 0.527777777778 +2016-09-01 10:49:29,625 DEBUG: View 3 : 0.527777777778 +2016-09-01 10:49:29,659 DEBUG: Best view : View0 +2016-09-01 10:49:29,737 DEBUG: Start: Iteration 2 +2016-09-01 10:49:29,745 DEBUG: View 0 : 0.733333333333 +2016-09-01 10:49:29,752 DEBUG: View 1 : 0.627777777778 +2016-09-01 10:49:29,759 DEBUG: View 2 : 0.738888888889 +2016-09-01 10:49:29,766 DEBUG: View 3 : 0.722222222222 +2016-09-01 10:49:29,806 DEBUG: Best view : View2 +2016-09-01 10:49:29,950 DEBUG: Start: Iteration 3 +2016-09-01 10:49:29,957 DEBUG: View 0 : 0.733333333333 +2016-09-01 10:49:29,964 DEBUG: View 1 : 0.627777777778 +2016-09-01 10:49:29,971 DEBUG: View 2 : 0.738888888889 +2016-09-01 10:49:29,978 DEBUG: View 3 : 0.722222222222 +2016-09-01 10:49:30,022 DEBUG: Best view : View2 +2016-09-01 10:49:30,232 INFO: Start: Classification +2016-09-01 10:49:30,573 INFO: Done: Fold number 3 +2016-09-01 10:49:30,573 INFO: Start: Fold number 4 +2016-09-01 10:49:30,605 DEBUG: Start: Iteration 1 +2016-09-01 10:49:30,612 DEBUG: View 0 : 0.470588235294 +2016-09-01 10:49:30,619 DEBUG: View 1 : 0.470588235294 +2016-09-01 10:49:30,626 DEBUG: View 2 : 0.470588235294 +2016-09-01 10:49:30,632 DEBUG: View 3 : 0.470588235294 +2016-09-01 10:49:30,633 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:49:30,668 DEBUG: Best view : View0 +2016-09-01 10:49:30,749 DEBUG: Start: Iteration 2 +2016-09-01 10:49:30,756 DEBUG: View 0 : 0.72192513369 +2016-09-01 10:49:30,764 DEBUG: View 1 : 0.700534759358 +2016-09-01 10:49:30,771 DEBUG: View 2 : 0.705882352941 +2016-09-01 10:49:30,778 DEBUG: View 3 : 0.748663101604 +2016-09-01 10:49:30,819 DEBUG: Best view : View3 +2016-09-01 10:49:30,970 DEBUG: Start: Iteration 3 +2016-09-01 10:49:30,977 DEBUG: View 0 : 0.72192513369 +2016-09-01 10:49:30,985 DEBUG: View 1 : 0.700534759358 +2016-09-01 10:49:30,992 DEBUG: View 2 : 0.705882352941 +2016-09-01 10:49:30,999 DEBUG: View 3 : 0.748663101604 +2016-09-01 10:49:31,045 DEBUG: Best view : View3 +2016-09-01 10:49:31,261 INFO: Start: Classification +2016-09-01 10:49:31,608 INFO: Done: Fold number 4 +2016-09-01 10:49:31,609 INFO: Start: Fold number 5 +2016-09-01 10:49:31,640 DEBUG: Start: Iteration 1 +2016-09-01 10:49:31,648 DEBUG: View 0 : 0.52688172043 +2016-09-01 10:49:31,655 DEBUG: View 1 : 0.52688172043 +2016-09-01 10:49:31,662 DEBUG: View 2 : 0.559139784946 +2016-09-01 10:49:31,669 DEBUG: View 3 : 0.489247311828 +2016-09-01 10:49:31,704 DEBUG: Best view : View3 +2016-09-01 10:49:31,784 DEBUG: Start: Iteration 2 +2016-09-01 10:49:31,791 DEBUG: View 0 : 0.758064516129 +2016-09-01 10:49:31,799 DEBUG: View 1 : 0.704301075269 +2016-09-01 10:49:31,806 DEBUG: View 2 : 0.725806451613 +2016-09-01 10:49:31,813 DEBUG: View 3 : 0.645161290323 +2016-09-01 10:49:31,854 DEBUG: Best view : View0 +2016-09-01 10:49:32,003 DEBUG: Start: Iteration 3 +2016-09-01 10:49:32,011 DEBUG: View 0 : 0.758064516129 +2016-09-01 10:49:32,018 DEBUG: View 1 : 0.704301075269 +2016-09-01 10:49:32,026 DEBUG: View 2 : 0.725806451613 +2016-09-01 10:49:32,033 DEBUG: View 3 : 0.645161290323 +2016-09-01 10:49:32,078 DEBUG: Best view : View0 +2016-09-01 10:49:32,295 INFO: Start: Classification +2016-09-01 10:49:32,641 INFO: Done: Fold number 5 +2016-09-01 10:49:32,641 INFO: Done: Classification +2016-09-01 10:49:32,642 INFO: Info: Time for Classification: 5[s] +2016-09-01 10:49:32,642 INFO: Start: Result Analysis for Mumbo +2016-09-01 10:49:34,567 INFO: Result for Multiview classification with Mumbo + +Average accuracy : + -On Train : 74.1297053293 + -On Test : 50.243902439 + -On Validation : 68.0898876404Dataset info : + -Dataset name : Fake + -Labels : Methyl, MiRNA_, RNASeq, Clinic + -Views : View0 of shape (300, 19), View1 of shape (300, 9), View2 of shape (300, 16), View3 of shape (300, 8) + -5 folds + - Validation set length : 89 for learning rate : 0.7 on a total number of examples of 300 + + + +Mumbo configuration : + -Used 1 core(s) + -Iterations : min 1, max 10, threshold 0.1 + -Weak Classifiers : DecisionTree with depth 3, sub-sampled at 1.0 on View0 + -DecisionTree with depth 3, sub-sampled at 1.0 on View1 + -DecisionTree with depth 3, sub-sampled at 1.0 on View2 + -DecisionTree with depth 3, sub-sampled at 1.0 on View3 + + + +Computation time on 1 cores : + Database extraction time : 0:00:00 + Learn Prediction + Fold 1 0:00:00 0:00:00 + Fold 2 0:00:01 0:00:00 + Fold 3 0:00:02 0:00:00 + Fold 4 0:00:03 0:00:00 + Fold 5 0:00:04 0:00:00 + Total 0:00:13 0:00:01 + So a total classification time of 0:00:05. + + + +Mean average accuracies and stats for each fold : + - Fold 0, used 4 + - On View0 : + - Mean average Accuracy : 0.20218579235 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.186885245902 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.201639344262 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.19781420765 + - Percentage of time chosen : 0.0 + - Fold 1, used 4 + - On View0 : + - Mean average Accuracy : 0.196610169492 + - Percentage of time chosen : 0.9 + - On View1 : + - Mean average Accuracy : 0.179096045198 + - Percentage of time chosen : 0.1 + - On View2 : + - Mean average Accuracy : 0.175706214689 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.197175141243 + - Percentage of time chosen : 0.0 + - Fold 2, used 4 + - On View0 : + - Mean average Accuracy : 0.199444444444 + - Percentage of time chosen : 0.8 + - On View1 : + - Mean average Accuracy : 0.178333333333 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.200555555556 + - Percentage of time chosen : 0.2 + - On View3 : + - Mean average Accuracy : 0.197222222222 + - Percentage of time chosen : 0.0 + - Fold 3, used 4 + - On View0 : + - Mean average Accuracy : 0.191443850267 + - Percentage of time chosen : 0.8 + - On View1 : + - Mean average Accuracy : 0.187165775401 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.188235294118 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.19679144385 + - Percentage of time chosen : 0.2 + - Fold 4, used 4 + - On View0 : + - Mean average Accuracy : 0.204301075269 + - Percentage of time chosen : 0.9 + - On View1 : + - Mean average Accuracy : 0.193548387097 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.201075268817 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.177956989247 + - Percentage of time chosen : 0.1 + + For each iteration : + - Iteration 4 + Fold 1 + Accuracy on train : 45.3551912568 + Accuracy on test : 0.0 + Accuracy on validation : 46.0674157303 + Selected View : View0 + Fold 2 + Accuracy on train : 46.8926553672 + Accuracy on test : 0.0 + Accuracy on validation : 46.0674157303 + Selected View : View0 + Fold 3 + Accuracy on train : 47.2222222222 + Accuracy on test : 0.0 + Accuracy on validation : 46.0674157303 + Selected View : View0 + Fold 4 + Accuracy on train : 47.0588235294 + Accuracy on test : 0.0 + Accuracy on validation : 46.0674157303 + Selected View : View0 + Fold 5 + Accuracy on train : 46.2365591398 + Accuracy on test : 0.0 + Accuracy on validation : 46.0674157303 + Selected View : View0 +2016-09-01 10:49:34,899 INFO: Done: Result Analysis diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104934Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png b/Code/MonoMutliViewClassifiers/Results/20160901-104934Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png new file mode 100644 index 0000000000000000000000000000000000000000..62febf7b432ab1938a0bc550dd0f0d631b419319 Binary files /dev/null and b/Code/MonoMutliViewClassifiers/Results/20160901-104934Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png differ diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-104934Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt b/Code/MonoMutliViewClassifiers/Results/20160901-104934Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt new file mode 100644 index 0000000000000000000000000000000000000000..32ead563b5aa13937a1723461bada2a1a90cc371 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-104934Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt @@ -0,0 +1,131 @@ + Result for Multiview classification with Mumbo + +Average accuracy : + -On Train : 74.1297053293 + -On Test : 50.243902439 + -On Validation : 68.0898876404Dataset info : + -Dataset name : Fake + -Labels : Methyl, MiRNA_, RNASeq, Clinic + -Views : View0 of shape (300, 19), View1 of shape (300, 9), View2 of shape (300, 16), View3 of shape (300, 8) + -5 folds + - Validation set length : 89 for learning rate : 0.7 on a total number of examples of 300 + + + +Mumbo configuration : + -Used 1 core(s) + -Iterations : min 1, max 10, threshold 0.1 + -Weak Classifiers : DecisionTree with depth 3, sub-sampled at 1.0 on View0 + -DecisionTree with depth 3, sub-sampled at 1.0 on View1 + -DecisionTree with depth 3, sub-sampled at 1.0 on View2 + -DecisionTree with depth 3, sub-sampled at 1.0 on View3 + + + +Computation time on 1 cores : + Database extraction time : 0:00:00 + Learn Prediction + Fold 1 0:00:00 0:00:00 + Fold 2 0:00:01 0:00:00 + Fold 3 0:00:02 0:00:00 + Fold 4 0:00:03 0:00:00 + Fold 5 0:00:04 0:00:00 + Total 0:00:13 0:00:01 + So a total classification time of 0:00:05. + + + +Mean average accuracies and stats for each fold : + - Fold 0, used 4 + - On View0 : + - Mean average Accuracy : 0.20218579235 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.186885245902 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.201639344262 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.19781420765 + - Percentage of time chosen : 0.0 + - Fold 1, used 4 + - On View0 : + - Mean average Accuracy : 0.196610169492 + - Percentage of time chosen : 0.9 + - On View1 : + - Mean average Accuracy : 0.179096045198 + - Percentage of time chosen : 0.1 + - On View2 : + - Mean average Accuracy : 0.175706214689 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.197175141243 + - Percentage of time chosen : 0.0 + - Fold 2, used 4 + - On View0 : + - Mean average Accuracy : 0.199444444444 + - Percentage of time chosen : 0.8 + - On View1 : + - Mean average Accuracy : 0.178333333333 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.200555555556 + - Percentage of time chosen : 0.2 + - On View3 : + - Mean average Accuracy : 0.197222222222 + - Percentage of time chosen : 0.0 + - Fold 3, used 4 + - On View0 : + - Mean average Accuracy : 0.191443850267 + - Percentage of time chosen : 0.8 + - On View1 : + - Mean average Accuracy : 0.187165775401 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.188235294118 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.19679144385 + - Percentage of time chosen : 0.2 + - Fold 4, used 4 + - On View0 : + - Mean average Accuracy : 0.204301075269 + - Percentage of time chosen : 0.9 + - On View1 : + - Mean average Accuracy : 0.193548387097 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.201075268817 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.177956989247 + - Percentage of time chosen : 0.1 + + For each iteration : + - Iteration 4 + Fold 1 + Accuracy on train : 45.3551912568 + Accuracy on test : 0.0 + Accuracy on validation : 46.0674157303 + Selected View : View0 + Fold 2 + Accuracy on train : 46.8926553672 + Accuracy on test : 0.0 + Accuracy on validation : 46.0674157303 + Selected View : View0 + Fold 3 + Accuracy on train : 47.2222222222 + Accuracy on test : 0.0 + Accuracy on validation : 46.0674157303 + Selected View : View0 + Fold 4 + Accuracy on train : 47.0588235294 + Accuracy on test : 0.0 + Accuracy on validation : 46.0674157303 + Selected View : View0 + Fold 5 + Accuracy on train : 46.2365591398 + Accuracy on test : 0.0 + Accuracy on validation : 46.0674157303 + Selected View : View0 \ No newline at end of file diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105037-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-105037-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..be90111867253516dedf3d8afd77c7c1417f7566 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105037-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,256 @@ +2016-09-01 10:50:37,879 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:50:37,880 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:50:37,880 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:50:37,881 INFO: Info: Shape of View0 :(300, 20) +2016-09-01 10:50:37,881 INFO: Info: Shape of View1 :(300, 12) +2016-09-01 10:50:37,882 INFO: Info: Shape of View2 :(300, 8) +2016-09-01 10:50:37,882 INFO: Info: Shape of View3 :(300, 20) +2016-09-01 10:50:37,882 INFO: Done: Read Database Files +2016-09-01 10:50:37,882 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:50:37,886 INFO: Done: Determine validation split +2016-09-01 10:50:37,886 INFO: Start: Determine 5 folds +2016-09-01 10:50:37,892 INFO: Info: Length of Learning Sets: 169 +2016-09-01 10:50:37,892 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:50:37,892 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:50:37,892 INFO: Done: Determine folds +2016-09-01 10:50:37,892 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:50:37,892 INFO: Start: Fold number 1 +2016-09-01 10:50:37,924 DEBUG: Start: Iteration 1 +2016-09-01 10:50:37,931 DEBUG: View 0 : 0.525139664804 +2016-09-01 10:50:37,938 DEBUG: View 1 : 0.525139664804 +2016-09-01 10:50:37,945 DEBUG: View 2 : 0.502793296089 +2016-09-01 10:50:37,951 DEBUG: View 3 : 0.513966480447 +2016-09-01 10:50:37,985 DEBUG: Best view : View3 +2016-09-01 10:50:38,063 DEBUG: Start: Iteration 2 +2016-09-01 10:50:38,070 DEBUG: View 0 : 0.737430167598 +2016-09-01 10:50:38,078 DEBUG: View 1 : 0.72625698324 +2016-09-01 10:50:38,085 DEBUG: View 2 : 0.648044692737 +2016-09-01 10:50:38,092 DEBUG: View 3 : 0.709497206704 +2016-09-01 10:50:38,133 DEBUG: Best view : View0 +2016-09-01 10:50:38,280 DEBUG: Start: Iteration 3 +2016-09-01 10:50:38,287 DEBUG: View 0 : 0.737430167598 +2016-09-01 10:50:38,296 DEBUG: View 1 : 0.72625698324 +2016-09-01 10:50:38,304 DEBUG: View 2 : 0.648044692737 +2016-09-01 10:50:38,312 DEBUG: View 3 : 0.709497206704 +2016-09-01 10:50:38,354 DEBUG: Best view : View0 +2016-09-01 10:50:38,563 INFO: Start: Classification +2016-09-01 10:50:38,904 INFO: Done: Fold number 1 +2016-09-01 10:50:38,905 INFO: Start: Fold number 2 +2016-09-01 10:50:38,936 DEBUG: Start: Iteration 1 +2016-09-01 10:50:38,943 DEBUG: View 0 : 0.522222222222 +2016-09-01 10:50:38,950 DEBUG: View 1 : 0.5 +2016-09-01 10:50:38,957 DEBUG: View 2 : 0.5 +2016-09-01 10:50:38,964 DEBUG: View 3 : 0.466666666667 +2016-09-01 10:50:38,999 DEBUG: Best view : View0 +2016-09-01 10:50:39,077 DEBUG: Start: Iteration 2 +2016-09-01 10:50:39,084 DEBUG: View 0 : 0.727777777778 +2016-09-01 10:50:39,092 DEBUG: View 1 : 0.616666666667 +2016-09-01 10:50:39,098 DEBUG: View 2 : 0.705555555556 +2016-09-01 10:50:39,106 DEBUG: View 3 : 0.716666666667 +2016-09-01 10:50:39,146 DEBUG: Best view : View0 +2016-09-01 10:50:39,290 DEBUG: Start: Iteration 3 +2016-09-01 10:50:39,298 DEBUG: View 0 : 0.727777777778 +2016-09-01 10:50:39,305 DEBUG: View 1 : 0.616666666667 +2016-09-01 10:50:39,312 DEBUG: View 2 : 0.705555555556 +2016-09-01 10:50:39,319 DEBUG: View 3 : 0.716666666667 +2016-09-01 10:50:39,362 DEBUG: Best view : View0 +2016-09-01 10:50:39,573 INFO: Start: Classification +2016-09-01 10:50:39,916 INFO: Done: Fold number 2 +2016-09-01 10:50:39,916 INFO: Start: Fold number 3 +2016-09-01 10:50:39,947 DEBUG: Start: Iteration 1 +2016-09-01 10:50:39,954 DEBUG: View 0 : 0.478021978022 +2016-09-01 10:50:39,961 DEBUG: View 1 : 0.434065934066 +2016-09-01 10:50:39,968 DEBUG: View 2 : 0.532967032967 +2016-09-01 10:50:39,975 DEBUG: View 3 : 0.483516483516 +2016-09-01 10:50:40,009 DEBUG: Best view : View1 +2016-09-01 10:50:40,088 DEBUG: Start: Iteration 2 +2016-09-01 10:50:40,095 DEBUG: View 0 : 0.730769230769 +2016-09-01 10:50:40,103 DEBUG: View 1 : 0.598901098901 +2016-09-01 10:50:40,110 DEBUG: View 2 : 0.67032967033 +2016-09-01 10:50:40,117 DEBUG: View 3 : 0.71978021978 +2016-09-01 10:50:40,157 DEBUG: Best view : View0 +2016-09-01 10:50:40,304 DEBUG: Start: Iteration 3 +2016-09-01 10:50:40,312 DEBUG: View 0 : 0.730769230769 +2016-09-01 10:50:40,319 DEBUG: View 1 : 0.598901098901 +2016-09-01 10:50:40,326 DEBUG: View 2 : 0.67032967033 +2016-09-01 10:50:40,334 DEBUG: View 3 : 0.71978021978 +2016-09-01 10:50:40,378 DEBUG: Best view : View0 +2016-09-01 10:50:40,591 INFO: Start: Classification +2016-09-01 10:50:40,936 INFO: Done: Fold number 3 +2016-09-01 10:50:40,936 INFO: Start: Fold number 4 +2016-09-01 10:50:40,967 DEBUG: Start: Iteration 1 +2016-09-01 10:50:40,974 DEBUG: View 0 : 0.426229508197 +2016-09-01 10:50:40,981 DEBUG: View 1 : 0.546448087432 +2016-09-01 10:50:40,987 DEBUG: View 2 : 0.491803278689 +2016-09-01 10:50:40,994 DEBUG: View 3 : 0.540983606557 +2016-09-01 10:50:41,028 DEBUG: Best view : View1 +2016-09-01 10:50:41,108 DEBUG: Start: Iteration 2 +2016-09-01 10:50:41,115 DEBUG: View 0 : 0.633879781421 +2016-09-01 10:50:41,122 DEBUG: View 1 : 0.661202185792 +2016-09-01 10:50:41,129 DEBUG: View 2 : 0.699453551913 +2016-09-01 10:50:41,137 DEBUG: View 3 : 0.699453551913 +2016-09-01 10:50:41,177 DEBUG: Best view : View2 +2016-09-01 10:50:41,323 DEBUG: Start: Iteration 3 +2016-09-01 10:50:41,331 DEBUG: View 0 : 0.639344262295 +2016-09-01 10:50:41,339 DEBUG: View 1 : 0.661202185792 +2016-09-01 10:50:41,345 DEBUG: View 2 : 0.699453551913 +2016-09-01 10:50:41,353 DEBUG: View 3 : 0.699453551913 +2016-09-01 10:50:41,397 DEBUG: Best view : View2 +2016-09-01 10:50:41,615 INFO: Start: Classification +2016-09-01 10:50:41,959 INFO: Done: Fold number 4 +2016-09-01 10:50:41,959 INFO: Start: Fold number 5 +2016-09-01 10:50:41,991 DEBUG: Start: Iteration 1 +2016-09-01 10:50:41,998 DEBUG: View 0 : 0.530054644809 +2016-09-01 10:50:42,005 DEBUG: View 1 : 0.51912568306 +2016-09-01 10:50:42,011 DEBUG: View 2 : 0.535519125683 +2016-09-01 10:50:42,018 DEBUG: View 3 : 0.51912568306 +2016-09-01 10:50:42,052 DEBUG: Best view : View3 +2016-09-01 10:50:42,131 DEBUG: Start: Iteration 2 +2016-09-01 10:50:42,139 DEBUG: View 0 : 0.748633879781 +2016-09-01 10:50:42,146 DEBUG: View 1 : 0.579234972678 +2016-09-01 10:50:42,153 DEBUG: View 2 : 0.612021857923 +2016-09-01 10:50:42,160 DEBUG: View 3 : 0.622950819672 +2016-09-01 10:50:42,201 DEBUG: Best view : View0 +2016-09-01 10:50:42,348 DEBUG: Start: Iteration 3 +2016-09-01 10:50:42,355 DEBUG: View 0 : 0.748633879781 +2016-09-01 10:50:42,363 DEBUG: View 1 : 0.579234972678 +2016-09-01 10:50:42,369 DEBUG: View 2 : 0.612021857923 +2016-09-01 10:50:42,377 DEBUG: View 3 : 0.622950819672 +2016-09-01 10:50:42,421 DEBUG: Best view : View0 +2016-09-01 10:50:42,633 INFO: Start: Classification +2016-09-01 10:50:42,979 INFO: Done: Fold number 5 +2016-09-01 10:50:42,979 INFO: Done: Classification +2016-09-01 10:50:42,979 INFO: Info: Time for Classification: 5[s] +2016-09-01 10:50:42,979 INFO: Start: Result Analysis for Mumbo +2016-09-01 10:50:44,902 INFO: Result for Multiview classification with Mumbo + +Average accuracy : + -On Train : 72.7695603132 + -On Test : 41.4285714286 + -On Validation : 69.2134831461Dataset info : + -Dataset name : Fake + -Labels : Methyl, MiRNA_, RNASeq, Clinic + -Views : View0 of shape (300, 20), View1 of shape (300, 12), View2 of shape (300, 8), View3 of shape (300, 20) + -5 folds + - Validation set length : 89 for learning rate : 0.7 on a total number of examples of 300 + + + +Mumbo configuration : + -Used 1 core(s) + -Iterations : min 1, max 10, threshold 0.1 + -Weak Classifiers : DecisionTree with depth 3, sub-sampled at 1.0 on View0 + -DecisionTree with depth 3, sub-sampled at 1.0 on View1 + -DecisionTree with depth 3, sub-sampled at 1.0 on View2 + -DecisionTree with depth 3, sub-sampled at 1.0 on View3 + + + +Computation time on 1 cores : + Database extraction time : 0:00:00 + Learn Prediction + Fold 1 0:00:00 0:00:00 + Fold 2 0:00:01 0:00:00 + Fold 3 0:00:02 0:00:00 + Fold 4 0:00:03 0:00:00 + Fold 5 0:00:04 0:00:00 + Total 0:00:13 0:00:01 + So a total classification time of 0:00:05. + + + +Mean average accuracies and stats for each fold : + - Fold 0, used 4 + - On View0 : + - Mean average Accuracy : 0.2 + - Percentage of time chosen : 0.9 + - On View1 : + - Mean average Accuracy : 0.197765363128 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.179888268156 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.193296089385 + - Percentage of time chosen : 0.1 + - Fold 1, used 4 + - On View0 : + - Mean average Accuracy : 0.197777777778 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.173333333333 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.191111111111 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.19 + - Percentage of time chosen : 0.0 + - Fold 2, used 4 + - On View0 : + - Mean average Accuracy : 0.193956043956 + - Percentage of time chosen : 0.9 + - On View1 : + - Mean average Accuracy : 0.163186813187 + - Percentage of time chosen : 0.1 + - On View2 : + - Mean average Accuracy : 0.187362637363 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.192307692308 + - Percentage of time chosen : 0.0 + - Fold 3, used 4 + - On View0 : + - Mean average Accuracy : 0.169945355191 + - Percentage of time chosen : 0.7 + - On View1 : + - Mean average Accuracy : 0.186885245902 + - Percentage of time chosen : 0.1 + - On View2 : + - Mean average Accuracy : 0.189071038251 + - Percentage of time chosen : 0.2 + - On View3 : + - Mean average Accuracy : 0.193989071038 + - Percentage of time chosen : 0.0 + - Fold 4, used 4 + - On View0 : + - Mean average Accuracy : 0.202732240437 + - Percentage of time chosen : 0.9 + - On View1 : + - Mean average Accuracy : 0.167759562842 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.175956284153 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.17650273224 + - Percentage of time chosen : 0.1 + + For each iteration : + - Iteration 4 + Fold 1 + Accuracy on train : 49.7206703911 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 2 + Accuracy on train : 48.8888888889 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 3 + Accuracy on train : 48.9010989011 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 4 + Accuracy on train : 49.7267759563 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 5 + Accuracy on train : 47.5409836066 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 +2016-09-01 10:50:45,120 INFO: Done: Result Analysis diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105044Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png b/Code/MonoMutliViewClassifiers/Results/20160901-105044Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png new file mode 100644 index 0000000000000000000000000000000000000000..1fd104999e5aebdb6c8828c45832b261f7e76d21 Binary files /dev/null and b/Code/MonoMutliViewClassifiers/Results/20160901-105044Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png differ diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105044Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt b/Code/MonoMutliViewClassifiers/Results/20160901-105044Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt new file mode 100644 index 0000000000000000000000000000000000000000..5b30fdbd0bb979995033f56ebc9820e2acdc51c2 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105044Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt @@ -0,0 +1,131 @@ + Result for Multiview classification with Mumbo + +Average accuracy : + -On Train : 72.7695603132 + -On Test : 41.4285714286 + -On Validation : 69.2134831461Dataset info : + -Dataset name : Fake + -Labels : Methyl, MiRNA_, RNASeq, Clinic + -Views : View0 of shape (300, 20), View1 of shape (300, 12), View2 of shape (300, 8), View3 of shape (300, 20) + -5 folds + - Validation set length : 89 for learning rate : 0.7 on a total number of examples of 300 + + + +Mumbo configuration : + -Used 1 core(s) + -Iterations : min 1, max 10, threshold 0.1 + -Weak Classifiers : DecisionTree with depth 3, sub-sampled at 1.0 on View0 + -DecisionTree with depth 3, sub-sampled at 1.0 on View1 + -DecisionTree with depth 3, sub-sampled at 1.0 on View2 + -DecisionTree with depth 3, sub-sampled at 1.0 on View3 + + + +Computation time on 1 cores : + Database extraction time : 0:00:00 + Learn Prediction + Fold 1 0:00:00 0:00:00 + Fold 2 0:00:01 0:00:00 + Fold 3 0:00:02 0:00:00 + Fold 4 0:00:03 0:00:00 + Fold 5 0:00:04 0:00:00 + Total 0:00:13 0:00:01 + So a total classification time of 0:00:05. + + + +Mean average accuracies and stats for each fold : + - Fold 0, used 4 + - On View0 : + - Mean average Accuracy : 0.2 + - Percentage of time chosen : 0.9 + - On View1 : + - Mean average Accuracy : 0.197765363128 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.179888268156 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.193296089385 + - Percentage of time chosen : 0.1 + - Fold 1, used 4 + - On View0 : + - Mean average Accuracy : 0.197777777778 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.173333333333 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.191111111111 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.19 + - Percentage of time chosen : 0.0 + - Fold 2, used 4 + - On View0 : + - Mean average Accuracy : 0.193956043956 + - Percentage of time chosen : 0.9 + - On View1 : + - Mean average Accuracy : 0.163186813187 + - Percentage of time chosen : 0.1 + - On View2 : + - Mean average Accuracy : 0.187362637363 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.192307692308 + - Percentage of time chosen : 0.0 + - Fold 3, used 4 + - On View0 : + - Mean average Accuracy : 0.169945355191 + - Percentage of time chosen : 0.7 + - On View1 : + - Mean average Accuracy : 0.186885245902 + - Percentage of time chosen : 0.1 + - On View2 : + - Mean average Accuracy : 0.189071038251 + - Percentage of time chosen : 0.2 + - On View3 : + - Mean average Accuracy : 0.193989071038 + - Percentage of time chosen : 0.0 + - Fold 4, used 4 + - On View0 : + - Mean average Accuracy : 0.202732240437 + - Percentage of time chosen : 0.9 + - On View1 : + - Mean average Accuracy : 0.167759562842 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.175956284153 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.17650273224 + - Percentage of time chosen : 0.1 + + For each iteration : + - Iteration 4 + Fold 1 + Accuracy on train : 49.7206703911 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 2 + Accuracy on train : 48.8888888889 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 3 + Accuracy on train : 48.9010989011 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 4 + Accuracy on train : 49.7267759563 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 5 + Accuracy on train : 47.5409836066 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 \ No newline at end of file diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105410-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-105410-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..6d2c71fb0337616b1c62fbb0f5ffbabab372b4d2 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105410-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,82 @@ +2016-09-01 10:54:10,389 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:54:10,391 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:54:10,391 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:54:10,391 INFO: Info: Shape of View0 :(300, 6) +2016-09-01 10:54:10,391 INFO: Info: Shape of View1 :(300, 18) +2016-09-01 10:54:10,392 INFO: Info: Shape of View2 :(300, 12) +2016-09-01 10:54:10,392 INFO: Info: Shape of View3 :(300, 15) +2016-09-01 10:54:10,392 INFO: Done: Read Database Files +2016-09-01 10:54:10,392 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:54:10,396 INFO: Done: Determine validation split +2016-09-01 10:54:10,396 INFO: Start: Determine 5 folds +2016-09-01 10:54:10,403 INFO: Info: Length of Learning Sets: 169 +2016-09-01 10:54:10,404 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:54:10,404 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:54:10,404 INFO: Done: Determine folds +2016-09-01 10:54:10,404 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:54:10,404 INFO: Start: Fold number 1 +2016-09-01 10:54:10,435 DEBUG: Start: Iteration 1 +2016-09-01 10:54:10,442 DEBUG: View 0 : 0.478021978022 +2016-09-01 10:54:10,450 DEBUG: View 1 : 0.510989010989 +2016-09-01 10:54:10,456 DEBUG: View 2 : 0.489010989011 +2016-09-01 10:54:10,464 DEBUG: View 3 : 0.521978021978 +2016-09-01 10:54:10,500 DEBUG: Best view : View2 +2016-09-01 10:54:10,581 DEBUG: Start: Iteration 2 +2016-09-01 10:54:10,588 DEBUG: View 0 : 0.692307692308 +2016-09-01 10:54:10,596 DEBUG: View 1 : 0.637362637363 +2016-09-01 10:54:10,604 DEBUG: View 2 : 0.648351648352 +2016-09-01 10:54:10,611 DEBUG: View 3 : 0.659340659341 +2016-09-01 10:54:10,653 DEBUG: Best view : View0 +2016-09-01 10:54:10,804 DEBUG: Start: Iteration 3 +2016-09-01 10:54:10,818 DEBUG: View 0 : 0.692307692308 +2016-09-01 10:54:10,825 DEBUG: View 1 : 0.637362637363 +2016-09-01 10:54:10,834 DEBUG: View 2 : 0.648351648352 +2016-09-01 10:54:10,841 DEBUG: View 3 : 0.659340659341 +2016-09-01 10:54:10,886 DEBUG: Best view : View0 +2016-09-01 10:54:11,099 DEBUG: Start: Iteration 4 +2016-09-01 10:54:11,106 DEBUG: View 0 : 0.686813186813 +2016-09-01 10:54:11,113 DEBUG: View 1 : 0.642857142857 +2016-09-01 10:54:11,121 DEBUG: View 2 : 0.664835164835 +2016-09-01 10:54:11,128 DEBUG: View 3 : 0.675824175824 +2016-09-01 10:54:11,175 DEBUG: Best view : View2 +2016-09-01 10:54:11,453 DEBUG: Start: Iteration 5 +2016-09-01 10:54:11,460 DEBUG: View 0 : 0.686813186813 +2016-09-01 10:54:11,468 DEBUG: View 1 : 0.642857142857 +2016-09-01 10:54:11,475 DEBUG: View 2 : 0.664835164835 +2016-09-01 10:54:11,482 DEBUG: View 3 : 0.675824175824 +2016-09-01 10:54:11,532 DEBUG: Best view : View2 +2016-09-01 10:54:11,878 DEBUG: Start: Iteration 6 +2016-09-01 10:54:11,885 DEBUG: View 0 : 0.675824175824 +2016-09-01 10:54:11,892 DEBUG: View 1 : 0.752747252747 +2016-09-01 10:54:11,899 DEBUG: View 2 : 0.659340659341 +2016-09-01 10:54:11,907 DEBUG: View 3 : 0.631868131868 +2016-09-01 10:54:11,958 DEBUG: Best view : View1 +2016-09-01 10:54:12,361 DEBUG: Start: Iteration 7 +2016-09-01 10:54:12,368 DEBUG: View 0 : 0.631868131868 +2016-09-01 10:54:12,376 DEBUG: View 1 : 0.637362637363 +2016-09-01 10:54:12,383 DEBUG: View 2 : 0.664835164835 +2016-09-01 10:54:12,390 DEBUG: View 3 : 0.631868131868 +2016-09-01 10:54:12,445 DEBUG: Best view : View2 +2016-09-01 10:54:12,926 DEBUG: Start: Iteration 8 +2016-09-01 10:54:12,933 DEBUG: View 0 : 0.631868131868 +2016-09-01 10:54:12,940 DEBUG: View 1 : 0.637362637363 +2016-09-01 10:54:12,947 DEBUG: View 2 : 0.631868131868 +2016-09-01 10:54:12,955 DEBUG: View 3 : 0.626373626374 +2016-09-01 10:54:13,013 DEBUG: Best view : View0 +2016-09-01 10:54:13,569 DEBUG: Start: Iteration 9 +2016-09-01 10:54:13,576 DEBUG: View 0 : 0.565934065934 +2016-09-01 10:54:13,584 DEBUG: View 1 : 0.626373626374 +2016-09-01 10:54:13,591 DEBUG: View 2 : 0.648351648352 +2016-09-01 10:54:13,599 DEBUG: View 3 : 0.626373626374 +2016-09-01 10:54:13,660 DEBUG: Best view : View1 +2016-09-01 10:54:14,257 DEBUG: Start: Iteration 10 +2016-09-01 10:54:14,263 DEBUG: View 0 : 0.56043956044 +2016-09-01 10:54:14,271 DEBUG: View 1 : 0.615384615385 +2016-09-01 10:54:14,278 DEBUG: View 2 : 0.648351648352 +2016-09-01 10:54:14,286 DEBUG: View 3 : 0.659340659341 +2016-09-01 10:54:14,350 DEBUG: Best view : View2 +2016-09-01 10:54:15,015 DEBUG: Start: Iteration 11 +2016-09-01 10:54:15,022 DEBUG: View 0 : 0.56043956044 +2016-09-01 10:54:15,030 DEBUG: View 1 : 0.653846153846 +2016-09-01 10:54:15,037 DEBUG: View 2 : 0.648351648352 +2016-09-01 10:54:15,044 DEBUG: View 3 : 0.675824175824 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105429-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-105429-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..cfda59e67da2b4e5cab7bbdb66eda5a7c228d1eb --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105429-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,82 @@ +2016-09-01 10:54:29,271 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:54:29,273 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:54:29,273 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:54:29,273 INFO: Info: Shape of View0 :(300, 12) +2016-09-01 10:54:29,273 INFO: Info: Shape of View1 :(300, 16) +2016-09-01 10:54:29,274 INFO: Info: Shape of View2 :(300, 20) +2016-09-01 10:54:29,274 INFO: Info: Shape of View3 :(300, 5) +2016-09-01 10:54:29,274 INFO: Done: Read Database Files +2016-09-01 10:54:29,275 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:54:29,278 INFO: Done: Determine validation split +2016-09-01 10:54:29,278 INFO: Start: Determine 5 folds +2016-09-01 10:54:29,285 INFO: Info: Length of Learning Sets: 169 +2016-09-01 10:54:29,285 INFO: Info: Length of Testing Sets: 41 +2016-09-01 10:54:29,285 INFO: Info: Length of Validation Set: 90 +2016-09-01 10:54:29,285 INFO: Done: Determine folds +2016-09-01 10:54:29,286 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:54:29,286 INFO: Start: Fold number 1 +2016-09-01 10:54:29,318 DEBUG: Start: Iteration 1 +2016-09-01 10:54:29,325 DEBUG: View 0 : 0.513966480447 +2016-09-01 10:54:29,332 DEBUG: View 1 : 0.513966480447 +2016-09-01 10:54:29,338 DEBUG: View 2 : 0.513966480447 +2016-09-01 10:54:29,345 DEBUG: View 3 : 0.513966480447 +2016-09-01 10:54:29,382 DEBUG: Best view : View0 +2016-09-01 10:54:29,484 DEBUG: Start: Iteration 2 +2016-09-01 10:54:29,491 DEBUG: View 0 : 0.72625698324 +2016-09-01 10:54:29,499 DEBUG: View 1 : 0.720670391061 +2016-09-01 10:54:29,506 DEBUG: View 2 : 0.675977653631 +2016-09-01 10:54:29,514 DEBUG: View 3 : 0.620111731844 +2016-09-01 10:54:29,557 DEBUG: Best view : View0 +2016-09-01 10:54:29,710 DEBUG: Start: Iteration 3 +2016-09-01 10:54:29,722 DEBUG: View 0 : 0.72625698324 +2016-09-01 10:54:29,731 DEBUG: View 1 : 0.720670391061 +2016-09-01 10:54:29,738 DEBUG: View 2 : 0.675977653631 +2016-09-01 10:54:29,745 DEBUG: View 3 : 0.620111731844 +2016-09-01 10:54:29,788 DEBUG: Best view : View0 +2016-09-01 10:54:29,998 DEBUG: Start: Iteration 4 +2016-09-01 10:54:30,005 DEBUG: View 0 : 0.698324022346 +2016-09-01 10:54:30,013 DEBUG: View 1 : 0.692737430168 +2016-09-01 10:54:30,020 DEBUG: View 2 : 0.664804469274 +2016-09-01 10:54:30,027 DEBUG: View 3 : 0.63687150838 +2016-09-01 10:54:30,073 DEBUG: Best view : View0 +2016-09-01 10:54:30,348 DEBUG: Start: Iteration 5 +2016-09-01 10:54:30,355 DEBUG: View 0 : 0.698324022346 +2016-09-01 10:54:30,363 DEBUG: View 1 : 0.692737430168 +2016-09-01 10:54:30,370 DEBUG: View 2 : 0.664804469274 +2016-09-01 10:54:30,377 DEBUG: View 3 : 0.63687150838 +2016-09-01 10:54:30,424 DEBUG: Best view : View0 +2016-09-01 10:54:30,755 DEBUG: Start: Iteration 6 +2016-09-01 10:54:30,762 DEBUG: View 0 : 0.698324022346 +2016-09-01 10:54:30,770 DEBUG: View 1 : 0.720670391061 +2016-09-01 10:54:30,777 DEBUG: View 2 : 0.631284916201 +2016-09-01 10:54:30,784 DEBUG: View 3 : 0.664804469274 +2016-09-01 10:54:30,835 DEBUG: Best view : View1 +2016-09-01 10:54:31,231 DEBUG: Start: Iteration 7 +2016-09-01 10:54:31,238 DEBUG: View 0 : 0.72625698324 +2016-09-01 10:54:31,246 DEBUG: View 1 : 0.72625698324 +2016-09-01 10:54:31,253 DEBUG: View 2 : 0.631284916201 +2016-09-01 10:54:31,260 DEBUG: View 3 : 0.620111731844 +2016-09-01 10:54:31,314 DEBUG: Best view : View1 +2016-09-01 10:54:31,790 DEBUG: Start: Iteration 8 +2016-09-01 10:54:31,797 DEBUG: View 0 : 0.715083798883 +2016-09-01 10:54:31,804 DEBUG: View 1 : 0.703910614525 +2016-09-01 10:54:31,812 DEBUG: View 2 : 0.653631284916 +2016-09-01 10:54:31,819 DEBUG: View 3 : 0.614525139665 +2016-09-01 10:54:31,875 DEBUG: Best view : View0 +2016-09-01 10:54:32,409 DEBUG: Start: Iteration 9 +2016-09-01 10:54:32,416 DEBUG: View 0 : 0.72625698324 +2016-09-01 10:54:32,423 DEBUG: View 1 : 0.720670391061 +2016-09-01 10:54:32,430 DEBUG: View 2 : 0.653631284916 +2016-09-01 10:54:32,437 DEBUG: View 3 : 0.642458100559 +2016-09-01 10:54:32,495 DEBUG: Best view : View0 +2016-09-01 10:54:33,083 DEBUG: Start: Iteration 10 +2016-09-01 10:54:33,090 DEBUG: View 0 : 0.72625698324 +2016-09-01 10:54:33,098 DEBUG: View 1 : 0.720670391061 +2016-09-01 10:54:33,105 DEBUG: View 2 : 0.653631284916 +2016-09-01 10:54:33,112 DEBUG: View 3 : 0.625698324022 +2016-09-01 10:54:33,173 DEBUG: Best view : View1 +2016-09-01 10:54:33,823 DEBUG: Start: Iteration 11 +2016-09-01 10:54:33,830 DEBUG: View 0 : 0.709497206704 +2016-09-01 10:54:33,837 DEBUG: View 1 : 0.720670391061 +2016-09-01 10:54:33,845 DEBUG: View 2 : 0.653631284916 +2016-09-01 10:54:33,851 DEBUG: View 3 : 0.625698324022 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105445-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-105445-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..d7ae5ff5e4fad832efc62af0c9538bc5f7b61c9c --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105445-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,82 @@ +2016-09-01 10:54:45,591 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:54:45,593 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:54:45,593 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:54:45,594 INFO: Info: Shape of View0 :(300, 14) +2016-09-01 10:54:45,594 INFO: Info: Shape of View1 :(300, 14) +2016-09-01 10:54:45,595 INFO: Info: Shape of View2 :(300, 18) +2016-09-01 10:54:45,595 INFO: Info: Shape of View3 :(300, 9) +2016-09-01 10:54:45,595 INFO: Done: Read Database Files +2016-09-01 10:54:45,595 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:54:45,599 INFO: Done: Determine validation split +2016-09-01 10:54:45,599 INFO: Start: Determine 5 folds +2016-09-01 10:54:45,606 INFO: Info: Length of Learning Sets: 169 +2016-09-01 10:54:45,606 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:54:45,606 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:54:45,606 INFO: Done: Determine folds +2016-09-01 10:54:45,606 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:54:45,606 INFO: Start: Fold number 1 +2016-09-01 10:54:45,638 DEBUG: Start: Iteration 1 +2016-09-01 10:54:45,646 DEBUG: View 0 : 0.497175141243 +2016-09-01 10:54:45,653 DEBUG: View 1 : 0.525423728814 +2016-09-01 10:54:45,660 DEBUG: View 2 : 0.474576271186 +2016-09-01 10:54:45,667 DEBUG: View 3 : 0.480225988701 +2016-09-01 10:54:45,702 DEBUG: Best view : View2 +2016-09-01 10:54:45,782 DEBUG: Start: Iteration 2 +2016-09-01 10:54:45,790 DEBUG: View 0 : 0.649717514124 +2016-09-01 10:54:45,797 DEBUG: View 1 : 0.717514124294 +2016-09-01 10:54:45,805 DEBUG: View 2 : 0.64406779661 +2016-09-01 10:54:45,812 DEBUG: View 3 : 0.723163841808 +2016-09-01 10:54:45,851 DEBUG: Best view : View3 +2016-09-01 10:54:45,997 DEBUG: Start: Iteration 3 +2016-09-01 10:54:46,012 DEBUG: View 0 : 0.649717514124 +2016-09-01 10:54:46,019 DEBUG: View 1 : 0.717514124294 +2016-09-01 10:54:46,027 DEBUG: View 2 : 0.64406779661 +2016-09-01 10:54:46,034 DEBUG: View 3 : 0.723163841808 +2016-09-01 10:54:46,077 DEBUG: Best view : View3 +2016-09-01 10:54:46,284 DEBUG: Start: Iteration 4 +2016-09-01 10:54:46,291 DEBUG: View 0 : 0.700564971751 +2016-09-01 10:54:46,298 DEBUG: View 1 : 0.700564971751 +2016-09-01 10:54:46,306 DEBUG: View 2 : 0.655367231638 +2016-09-01 10:54:46,313 DEBUG: View 3 : 0.655367231638 +2016-09-01 10:54:46,358 DEBUG: Best view : View0 +2016-09-01 10:54:46,630 DEBUG: Start: Iteration 5 +2016-09-01 10:54:46,637 DEBUG: View 0 : 0.700564971751 +2016-09-01 10:54:46,644 DEBUG: View 1 : 0.700564971751 +2016-09-01 10:54:46,652 DEBUG: View 2 : 0.655367231638 +2016-09-01 10:54:46,659 DEBUG: View 3 : 0.655367231638 +2016-09-01 10:54:46,708 DEBUG: Best view : View0 +2016-09-01 10:54:47,037 DEBUG: Start: Iteration 6 +2016-09-01 10:54:47,044 DEBUG: View 0 : 0.717514124294 +2016-09-01 10:54:47,051 DEBUG: View 1 : 0.700564971751 +2016-09-01 10:54:47,059 DEBUG: View 2 : 0.598870056497 +2016-09-01 10:54:47,065 DEBUG: View 3 : 0.666666666667 +2016-09-01 10:54:47,116 DEBUG: Best view : View0 +2016-09-01 10:54:47,507 DEBUG: Start: Iteration 7 +2016-09-01 10:54:47,514 DEBUG: View 0 : 0.64406779661 +2016-09-01 10:54:47,521 DEBUG: View 1 : 0.734463276836 +2016-09-01 10:54:47,528 DEBUG: View 2 : 0.598870056497 +2016-09-01 10:54:47,536 DEBUG: View 3 : 0.677966101695 +2016-09-01 10:54:47,588 DEBUG: Best view : View1 +2016-09-01 10:54:48,053 DEBUG: Start: Iteration 8 +2016-09-01 10:54:48,060 DEBUG: View 0 : 0.632768361582 +2016-09-01 10:54:48,067 DEBUG: View 1 : 0.734463276836 +2016-09-01 10:54:48,075 DEBUG: View 2 : 0.655367231638 +2016-09-01 10:54:48,082 DEBUG: View 3 : 0.700564971751 +2016-09-01 10:54:48,138 DEBUG: Best view : View1 +2016-09-01 10:54:48,671 DEBUG: Start: Iteration 9 +2016-09-01 10:54:48,678 DEBUG: View 0 : 0.649717514124 +2016-09-01 10:54:48,685 DEBUG: View 1 : 0.677966101695 +2016-09-01 10:54:48,692 DEBUG: View 2 : 0.621468926554 +2016-09-01 10:54:48,699 DEBUG: View 3 : 0.655367231638 +2016-09-01 10:54:48,757 DEBUG: Best view : View1 +2016-09-01 10:54:49,338 DEBUG: Start: Iteration 10 +2016-09-01 10:54:49,345 DEBUG: View 0 : 0.655367231638 +2016-09-01 10:54:49,352 DEBUG: View 1 : 0.677966101695 +2016-09-01 10:54:49,360 DEBUG: View 2 : 0.621468926554 +2016-09-01 10:54:49,366 DEBUG: View 3 : 0.655367231638 +2016-09-01 10:54:49,428 DEBUG: Best view : View1 +2016-09-01 10:54:50,074 DEBUG: Start: Iteration 11 +2016-09-01 10:54:50,081 DEBUG: View 0 : 0.672316384181 +2016-09-01 10:54:50,089 DEBUG: View 1 : 0.717514124294 +2016-09-01 10:54:50,096 DEBUG: View 2 : 0.621468926554 +2016-09-01 10:54:50,103 DEBUG: View 3 : 0.655367231638 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105508-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-105508-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..6be9cf66d2bf26151d177430a2d9c617b56e0aa1 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105508-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,166 @@ +2016-09-01 10:55:08,231 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:55:08,233 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:55:08,233 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:55:08,233 INFO: Info: Shape of View0 :(300, 20) +2016-09-01 10:55:08,234 INFO: Info: Shape of View1 :(300, 16) +2016-09-01 10:55:08,234 INFO: Info: Shape of View2 :(300, 5) +2016-09-01 10:55:08,235 INFO: Info: Shape of View3 :(300, 13) +2016-09-01 10:55:08,235 INFO: Done: Read Database Files +2016-09-01 10:55:08,235 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:55:08,238 INFO: Done: Determine validation split +2016-09-01 10:55:08,238 INFO: Start: Determine 5 folds +2016-09-01 10:55:08,244 INFO: Info: Length of Learning Sets: 169 +2016-09-01 10:55:08,244 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:55:08,244 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:55:08,244 INFO: Done: Determine folds +2016-09-01 10:55:08,244 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:55:08,244 INFO: Start: Fold number 1 +2016-09-01 10:55:08,275 INFO: Start: Classification +2016-09-01 10:55:08,276 INFO: Done: Fold number 1 +2016-09-01 10:55:08,277 INFO: Start: Fold number 2 +2016-09-01 10:55:08,307 INFO: Start: Classification +2016-09-01 10:55:08,308 INFO: Done: Fold number 2 +2016-09-01 10:55:08,308 INFO: Start: Fold number 3 +2016-09-01 10:55:08,341 INFO: Start: Classification +2016-09-01 10:55:08,343 INFO: Done: Fold number 3 +2016-09-01 10:55:08,343 INFO: Start: Fold number 4 +2016-09-01 10:55:08,374 INFO: Start: Classification +2016-09-01 10:55:08,375 INFO: Done: Fold number 4 +2016-09-01 10:55:08,375 INFO: Start: Fold number 5 +2016-09-01 10:55:08,407 INFO: Start: Classification +2016-09-01 10:55:08,409 INFO: Done: Fold number 5 +2016-09-01 10:55:08,409 INFO: Done: Classification +2016-09-01 10:55:08,409 INFO: Info: Time for Classification: 0[s] +2016-09-01 10:55:08,409 INFO: Start: Result Analysis for Mumbo +2016-09-01 10:55:08,585 INFO: Result for Multiview classification with Mumbo + +Average accuracy : + -On Train : 50.7207557873 + -On Test : 50.0 + -On Validation : 50.5617977528Dataset info : + -Dataset name : Fake + -Labels : Methyl, MiRNA_, RNASeq, Clinic + -Views : View0 of shape (300, 20), View1 of shape (300, 16), View2 of shape (300, 5), View3 of shape (300, 13) + -5 folds + - Validation set length : 89 for learning rate : 0.7 on a total number of examples of 300 + + + +Mumbo configuration : + -Used 1 core(s) + -Iterations : min 1, max 10, threshold 0.0001 + -Weak Classifiers : DecisionTree with depth 3, sub-sampled at 1.0 on View0 + -DecisionTree with depth 3, sub-sampled at 1.0 on View1 + -DecisionTree with depth 3, sub-sampled at 1.0 on View2 + -DecisionTree with depth 3, sub-sampled at 1.0 on View3 + + + +Computation time on 1 cores : + Database extraction time : 0:00:00 + Learn Prediction + Fold 1 0:00:00 0:00:00 + Fold 2 0:00:00 0:00:00 + Fold 3 0:00:00 0:00:00 + Fold 4 0:00:00 0:00:00 + Fold 5 0:00:00 0:00:00 + Total 0:00:00 0:00:00 + So a total classification time of 0:00:00. + + + +Mean average accuracies and stats for each fold : + - Fold 0, used 1 + - On View0 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - Fold 1, used 1 + - On View0 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - Fold 2, used 1 + - On View0 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - Fold 3, used 1 + - On View0 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - Fold 4, used 1 + - On View0 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + + For each iteration : + - Iteration 1 + Fold 1 + Accuracy on train : 51.912568306 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 2 + Accuracy on train : 50.2762430939 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 3 + Accuracy on train : 49.4565217391 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 4 + Accuracy on train : 50.5617977528 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 5 + Accuracy on train : 51.3966480447 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 +2016-09-01 10:55:08,814 INFO: Done: Result Analysis diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105508Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png b/Code/MonoMutliViewClassifiers/Results/20160901-105508Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png new file mode 100644 index 0000000000000000000000000000000000000000..13cbf53a6e83716aeba71b9c26fa985906bca2c8 Binary files /dev/null and b/Code/MonoMutliViewClassifiers/Results/20160901-105508Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png differ diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105508Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt b/Code/MonoMutliViewClassifiers/Results/20160901-105508Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt new file mode 100644 index 0000000000000000000000000000000000000000..791ece3184dd54c40ec292ee4deaca8f26ba6035 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105508Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt @@ -0,0 +1,131 @@ + Result for Multiview classification with Mumbo + +Average accuracy : + -On Train : 50.7207557873 + -On Test : 50.0 + -On Validation : 50.5617977528Dataset info : + -Dataset name : Fake + -Labels : Methyl, MiRNA_, RNASeq, Clinic + -Views : View0 of shape (300, 20), View1 of shape (300, 16), View2 of shape (300, 5), View3 of shape (300, 13) + -5 folds + - Validation set length : 89 for learning rate : 0.7 on a total number of examples of 300 + + + +Mumbo configuration : + -Used 1 core(s) + -Iterations : min 1, max 10, threshold 0.0001 + -Weak Classifiers : DecisionTree with depth 3, sub-sampled at 1.0 on View0 + -DecisionTree with depth 3, sub-sampled at 1.0 on View1 + -DecisionTree with depth 3, sub-sampled at 1.0 on View2 + -DecisionTree with depth 3, sub-sampled at 1.0 on View3 + + + +Computation time on 1 cores : + Database extraction time : 0:00:00 + Learn Prediction + Fold 1 0:00:00 0:00:00 + Fold 2 0:00:00 0:00:00 + Fold 3 0:00:00 0:00:00 + Fold 4 0:00:00 0:00:00 + Fold 5 0:00:00 0:00:00 + Total 0:00:00 0:00:00 + So a total classification time of 0:00:00. + + + +Mean average accuracies and stats for each fold : + - Fold 0, used 1 + - On View0 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - Fold 1, used 1 + - On View0 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - Fold 2, used 1 + - On View0 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - Fold 3, used 1 + - On View0 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - Fold 4, used 1 + - On View0 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 1.0 + - On View1 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + - On View3 : + - Mean average Accuracy : 0.0 + - Percentage of time chosen : 0.0 + + For each iteration : + - Iteration 1 + Fold 1 + Accuracy on train : 51.912568306 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 2 + Accuracy on train : 50.2762430939 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 3 + Accuracy on train : 49.4565217391 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 4 + Accuracy on train : 50.5617977528 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 + Fold 5 + Accuracy on train : 51.3966480447 + Accuracy on test : 0.0 + Accuracy on validation : 50.5617977528 + Selected View : View0 \ No newline at end of file diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105531-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-105531-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..ee78fa2ece743e31b08a6cad76e13c09d914f275 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105531-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,122 @@ +2016-09-01 10:55:31,673 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:55:31,675 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:55:31,675 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:55:31,675 INFO: Info: Shape of View0 :(300, 16) +2016-09-01 10:55:31,676 INFO: Info: Shape of View1 :(300, 8) +2016-09-01 10:55:31,676 INFO: Info: Shape of View2 :(300, 9) +2016-09-01 10:55:31,676 INFO: Info: Shape of View3 :(300, 20) +2016-09-01 10:55:31,677 INFO: Done: Read Database Files +2016-09-01 10:55:31,677 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:55:31,680 INFO: Done: Determine validation split +2016-09-01 10:55:31,680 INFO: Start: Determine 5 folds +2016-09-01 10:55:31,685 INFO: Info: Length of Learning Sets: 170 +2016-09-01 10:55:31,685 INFO: Info: Length of Testing Sets: 41 +2016-09-01 10:55:31,685 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:55:31,685 INFO: Done: Determine folds +2016-09-01 10:55:31,685 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:55:31,685 INFO: Start: Fold number 1 +2016-09-01 10:55:31,717 DEBUG: Start: Iteration 1 +2016-09-01 10:55:31,724 DEBUG: View 0 : 0.518918918919 +2016-09-01 10:55:31,732 DEBUG: View 1 : 0.491891891892 +2016-09-01 10:55:31,739 DEBUG: View 2 : 0.556756756757 +2016-09-01 10:55:31,746 DEBUG: View 3 : 0.52972972973 +2016-09-01 10:55:31,781 DEBUG: Best view : View3 +2016-09-01 10:55:31,866 DEBUG: Start: Iteration 2 +2016-09-01 10:55:31,874 DEBUG: View 0 : 0.686486486486 +2016-09-01 10:55:31,882 DEBUG: View 1 : 0.691891891892 +2016-09-01 10:55:31,889 DEBUG: View 2 : 0.605405405405 +2016-09-01 10:55:31,896 DEBUG: View 3 : 0.72972972973 +2016-09-01 10:55:31,939 DEBUG: Best view : View3 +2016-09-01 10:55:32,094 DEBUG: Start: Iteration 3 +2016-09-01 10:55:32,114 DEBUG: View 0 : 0.686486486486 +2016-09-01 10:55:32,121 DEBUG: View 1 : 0.691891891892 +2016-09-01 10:55:32,128 DEBUG: View 2 : 0.605405405405 +2016-09-01 10:55:32,135 DEBUG: View 3 : 0.72972972973 +2016-09-01 10:55:32,180 DEBUG: Best view : View3 +2016-09-01 10:55:32,400 DEBUG: Start: Iteration 4 +2016-09-01 10:55:32,408 DEBUG: View 0 : 0.632432432432 +2016-09-01 10:55:32,415 DEBUG: View 1 : 0.627027027027 +2016-09-01 10:55:32,422 DEBUG: View 2 : 0.605405405405 +2016-09-01 10:55:32,429 DEBUG: View 3 : 0.681081081081 +2016-09-01 10:55:32,477 DEBUG: Best view : View3 +2016-09-01 10:55:32,765 DEBUG: Start: Iteration 5 +2016-09-01 10:55:32,772 DEBUG: View 0 : 0.632432432432 +2016-09-01 10:55:32,779 DEBUG: View 1 : 0.627027027027 +2016-09-01 10:55:32,786 DEBUG: View 2 : 0.605405405405 +2016-09-01 10:55:32,794 DEBUG: View 3 : 0.681081081081 +2016-09-01 10:55:32,844 DEBUG: Best view : View3 +2016-09-01 10:55:33,190 DEBUG: Start: Iteration 6 +2016-09-01 10:55:33,197 DEBUG: View 0 : 0.681081081081 +2016-09-01 10:55:33,204 DEBUG: View 1 : 0.659459459459 +2016-09-01 10:55:33,211 DEBUG: View 2 : 0.643243243243 +2016-09-01 10:55:33,218 DEBUG: View 3 : 0.637837837838 +2016-09-01 10:55:33,271 DEBUG: Best view : View0 +2016-09-01 10:55:33,682 DEBUG: Start: Iteration 7 +2016-09-01 10:55:33,689 DEBUG: View 0 : 0.708108108108 +2016-09-01 10:55:33,696 DEBUG: View 1 : 0.654054054054 +2016-09-01 10:55:33,703 DEBUG: View 2 : 0.578378378378 +2016-09-01 10:55:33,711 DEBUG: View 3 : 0.675675675676 +2016-09-01 10:55:33,767 DEBUG: Best view : View0 +2016-09-01 10:55:34,258 DEBUG: Start: Iteration 8 +2016-09-01 10:55:34,265 DEBUG: View 0 : 0.708108108108 +2016-09-01 10:55:34,273 DEBUG: View 1 : 0.659459459459 +2016-09-01 10:55:34,279 DEBUG: View 2 : 0.578378378378 +2016-09-01 10:55:34,287 DEBUG: View 3 : 0.735135135135 +2016-09-01 10:55:34,346 DEBUG: Best view : View3 +2016-09-01 10:55:34,902 DEBUG: Start: Iteration 9 +2016-09-01 10:55:34,910 DEBUG: View 0 : 0.675675675676 +2016-09-01 10:55:34,917 DEBUG: View 1 : 0.648648648649 +2016-09-01 10:55:34,924 DEBUG: View 2 : 0.578378378378 +2016-09-01 10:55:34,931 DEBUG: View 3 : 0.675675675676 +2016-09-01 10:55:34,992 DEBUG: Best view : View0 +2016-09-01 10:55:35,606 INFO: Start: Classification +2016-09-01 10:55:36,626 INFO: Done: Fold number 1 +2016-09-01 10:55:36,627 INFO: Start: Fold number 2 +2016-09-01 10:55:36,659 DEBUG: Start: Iteration 1 +2016-09-01 10:55:36,666 DEBUG: View 0 : 0.489473684211 +2016-09-01 10:55:36,673 DEBUG: View 1 : 0.473684210526 +2016-09-01 10:55:36,680 DEBUG: View 2 : 0.531578947368 +2016-09-01 10:55:36,688 DEBUG: View 3 : 0.5 +2016-09-01 10:55:36,723 DEBUG: Best view : View1 +2016-09-01 10:55:36,806 DEBUG: Start: Iteration 2 +2016-09-01 10:55:36,814 DEBUG: View 0 : 0.726315789474 +2016-09-01 10:55:36,821 DEBUG: View 1 : 0.710526315789 +2016-09-01 10:55:36,828 DEBUG: View 2 : 0.684210526316 +2016-09-01 10:55:36,836 DEBUG: View 3 : 0.673684210526 +2016-09-01 10:55:36,879 DEBUG: Best view : View0 +2016-09-01 10:55:37,029 DEBUG: Start: Iteration 3 +2016-09-01 10:55:37,036 DEBUG: View 0 : 0.726315789474 +2016-09-01 10:55:37,044 DEBUG: View 1 : 0.710526315789 +2016-09-01 10:55:37,051 DEBUG: View 2 : 0.684210526316 +2016-09-01 10:55:37,059 DEBUG: View 3 : 0.673684210526 +2016-09-01 10:55:37,104 DEBUG: Best view : View0 +2016-09-01 10:55:37,322 DEBUG: Start: Iteration 4 +2016-09-01 10:55:37,329 DEBUG: View 0 : 0.678947368421 +2016-09-01 10:55:37,337 DEBUG: View 1 : 0.715789473684 +2016-09-01 10:55:37,344 DEBUG: View 2 : 0.652631578947 +2016-09-01 10:55:37,352 DEBUG: View 3 : 0.657894736842 +2016-09-01 10:55:37,401 DEBUG: Best view : View1 +2016-09-01 10:55:37,687 DEBUG: Start: Iteration 5 +2016-09-01 10:55:37,694 DEBUG: View 0 : 0.673684210526 +2016-09-01 10:55:37,702 DEBUG: View 1 : 0.715789473684 +2016-09-01 10:55:37,709 DEBUG: View 2 : 0.657894736842 +2016-09-01 10:55:37,716 DEBUG: View 3 : 0.657894736842 +2016-09-01 10:55:37,768 DEBUG: Best view : View1 +2016-09-01 10:55:38,122 DEBUG: Start: Iteration 6 +2016-09-01 10:55:38,129 DEBUG: View 0 : 0.684210526316 +2016-09-01 10:55:38,137 DEBUG: View 1 : 0.678947368421 +2016-09-01 10:55:38,144 DEBUG: View 2 : 0.642105263158 +2016-09-01 10:55:38,152 DEBUG: View 3 : 0.668421052632 +2016-09-01 10:55:38,206 DEBUG: Best view : View1 +2016-09-01 10:55:38,632 DEBUG: Start: Iteration 7 +2016-09-01 10:55:38,640 DEBUG: View 0 : 0.678947368421 +2016-09-01 10:55:38,647 DEBUG: View 1 : 0.678947368421 +2016-09-01 10:55:38,654 DEBUG: View 2 : 0.689473684211 +2016-09-01 10:55:38,662 DEBUG: View 3 : 0.668421052632 +2016-09-01 10:55:38,719 DEBUG: Best view : View1 +2016-09-01 10:55:39,211 DEBUG: Start: Iteration 8 +2016-09-01 10:55:39,219 DEBUG: View 0 : 0.694736842105 +2016-09-01 10:55:39,226 DEBUG: View 1 : 0.647368421053 +2016-09-01 10:55:39,233 DEBUG: View 2 : 0.689473684211 +2016-09-01 10:55:39,241 DEBUG: View 3 : 0.647368421053 +2016-09-01 10:55:39,300 DEBUG: Best view : View2 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105546-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-105546-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..0293a53202c171f1d8fbdf9ebefc90b9707673a5 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105546-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,77 @@ +2016-09-01 10:55:46,256 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:55:46,257 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:55:46,257 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:55:46,258 INFO: Info: Shape of View0 :(300, 13) +2016-09-01 10:55:46,258 INFO: Info: Shape of View1 :(300, 17) +2016-09-01 10:55:46,259 INFO: Info: Shape of View2 :(300, 11) +2016-09-01 10:55:46,259 INFO: Info: Shape of View3 :(300, 7) +2016-09-01 10:55:46,259 INFO: Done: Read Database Files +2016-09-01 10:55:46,259 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:55:46,263 INFO: Done: Determine validation split +2016-09-01 10:55:46,263 INFO: Start: Determine 5 folds +2016-09-01 10:55:46,270 INFO: Info: Length of Learning Sets: 169 +2016-09-01 10:55:46,270 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:55:46,270 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:55:46,270 INFO: Done: Determine folds +2016-09-01 10:55:46,270 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:55:46,270 INFO: Start: Fold number 1 +2016-09-01 10:55:46,301 DEBUG: Start: Iteration 1 +2016-09-01 10:55:46,308 DEBUG: View 0 : 0.569060773481 +2016-09-01 10:55:46,315 DEBUG: View 1 : 0.502762430939 +2016-09-01 10:55:46,322 DEBUG: View 2 : 0.519337016575 +2016-09-01 10:55:46,328 DEBUG: View 3 : 0.447513812155 +2016-09-01 10:55:46,366 DEBUG: Best view : View0 +2016-09-01 10:55:46,447 DEBUG: Start: Iteration 2 +2016-09-01 10:55:46,455 DEBUG: View 0 : 0.723756906077 +2016-09-01 10:55:46,463 DEBUG: View 1 : 0.740331491713 +2016-09-01 10:55:46,471 DEBUG: View 2 : 0.635359116022 +2016-09-01 10:55:46,477 DEBUG: View 3 : 0.60773480663 +2016-09-01 10:55:46,519 DEBUG: Best view : View1 +2016-09-01 10:55:46,669 DEBUG: Start: Iteration 3 +2016-09-01 10:55:46,677 DEBUG: View 0 : 0.723756906077 +2016-09-01 10:55:46,685 DEBUG: View 1 : 0.740331491713 +2016-09-01 10:55:46,693 DEBUG: View 2 : 0.635359116022 +2016-09-01 10:55:46,700 DEBUG: View 3 : 0.60773480663 +2016-09-01 10:55:46,744 DEBUG: Best view : View1 +2016-09-01 10:55:46,957 DEBUG: Start: Iteration 4 +2016-09-01 10:55:46,964 DEBUG: View 0 : 0.729281767956 +2016-09-01 10:55:46,972 DEBUG: View 1 : 0.729281767956 +2016-09-01 10:55:46,979 DEBUG: View 2 : 0.674033149171 +2016-09-01 10:55:46,986 DEBUG: View 3 : 0.624309392265 +2016-09-01 10:55:47,032 DEBUG: Best view : View0 +2016-09-01 10:55:47,311 DEBUG: Start: Iteration 5 +2016-09-01 10:55:47,318 DEBUG: View 0 : 0.729281767956 +2016-09-01 10:55:47,326 DEBUG: View 1 : 0.729281767956 +2016-09-01 10:55:47,333 DEBUG: View 2 : 0.674033149171 +2016-09-01 10:55:47,339 DEBUG: View 3 : 0.624309392265 +2016-09-01 10:55:47,389 DEBUG: Best view : View0 +2016-09-01 10:55:47,728 DEBUG: Start: Iteration 6 +2016-09-01 10:55:47,736 DEBUG: View 0 : 0.646408839779 +2016-09-01 10:55:47,743 DEBUG: View 1 : 0.685082872928 +2016-09-01 10:55:47,750 DEBUG: View 2 : 0.696132596685 +2016-09-01 10:55:47,757 DEBUG: View 3 : 0.613259668508 +2016-09-01 10:55:47,810 DEBUG: Best view : View2 +2016-09-01 10:55:48,212 DEBUG: Start: Iteration 7 +2016-09-01 10:55:48,219 DEBUG: View 0 : 0.651933701657 +2016-09-01 10:55:48,226 DEBUG: View 1 : 0.718232044199 +2016-09-01 10:55:48,233 DEBUG: View 2 : 0.674033149171 +2016-09-01 10:55:48,240 DEBUG: View 3 : 0.613259668508 +2016-09-01 10:55:48,295 DEBUG: Best view : View1 +2016-09-01 10:55:48,775 DEBUG: Start: Iteration 8 +2016-09-01 10:55:48,782 DEBUG: View 0 : 0.624309392265 +2016-09-01 10:55:48,790 DEBUG: View 1 : 0.718232044199 +2016-09-01 10:55:48,797 DEBUG: View 2 : 0.662983425414 +2016-09-01 10:55:48,804 DEBUG: View 3 : 0.602209944751 +2016-09-01 10:55:48,861 DEBUG: Best view : View1 +2016-09-01 10:55:49,411 DEBUG: Start: Iteration 9 +2016-09-01 10:55:49,418 DEBUG: View 0 : 0.734806629834 +2016-09-01 10:55:49,425 DEBUG: View 1 : 0.723756906077 +2016-09-01 10:55:49,432 DEBUG: View 2 : 0.662983425414 +2016-09-01 10:55:49,439 DEBUG: View 3 : 0.602209944751 +2016-09-01 10:55:49,499 DEBUG: Best view : View1 +2016-09-01 10:55:50,097 INFO: Start: Classification +2016-09-01 10:55:51,107 INFO: Done: Fold number 1 +2016-09-01 10:55:51,107 INFO: Start: Fold number 2 +2016-09-01 10:55:51,138 DEBUG: Start: Iteration 1 +2016-09-01 10:55:51,145 DEBUG: View 0 : 0.478021978022 +2016-09-01 10:55:51,151 DEBUG: View 1 : 0.478021978022 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105555-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-105555-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..4a0b7fab4de3bb86c6e456cce250882f81fb535c --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105555-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,113 @@ +2016-09-01 10:55:55,635 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:55:55,636 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:55:55,636 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:55:55,637 INFO: Info: Shape of View0 :(300, 8) +2016-09-01 10:55:55,637 INFO: Info: Shape of View1 :(300, 20) +2016-09-01 10:55:55,637 INFO: Info: Shape of View2 :(300, 5) +2016-09-01 10:55:55,638 INFO: Info: Shape of View3 :(300, 11) +2016-09-01 10:55:55,638 INFO: Done: Read Database Files +2016-09-01 10:55:55,638 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:55:55,641 INFO: Done: Determine validation split +2016-09-01 10:55:55,642 INFO: Start: Determine 5 folds +2016-09-01 10:55:55,648 INFO: Info: Length of Learning Sets: 170 +2016-09-01 10:55:55,648 INFO: Info: Length of Testing Sets: 41 +2016-09-01 10:55:55,648 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:55:55,648 INFO: Done: Determine folds +2016-09-01 10:55:55,648 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:55:55,648 INFO: Start: Fold number 1 +2016-09-01 10:55:55,858 DEBUG: Start: Iteration 1 +2016-09-01 10:55:55,865 DEBUG: View 0 : 0.464864864865 +2016-09-01 10:55:55,872 DEBUG: View 1 : 0.508108108108 +2016-09-01 10:55:55,879 DEBUG: View 2 : 0.513513513514 +2016-09-01 10:55:55,886 DEBUG: View 3 : 0.540540540541 +2016-09-01 10:55:55,921 DEBUG: Best view : View1 +2016-09-01 10:55:56,001 DEBUG: Start: Iteration 2 +2016-09-01 10:55:56,008 DEBUG: View 0 : 0.648648648649 +2016-09-01 10:55:56,016 DEBUG: View 1 : 0.708108108108 +2016-09-01 10:55:56,023 DEBUG: View 2 : 0.664864864865 +2016-09-01 10:55:56,030 DEBUG: View 3 : 0.681081081081 +2016-09-01 10:55:56,071 DEBUG: Best view : View1 +2016-09-01 10:55:56,222 DEBUG: Start: Iteration 3 +2016-09-01 10:55:56,237 DEBUG: View 0 : 0.648648648649 +2016-09-01 10:55:56,245 DEBUG: View 1 : 0.708108108108 +2016-09-01 10:55:56,252 DEBUG: View 2 : 0.664864864865 +2016-09-01 10:55:56,260 DEBUG: View 3 : 0.681081081081 +2016-09-01 10:55:56,306 DEBUG: Best view : View1 +2016-09-01 10:55:56,525 DEBUG: Start: Iteration 4 +2016-09-01 10:55:56,532 DEBUG: View 0 : 0.621621621622 +2016-09-01 10:55:56,540 DEBUG: View 1 : 0.702702702703 +2016-09-01 10:55:56,548 DEBUG: View 2 : 0.583783783784 +2016-09-01 10:55:56,555 DEBUG: View 3 : 0.718918918919 +2016-09-01 10:55:56,604 DEBUG: Best view : View1 +2016-09-01 10:55:56,887 DEBUG: Start: Iteration 5 +2016-09-01 10:55:56,894 DEBUG: View 0 : 0.621621621622 +2016-09-01 10:55:56,902 DEBUG: View 1 : 0.702702702703 +2016-09-01 10:55:56,908 DEBUG: View 2 : 0.583783783784 +2016-09-01 10:55:56,916 DEBUG: View 3 : 0.718918918919 +2016-09-01 10:55:56,966 DEBUG: Best view : View1 +2016-09-01 10:55:57,309 DEBUG: Start: Iteration 6 +2016-09-01 10:55:57,316 DEBUG: View 0 : 0.691891891892 +2016-09-01 10:55:57,324 DEBUG: View 1 : 0.67027027027 +2016-09-01 10:55:57,330 DEBUG: View 2 : 0.659459459459 +2016-09-01 10:55:57,337 DEBUG: View 3 : 0.718918918919 +2016-09-01 10:55:57,391 DEBUG: Best view : View3 +2016-09-01 10:55:57,805 DEBUG: Start: Iteration 7 +2016-09-01 10:55:57,812 DEBUG: View 0 : 0.675675675676 +2016-09-01 10:55:57,821 DEBUG: View 1 : 0.708108108108 +2016-09-01 10:55:57,828 DEBUG: View 2 : 0.659459459459 +2016-09-01 10:55:57,835 DEBUG: View 3 : 0.681081081081 +2016-09-01 10:55:57,892 DEBUG: Best view : View1 +2016-09-01 10:55:58,399 DEBUG: Start: Iteration 8 +2016-09-01 10:55:58,406 DEBUG: View 0 : 0.675675675676 +2016-09-01 10:55:58,414 DEBUG: View 1 : 0.697297297297 +2016-09-01 10:55:58,420 DEBUG: View 2 : 0.659459459459 +2016-09-01 10:55:58,428 DEBUG: View 3 : 0.697297297297 +2016-09-01 10:55:58,487 DEBUG: Best view : View1 +2016-09-01 10:55:59,045 DEBUG: Start: Iteration 9 +2016-09-01 10:55:59,052 DEBUG: View 0 : 0.610810810811 +2016-09-01 10:55:59,059 DEBUG: View 1 : 0.697297297297 +2016-09-01 10:55:59,066 DEBUG: View 2 : 0.659459459459 +2016-09-01 10:55:59,074 DEBUG: View 3 : 0.718918918919 +2016-09-01 10:55:59,135 DEBUG: Best view : View3 +2016-09-01 10:55:59,754 DEBUG: Start: Iteration 10 +2016-09-01 10:55:59,761 DEBUG: View 0 : 0.610810810811 +2016-09-01 10:55:59,769 DEBUG: View 1 : 0.664864864865 +2016-09-01 10:55:59,776 DEBUG: View 2 : 0.659459459459 +2016-09-01 10:55:59,783 DEBUG: View 3 : 0.718918918919 +2016-09-01 10:55:59,848 DEBUG: Best view : View3 +2016-09-01 10:56:00,527 DEBUG: Start: Iteration 11 +2016-09-01 10:56:00,534 DEBUG: View 0 : 0.589189189189 +2016-09-01 10:56:00,542 DEBUG: View 1 : 0.664864864865 +2016-09-01 10:56:00,549 DEBUG: View 2 : 0.589189189189 +2016-09-01 10:56:00,556 DEBUG: View 3 : 0.681081081081 +2016-09-01 10:56:00,623 DEBUG: Best view : View1 +2016-09-01 10:56:01,378 DEBUG: Start: Iteration 12 +2016-09-01 10:56:01,385 DEBUG: View 0 : 0.562162162162 +2016-09-01 10:56:01,393 DEBUG: View 1 : 0.654054054054 +2016-09-01 10:56:01,400 DEBUG: View 2 : 0.589189189189 +2016-09-01 10:56:01,408 DEBUG: View 3 : 0.681081081081 +2016-09-01 10:56:01,479 DEBUG: Best view : View1 +2016-09-01 10:56:02,291 DEBUG: Start: Iteration 13 +2016-09-01 10:56:02,298 DEBUG: View 0 : 0.562162162162 +2016-09-01 10:56:02,306 DEBUG: View 1 : 0.654054054054 +2016-09-01 10:56:02,313 DEBUG: View 2 : 0.659459459459 +2016-09-01 10:56:02,320 DEBUG: View 3 : 0.681081081081 +2016-09-01 10:56:02,393 DEBUG: Best view : View3 +2016-09-01 10:56:03,269 DEBUG: Start: Iteration 14 +2016-09-01 10:56:03,276 DEBUG: View 0 : 0.562162162162 +2016-09-01 10:56:03,284 DEBUG: View 1 : 0.708108108108 +2016-09-01 10:56:03,291 DEBUG: View 2 : 0.659459459459 +2016-09-01 10:56:03,298 DEBUG: View 3 : 0.681081081081 +2016-09-01 10:56:03,374 DEBUG: Best view : View1 +2016-09-01 10:56:04,316 DEBUG: Start: Iteration 15 +2016-09-01 10:56:04,323 DEBUG: View 0 : 0.562162162162 +2016-09-01 10:56:04,331 DEBUG: View 1 : 0.708108108108 +2016-09-01 10:56:04,338 DEBUG: View 2 : 0.659459459459 +2016-09-01 10:56:04,345 DEBUG: View 3 : 0.681081081081 +2016-09-01 10:56:04,424 DEBUG: Best view : View1 +2016-09-01 10:56:05,432 DEBUG: Start: Iteration 16 +2016-09-01 10:56:05,439 DEBUG: View 0 : 0.627027027027 +2016-09-01 10:56:05,447 DEBUG: View 1 : 0.691891891892 +2016-09-01 10:56:05,454 DEBUG: View 2 : 0.659459459459 +2016-09-01 10:56:05,461 DEBUG: View 3 : 0.702702702703 +2016-09-01 10:56:05,543 DEBUG: Best view : View3 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105613-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-105613-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..c6a0a70423ae5cdeeacbf74c57533e41016c7a30 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105613-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,119 @@ +2016-09-01 10:56:13,131 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:56:13,133 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:56:13,133 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:56:13,134 INFO: Info: Shape of View0 :(300, 20) +2016-09-01 10:56:13,134 INFO: Info: Shape of View1 :(300, 14) +2016-09-01 10:56:13,135 INFO: Info: Shape of View2 :(300, 10) +2016-09-01 10:56:13,136 INFO: Info: Shape of View3 :(300, 11) +2016-09-01 10:56:13,136 INFO: Done: Read Database Files +2016-09-01 10:56:13,136 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:56:13,139 INFO: Done: Determine validation split +2016-09-01 10:56:13,139 INFO: Start: Determine 5 folds +2016-09-01 10:56:13,147 INFO: Info: Length of Learning Sets: 169 +2016-09-01 10:56:13,147 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:56:13,147 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:56:13,147 INFO: Done: Determine folds +2016-09-01 10:56:13,147 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:56:13,147 INFO: Start: Fold number 1 +2016-09-01 10:56:13,356 DEBUG: Start: Iteration 1 +2016-09-01 10:56:13,363 DEBUG: View 0 : 0.467391304348 +2016-09-01 10:56:13,370 DEBUG: View 1 : 0.467391304348 +2016-09-01 10:56:13,377 DEBUG: View 2 : 0.467391304348 +2016-09-01 10:56:13,384 DEBUG: View 3 : 0.467391304348 +2016-09-01 10:56:13,384 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:56:13,420 DEBUG: Best view : View0 +2016-09-01 10:56:13,500 DEBUG: Start: Iteration 2 +2016-09-01 10:56:13,508 DEBUG: View 0 : 0.673913043478 +2016-09-01 10:56:13,516 DEBUG: View 1 : 0.739130434783 +2016-09-01 10:56:13,523 DEBUG: View 2 : 0.717391304348 +2016-09-01 10:56:13,530 DEBUG: View 3 : 0.679347826087 +2016-09-01 10:56:13,572 DEBUG: Best view : View1 +2016-09-01 10:56:13,724 DEBUG: Start: Iteration 3 +2016-09-01 10:56:13,733 DEBUG: View 0 : 0.673913043478 +2016-09-01 10:56:13,742 DEBUG: View 1 : 0.739130434783 +2016-09-01 10:56:13,749 DEBUG: View 2 : 0.717391304348 +2016-09-01 10:56:13,756 DEBUG: View 3 : 0.679347826087 +2016-09-01 10:56:13,802 DEBUG: Best view : View1 +2016-09-01 10:56:14,019 DEBUG: Start: Iteration 4 +2016-09-01 10:56:14,027 DEBUG: View 0 : 0.673913043478 +2016-09-01 10:56:14,034 DEBUG: View 1 : 0.701086956522 +2016-09-01 10:56:14,041 DEBUG: View 2 : 0.70652173913 +2016-09-01 10:56:14,049 DEBUG: View 3 : 0.66847826087 +2016-09-01 10:56:14,097 DEBUG: Best view : View1 +2016-09-01 10:56:14,377 INFO: Start: Classification +2016-09-01 10:56:14,835 INFO: Done: Fold number 1 +2016-09-01 10:56:14,835 INFO: Start: Fold number 2 +2016-09-01 10:56:15,039 DEBUG: Start: Iteration 1 +2016-09-01 10:56:15,046 DEBUG: View 0 : 0.527173913043 +2016-09-01 10:56:15,053 DEBUG: View 1 : 0.565217391304 +2016-09-01 10:56:15,060 DEBUG: View 2 : 0.597826086957 +2016-09-01 10:56:15,067 DEBUG: View 3 : 0.532608695652 +2016-09-01 10:56:15,102 DEBUG: Best view : View3 +2016-09-01 10:56:15,182 DEBUG: Start: Iteration 2 +2016-09-01 10:56:15,190 DEBUG: View 0 : 0.701086956522 +2016-09-01 10:56:15,198 DEBUG: View 1 : 0.717391304348 +2016-09-01 10:56:15,205 DEBUG: View 2 : 0.733695652174 +2016-09-01 10:56:15,212 DEBUG: View 3 : 0.630434782609 +2016-09-01 10:56:15,254 DEBUG: Best view : View2 +2016-09-01 10:56:15,402 DEBUG: Start: Iteration 3 +2016-09-01 10:56:15,410 DEBUG: View 0 : 0.701086956522 +2016-09-01 10:56:15,417 DEBUG: View 1 : 0.70652173913 +2016-09-01 10:56:15,424 DEBUG: View 2 : 0.733695652174 +2016-09-01 10:56:15,432 DEBUG: View 3 : 0.630434782609 +2016-09-01 10:56:15,477 DEBUG: Best view : View1 +2016-09-01 10:56:15,696 DEBUG: Start: Iteration 4 +2016-09-01 10:56:15,704 DEBUG: View 0 : 0.695652173913 +2016-09-01 10:56:15,712 DEBUG: View 1 : 0.711956521739 +2016-09-01 10:56:15,719 DEBUG: View 2 : 0.711956521739 +2016-09-01 10:56:15,726 DEBUG: View 3 : 0.619565217391 +2016-09-01 10:56:15,774 DEBUG: Best view : View2 +2016-09-01 10:56:16,061 INFO: Start: Classification +2016-09-01 10:56:16,520 INFO: Done: Fold number 2 +2016-09-01 10:56:16,520 INFO: Start: Fold number 3 +2016-09-01 10:56:16,714 DEBUG: Start: Iteration 1 +2016-09-01 10:56:16,720 DEBUG: View 0 : 0.477272727273 +2016-09-01 10:56:16,727 DEBUG: View 1 : 0.477272727273 +2016-09-01 10:56:16,733 DEBUG: View 2 : 0.477272727273 +2016-09-01 10:56:16,739 DEBUG: View 3 : 0.477272727273 +2016-09-01 10:56:16,740 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:56:16,772 DEBUG: Best view : View0 +2016-09-01 10:56:16,849 DEBUG: Start: Iteration 2 +2016-09-01 10:56:16,856 DEBUG: View 0 : 0.738636363636 +2016-09-01 10:56:16,863 DEBUG: View 1 : 0.738636363636 +2016-09-01 10:56:16,870 DEBUG: View 2 : 0.636363636364 +2016-09-01 10:56:16,877 DEBUG: View 3 : 0.681818181818 +2016-09-01 10:56:16,916 DEBUG: Best view : View0 +2016-09-01 10:56:17,056 DEBUG: Start: Iteration 3 +2016-09-01 10:56:17,063 DEBUG: View 0 : 0.738636363636 +2016-09-01 10:56:17,070 DEBUG: View 1 : 0.738636363636 +2016-09-01 10:56:17,077 DEBUG: View 2 : 0.636363636364 +2016-09-01 10:56:17,084 DEBUG: View 3 : 0.681818181818 +2016-09-01 10:56:17,127 DEBUG: Best view : View0 +2016-09-01 10:56:17,329 DEBUG: Start: Iteration 4 +2016-09-01 10:56:17,336 DEBUG: View 0 : 0.636363636364 +2016-09-01 10:56:17,343 DEBUG: View 1 : 0.738636363636 +2016-09-01 10:56:17,350 DEBUG: View 2 : 0.670454545455 +2016-09-01 10:56:17,357 DEBUG: View 3 : 0.653409090909 +2016-09-01 10:56:17,402 DEBUG: Best view : View1 +2016-09-01 10:56:17,668 INFO: Start: Classification +2016-09-01 10:56:18,110 INFO: Done: Fold number 3 +2016-09-01 10:56:18,110 INFO: Start: Fold number 4 +2016-09-01 10:56:18,311 DEBUG: Start: Iteration 1 +2016-09-01 10:56:18,317 DEBUG: View 0 : 0.524590163934 +2016-09-01 10:56:18,324 DEBUG: View 1 : 0.524590163934 +2016-09-01 10:56:18,330 DEBUG: View 2 : 0.524590163934 +2016-09-01 10:56:18,337 DEBUG: View 3 : 0.524590163934 +2016-09-01 10:56:18,370 DEBUG: Best view : View0 +2016-09-01 10:56:18,449 DEBUG: Start: Iteration 2 +2016-09-01 10:56:18,456 DEBUG: View 0 : 0.677595628415 +2016-09-01 10:56:18,463 DEBUG: View 1 : 0.699453551913 +2016-09-01 10:56:18,470 DEBUG: View 2 : 0.644808743169 +2016-09-01 10:56:18,477 DEBUG: View 3 : 0.68306010929 +2016-09-01 10:56:18,518 DEBUG: Best view : View1 +2016-09-01 10:56:18,662 DEBUG: Start: Iteration 3 +2016-09-01 10:56:18,670 DEBUG: View 0 : 0.677595628415 +2016-09-01 10:56:18,677 DEBUG: View 1 : 0.699453551913 +2016-09-01 10:56:18,684 DEBUG: View 2 : 0.644808743169 +2016-09-01 10:56:18,691 DEBUG: View 3 : 0.68306010929 +2016-09-01 10:56:18,735 DEBUG: Best view : View1 +2016-09-01 10:56:18,945 INFO: Start: Classification diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105628-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-105628-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..541cb0ce912698804ec2c83a8bf499aa9c069ede --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105628-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,151 @@ +2016-09-01 10:56:28,356 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:56:28,358 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:56:28,358 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:56:28,358 INFO: Info: Shape of View0 :(300, 7) +2016-09-01 10:56:28,359 INFO: Info: Shape of View1 :(300, 19) +2016-09-01 10:56:28,359 INFO: Info: Shape of View2 :(300, 16) +2016-09-01 10:56:28,360 INFO: Info: Shape of View3 :(300, 18) +2016-09-01 10:56:28,360 INFO: Done: Read Database Files +2016-09-01 10:56:28,360 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:56:28,363 INFO: Done: Determine validation split +2016-09-01 10:56:28,363 INFO: Start: Determine 5 folds +2016-09-01 10:56:28,370 INFO: Info: Length of Learning Sets: 170 +2016-09-01 10:56:28,370 INFO: Info: Length of Testing Sets: 41 +2016-09-01 10:56:28,370 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:56:28,370 INFO: Done: Determine folds +2016-09-01 10:56:28,370 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:56:28,370 INFO: Start: Fold number 1 +2016-09-01 10:56:28,587 DEBUG: Start: Iteration 1 +2016-09-01 10:56:28,594 DEBUG: View 0 : 0.491978609626 +2016-09-01 10:56:28,601 DEBUG: View 1 : 0.491978609626 +2016-09-01 10:56:28,608 DEBUG: View 2 : 0.491978609626 +2016-09-01 10:56:28,614 DEBUG: View 3 : 0.491978609626 +2016-09-01 10:56:28,615 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:56:28,651 DEBUG: Best view : View0 +2016-09-01 10:56:28,732 DEBUG: Start: Iteration 2 +2016-09-01 10:56:28,739 DEBUG: View 0 : 0.561497326203 +2016-09-01 10:56:28,747 DEBUG: View 1 : 0.727272727273 +2016-09-01 10:56:28,754 DEBUG: View 2 : 0.68449197861 +2016-09-01 10:56:28,762 DEBUG: View 3 : 0.695187165775 +2016-09-01 10:56:28,806 DEBUG: Best view : View1 +2016-09-01 10:56:28,961 DEBUG: Start: Iteration 3 +2016-09-01 10:56:28,974 DEBUG: View 0 : 0.561497326203 +2016-09-01 10:56:28,982 DEBUG: View 1 : 0.727272727273 +2016-09-01 10:56:28,990 DEBUG: View 2 : 0.68449197861 +2016-09-01 10:56:28,997 DEBUG: View 3 : 0.695187165775 +2016-09-01 10:56:29,044 DEBUG: Best view : View1 +2016-09-01 10:56:29,265 DEBUG: Start: Iteration 4 +2016-09-01 10:56:29,272 DEBUG: View 0 : 0.588235294118 +2016-09-01 10:56:29,280 DEBUG: View 1 : 0.695187165775 +2016-09-01 10:56:29,287 DEBUG: View 2 : 0.716577540107 +2016-09-01 10:56:29,295 DEBUG: View 3 : 0.695187165775 +2016-09-01 10:56:29,345 DEBUG: Best view : View2 +2016-09-01 10:56:29,629 INFO: Start: Classification +2016-09-01 10:56:30,087 INFO: Done: Fold number 1 +2016-09-01 10:56:30,087 INFO: Start: Fold number 2 +2016-09-01 10:56:30,285 DEBUG: Start: Iteration 1 +2016-09-01 10:56:30,292 DEBUG: View 0 : 0.486033519553 +2016-09-01 10:56:30,298 DEBUG: View 1 : 0.486033519553 +2016-09-01 10:56:30,305 DEBUG: View 2 : 0.486033519553 +2016-09-01 10:56:30,311 DEBUG: View 3 : 0.486033519553 +2016-09-01 10:56:30,311 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:56:30,345 DEBUG: Best view : View0 +2016-09-01 10:56:30,420 DEBUG: Start: Iteration 2 +2016-09-01 10:56:30,427 DEBUG: View 0 : 0.575418994413 +2016-09-01 10:56:30,434 DEBUG: View 1 : 0.709497206704 +2016-09-01 10:56:30,441 DEBUG: View 2 : 0.659217877095 +2016-09-01 10:56:30,448 DEBUG: View 3 : 0.77094972067 +2016-09-01 10:56:30,489 DEBUG: Best view : View3 +2016-09-01 10:56:30,633 DEBUG: Start: Iteration 3 +2016-09-01 10:56:30,640 DEBUG: View 0 : 0.575418994413 +2016-09-01 10:56:30,648 DEBUG: View 1 : 0.709497206704 +2016-09-01 10:56:30,655 DEBUG: View 2 : 0.659217877095 +2016-09-01 10:56:30,662 DEBUG: View 3 : 0.77094972067 +2016-09-01 10:56:30,708 DEBUG: Best view : View3 +2016-09-01 10:56:30,919 DEBUG: Start: Iteration 4 +2016-09-01 10:56:30,926 DEBUG: View 0 : 0.59217877095 +2016-09-01 10:56:30,934 DEBUG: View 1 : 0.709497206704 +2016-09-01 10:56:30,941 DEBUG: View 2 : 0.653631284916 +2016-09-01 10:56:30,948 DEBUG: View 3 : 0.63687150838 +2016-09-01 10:56:30,996 DEBUG: Best view : View1 +2016-09-01 10:56:31,274 INFO: Start: Classification +2016-09-01 10:56:31,724 INFO: Done: Fold number 2 +2016-09-01 10:56:31,724 INFO: Start: Fold number 3 +2016-09-01 10:56:31,926 DEBUG: Start: Iteration 1 +2016-09-01 10:56:31,932 DEBUG: View 0 : 0.48087431694 +2016-09-01 10:56:31,939 DEBUG: View 1 : 0.540983606557 +2016-09-01 10:56:31,946 DEBUG: View 2 : 0.513661202186 +2016-09-01 10:56:31,953 DEBUG: View 3 : 0.551912568306 +2016-09-01 10:56:31,988 DEBUG: Best view : View1 +2016-09-01 10:56:32,066 DEBUG: Start: Iteration 2 +2016-09-01 10:56:32,073 DEBUG: View 0 : 0.606557377049 +2016-09-01 10:56:32,080 DEBUG: View 1 : 0.704918032787 +2016-09-01 10:56:32,087 DEBUG: View 2 : 0.715846994536 +2016-09-01 10:56:32,095 DEBUG: View 3 : 0.606557377049 +2016-09-01 10:56:32,136 DEBUG: Best view : View2 +2016-09-01 10:56:32,279 DEBUG: Start: Iteration 3 +2016-09-01 10:56:32,286 DEBUG: View 0 : 0.606557377049 +2016-09-01 10:56:32,293 DEBUG: View 1 : 0.704918032787 +2016-09-01 10:56:32,301 DEBUG: View 2 : 0.715846994536 +2016-09-01 10:56:32,308 DEBUG: View 3 : 0.606557377049 +2016-09-01 10:56:32,353 DEBUG: Best view : View2 +2016-09-01 10:56:32,561 DEBUG: Start: Iteration 4 +2016-09-01 10:56:32,567 DEBUG: View 0 : 0.595628415301 +2016-09-01 10:56:32,575 DEBUG: View 1 : 0.704918032787 +2016-09-01 10:56:32,583 DEBUG: View 2 : 0.650273224044 +2016-09-01 10:56:32,590 DEBUG: View 3 : 0.704918032787 +2016-09-01 10:56:32,637 DEBUG: Best view : View3 +2016-09-01 10:56:32,914 INFO: Start: Classification +2016-09-01 10:56:33,366 INFO: Done: Fold number 3 +2016-09-01 10:56:33,366 INFO: Start: Fold number 4 +2016-09-01 10:56:33,566 DEBUG: Start: Iteration 1 +2016-09-01 10:56:33,572 DEBUG: View 0 : 0.541436464088 +2016-09-01 10:56:33,579 DEBUG: View 1 : 0.458563535912 +2016-09-01 10:56:33,586 DEBUG: View 2 : 0.530386740331 +2016-09-01 10:56:33,593 DEBUG: View 3 : 0.497237569061 +2016-09-01 10:56:33,627 DEBUG: Best view : View3 +2016-09-01 10:56:33,704 DEBUG: Start: Iteration 2 +2016-09-01 10:56:33,711 DEBUG: View 0 : 0.580110497238 +2016-09-01 10:56:33,718 DEBUG: View 1 : 0.707182320442 +2016-09-01 10:56:33,725 DEBUG: View 2 : 0.696132596685 +2016-09-01 10:56:33,733 DEBUG: View 3 : 0.734806629834 +2016-09-01 10:56:33,773 DEBUG: Best view : View3 +2016-09-01 10:56:33,916 DEBUG: Start: Iteration 3 +2016-09-01 10:56:33,923 DEBUG: View 0 : 0.580110497238 +2016-09-01 10:56:33,930 DEBUG: View 1 : 0.707182320442 +2016-09-01 10:56:33,937 DEBUG: View 2 : 0.696132596685 +2016-09-01 10:56:33,945 DEBUG: View 3 : 0.734806629834 +2016-09-01 10:56:33,989 DEBUG: Best view : View3 +2016-09-01 10:56:34,197 DEBUG: Start: Iteration 4 +2016-09-01 10:56:34,203 DEBUG: View 0 : 0.546961325967 +2016-09-01 10:56:34,211 DEBUG: View 1 : 0.67955801105 +2016-09-01 10:56:34,218 DEBUG: View 2 : 0.718232044199 +2016-09-01 10:56:34,225 DEBUG: View 3 : 0.640883977901 +2016-09-01 10:56:34,272 DEBUG: Best view : View2 +2016-09-01 10:56:34,545 INFO: Start: Classification +2016-09-01 10:56:34,990 INFO: Done: Fold number 4 +2016-09-01 10:56:34,990 INFO: Start: Fold number 5 +2016-09-01 10:56:35,189 DEBUG: Start: Iteration 1 +2016-09-01 10:56:35,195 DEBUG: View 0 : 0.522222222222 +2016-09-01 10:56:35,202 DEBUG: View 1 : 0.522222222222 +2016-09-01 10:56:35,209 DEBUG: View 2 : 0.522222222222 +2016-09-01 10:56:35,216 DEBUG: View 3 : 0.522222222222 +2016-09-01 10:56:35,249 DEBUG: Best view : View0 +2016-09-01 10:56:35,326 DEBUG: Start: Iteration 2 +2016-09-01 10:56:35,333 DEBUG: View 0 : 0.605555555556 +2016-09-01 10:56:35,340 DEBUG: View 1 : 0.677777777778 +2016-09-01 10:56:35,348 DEBUG: View 2 : 0.694444444444 +2016-09-01 10:56:35,355 DEBUG: View 3 : 0.733333333333 +2016-09-01 10:56:35,396 DEBUG: Best view : View3 +2016-09-01 10:56:35,537 DEBUG: Start: Iteration 3 +2016-09-01 10:56:35,544 DEBUG: View 0 : 0.605555555556 +2016-09-01 10:56:35,551 DEBUG: View 1 : 0.677777777778 +2016-09-01 10:56:35,558 DEBUG: View 2 : 0.694444444444 +2016-09-01 10:56:35,566 DEBUG: View 3 : 0.733333333333 +2016-09-01 10:56:35,610 DEBUG: Best view : View3 +2016-09-01 10:56:35,817 DEBUG: Start: Iteration 4 +2016-09-01 10:56:35,824 DEBUG: View 0 : 0.505555555556 +2016-09-01 10:56:35,831 DEBUG: View 1 : 0.727777777778 +2016-09-01 10:56:35,839 DEBUG: View 2 : 0.672222222222 +2016-09-01 10:56:35,846 DEBUG: View 3 : 0.738888888889 +2016-09-01 10:56:35,894 DEBUG: Best view : View3 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105640-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-105640-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..66508281dea8e3594251148daf168c8fe65644da --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105640-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,180 @@ +2016-09-01 10:56:40,412 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:56:40,414 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:56:40,414 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:56:40,414 INFO: Info: Shape of View0 :(300, 6) +2016-09-01 10:56:40,415 INFO: Info: Shape of View1 :(300, 7) +2016-09-01 10:56:40,415 INFO: Info: Shape of View2 :(300, 16) +2016-09-01 10:56:40,416 INFO: Info: Shape of View3 :(300, 8) +2016-09-01 10:56:40,416 INFO: Done: Read Database Files +2016-09-01 10:56:40,416 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:56:40,419 INFO: Done: Determine validation split +2016-09-01 10:56:40,419 INFO: Start: Determine 5 folds +2016-09-01 10:56:40,428 INFO: Info: Length of Learning Sets: 169 +2016-09-01 10:56:40,428 INFO: Info: Length of Testing Sets: 42 +2016-09-01 10:56:40,428 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:56:40,428 INFO: Done: Determine folds +2016-09-01 10:56:40,428 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:56:40,429 INFO: Start: Fold number 1 +2016-09-01 10:56:40,633 DEBUG: Start: Iteration 1 +2016-09-01 10:56:40,640 DEBUG: View 0 : 0.513966480447 +2016-09-01 10:56:40,647 DEBUG: View 1 : 0.474860335196 +2016-09-01 10:56:40,654 DEBUG: View 2 : 0.508379888268 +2016-09-01 10:56:40,661 DEBUG: View 3 : 0.502793296089 +2016-09-01 10:56:40,697 DEBUG: Best view : View3 +2016-09-01 10:56:40,776 DEBUG: Start: Iteration 2 +2016-09-01 10:56:40,783 DEBUG: View 0 : 0.653631284916 +2016-09-01 10:56:40,790 DEBUG: View 1 : 0.720670391061 +2016-09-01 10:56:40,797 DEBUG: View 2 : 0.675977653631 +2016-09-01 10:56:40,804 DEBUG: View 3 : 0.581005586592 +2016-09-01 10:56:40,845 DEBUG: Best view : View1 +2016-09-01 10:56:40,992 DEBUG: Start: Iteration 3 +2016-09-01 10:56:40,999 DEBUG: View 0 : 0.653631284916 +2016-09-01 10:56:41,006 DEBUG: View 1 : 0.720670391061 +2016-09-01 10:56:41,015 DEBUG: View 2 : 0.675977653631 +2016-09-01 10:56:41,022 DEBUG: View 3 : 0.581005586592 +2016-09-01 10:56:41,067 DEBUG: Best view : View1 +2016-09-01 10:56:41,277 DEBUG: Start: Iteration 4 +2016-09-01 10:56:41,284 DEBUG: View 0 : 0.648044692737 +2016-09-01 10:56:41,291 DEBUG: View 1 : 0.703910614525 +2016-09-01 10:56:41,298 DEBUG: View 2 : 0.664804469274 +2016-09-01 10:56:41,305 DEBUG: View 3 : 0.597765363128 +2016-09-01 10:56:41,352 DEBUG: Best view : View1 +2016-09-01 10:56:41,626 DEBUG: Start: Iteration 5 +2016-09-01 10:56:41,633 DEBUG: View 0 : 0.648044692737 +2016-09-01 10:56:41,640 DEBUG: View 1 : 0.703910614525 +2016-09-01 10:56:41,647 DEBUG: View 2 : 0.664804469274 +2016-09-01 10:56:41,654 DEBUG: View 3 : 0.597765363128 +2016-09-01 10:56:41,703 DEBUG: Best view : View1 +2016-09-01 10:56:42,038 INFO: Start: Classification +2016-09-01 10:56:42,594 INFO: Done: Fold number 1 +2016-09-01 10:56:42,594 INFO: Start: Fold number 2 +2016-09-01 10:56:42,797 DEBUG: Start: Iteration 1 +2016-09-01 10:56:42,803 DEBUG: View 0 : 0.544444444444 +2016-09-01 10:56:42,810 DEBUG: View 1 : 0.488888888889 +2016-09-01 10:56:42,817 DEBUG: View 2 : 0.5 +2016-09-01 10:56:42,824 DEBUG: View 3 : 0.522222222222 +2016-09-01 10:56:42,859 DEBUG: Best view : View2 +2016-09-01 10:56:42,937 DEBUG: Start: Iteration 2 +2016-09-01 10:56:42,944 DEBUG: View 0 : 0.683333333333 +2016-09-01 10:56:42,951 DEBUG: View 1 : 0.7 +2016-09-01 10:56:42,958 DEBUG: View 2 : 0.683333333333 +2016-09-01 10:56:42,965 DEBUG: View 3 : 0.722222222222 +2016-09-01 10:56:43,006 DEBUG: Best view : View3 +2016-09-01 10:56:43,151 DEBUG: Start: Iteration 3 +2016-09-01 10:56:43,158 DEBUG: View 0 : 0.683333333333 +2016-09-01 10:56:43,165 DEBUG: View 1 : 0.7 +2016-09-01 10:56:43,173 DEBUG: View 2 : 0.683333333333 +2016-09-01 10:56:43,180 DEBUG: View 3 : 0.722222222222 +2016-09-01 10:56:43,224 DEBUG: Best view : View3 +2016-09-01 10:56:43,438 DEBUG: Start: Iteration 4 +2016-09-01 10:56:43,445 DEBUG: View 0 : 0.677777777778 +2016-09-01 10:56:43,452 DEBUG: View 1 : 0.683333333333 +2016-09-01 10:56:43,459 DEBUG: View 2 : 0.683333333333 +2016-09-01 10:56:43,466 DEBUG: View 3 : 0.6 +2016-09-01 10:56:43,513 DEBUG: Best view : View0 +2016-09-01 10:56:43,786 DEBUG: Start: Iteration 5 +2016-09-01 10:56:43,793 DEBUG: View 0 : 0.677777777778 +2016-09-01 10:56:43,800 DEBUG: View 1 : 0.683333333333 +2016-09-01 10:56:43,807 DEBUG: View 2 : 0.683333333333 +2016-09-01 10:56:43,814 DEBUG: View 3 : 0.6 +2016-09-01 10:56:43,863 DEBUG: Best view : View0 +2016-09-01 10:56:44,198 INFO: Start: Classification +2016-09-01 10:56:44,755 INFO: Done: Fold number 2 +2016-09-01 10:56:44,755 INFO: Start: Fold number 3 +2016-09-01 10:56:44,959 DEBUG: Start: Iteration 1 +2016-09-01 10:56:44,965 DEBUG: View 0 : 0.56043956044 +2016-09-01 10:56:44,972 DEBUG: View 1 : 0.516483516484 +2016-09-01 10:56:44,979 DEBUG: View 2 : 0.516483516484 +2016-09-01 10:56:44,986 DEBUG: View 3 : 0.489010989011 +2016-09-01 10:56:45,021 DEBUG: Best view : View0 +2016-09-01 10:56:45,098 DEBUG: Start: Iteration 2 +2016-09-01 10:56:45,105 DEBUG: View 0 : 0.703296703297 +2016-09-01 10:56:45,112 DEBUG: View 1 : 0.648351648352 +2016-09-01 10:56:45,119 DEBUG: View 2 : 0.664835164835 +2016-09-01 10:56:45,126 DEBUG: View 3 : 0.56043956044 +2016-09-01 10:56:45,168 DEBUG: Best view : View0 +2016-09-01 10:56:45,311 DEBUG: Start: Iteration 3 +2016-09-01 10:56:45,318 DEBUG: View 0 : 0.703296703297 +2016-09-01 10:56:45,325 DEBUG: View 1 : 0.648351648352 +2016-09-01 10:56:45,332 DEBUG: View 2 : 0.637362637363 +2016-09-01 10:56:45,339 DEBUG: View 3 : 0.56043956044 +2016-09-01 10:56:45,384 DEBUG: Best view : View1 +2016-09-01 10:56:45,594 DEBUG: Start: Iteration 4 +2016-09-01 10:56:45,601 DEBUG: View 0 : 0.626373626374 +2016-09-01 10:56:45,608 DEBUG: View 1 : 0.708791208791 +2016-09-01 10:56:45,615 DEBUG: View 2 : 0.615384615385 +2016-09-01 10:56:45,622 DEBUG: View 3 : 0.71978021978 +2016-09-01 10:56:45,669 DEBUG: Best view : View1 +2016-09-01 10:56:45,944 DEBUG: Start: Iteration 5 +2016-09-01 10:56:45,951 DEBUG: View 0 : 0.626373626374 +2016-09-01 10:56:45,958 DEBUG: View 1 : 0.681318681319 +2016-09-01 10:56:45,966 DEBUG: View 2 : 0.620879120879 +2016-09-01 10:56:45,972 DEBUG: View 3 : 0.714285714286 +2016-09-01 10:56:46,022 DEBUG: Best view : View3 +2016-09-01 10:56:46,361 INFO: Start: Classification +2016-09-01 10:56:46,923 INFO: Done: Fold number 3 +2016-09-01 10:56:46,923 INFO: Start: Fold number 4 +2016-09-01 10:56:47,120 DEBUG: Start: Iteration 1 +2016-09-01 10:56:47,127 DEBUG: View 0 : 0.460674157303 +2016-09-01 10:56:47,133 DEBUG: View 1 : 0.505617977528 +2016-09-01 10:56:47,140 DEBUG: View 2 : 0.505617977528 +2016-09-01 10:56:47,147 DEBUG: View 3 : 0.483146067416 +2016-09-01 10:56:47,181 DEBUG: Best view : View3 +2016-09-01 10:56:47,256 DEBUG: Start: Iteration 2 +2016-09-01 10:56:47,263 DEBUG: View 0 : 0.702247191011 +2016-09-01 10:56:47,270 DEBUG: View 1 : 0.691011235955 +2016-09-01 10:56:47,277 DEBUG: View 2 : 0.674157303371 +2016-09-01 10:56:47,284 DEBUG: View 3 : 0.685393258427 +2016-09-01 10:56:47,323 DEBUG: Best view : View0 +2016-09-01 10:56:47,463 DEBUG: Start: Iteration 3 +2016-09-01 10:56:47,470 DEBUG: View 0 : 0.702247191011 +2016-09-01 10:56:47,477 DEBUG: View 1 : 0.691011235955 +2016-09-01 10:56:47,484 DEBUG: View 2 : 0.674157303371 +2016-09-01 10:56:47,491 DEBUG: View 3 : 0.685393258427 +2016-09-01 10:56:47,535 DEBUG: Best view : View0 +2016-09-01 10:56:47,741 DEBUG: Start: Iteration 4 +2016-09-01 10:56:47,747 DEBUG: View 0 : 0.634831460674 +2016-09-01 10:56:47,754 DEBUG: View 1 : 0.629213483146 +2016-09-01 10:56:47,761 DEBUG: View 2 : 0.696629213483 +2016-09-01 10:56:47,768 DEBUG: View 3 : 0.595505617978 +2016-09-01 10:56:47,814 DEBUG: Best view : View2 +2016-09-01 10:56:48,084 DEBUG: Start: Iteration 5 +2016-09-01 10:56:48,091 DEBUG: View 0 : 0.634831460674 +2016-09-01 10:56:48,098 DEBUG: View 1 : 0.629213483146 +2016-09-01 10:56:48,105 DEBUG: View 2 : 0.696629213483 +2016-09-01 10:56:48,112 DEBUG: View 3 : 0.595505617978 +2016-09-01 10:56:48,161 DEBUG: Best view : View2 +2016-09-01 10:56:48,492 INFO: Start: Classification +2016-09-01 10:56:49,044 INFO: Done: Fold number 4 +2016-09-01 10:56:49,044 INFO: Start: Fold number 5 +2016-09-01 10:56:49,248 DEBUG: Start: Iteration 1 +2016-09-01 10:56:49,255 DEBUG: View 0 : 0.48087431694 +2016-09-01 10:56:49,262 DEBUG: View 1 : 0.464480874317 +2016-09-01 10:56:49,269 DEBUG: View 2 : 0.44262295082 +2016-09-01 10:56:49,275 DEBUG: View 3 : 0.469945355191 +2016-09-01 10:56:49,275 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:56:49,310 DEBUG: Best view : View1 +2016-09-01 10:56:49,388 DEBUG: Start: Iteration 2 +2016-09-01 10:56:49,394 DEBUG: View 0 : 0.704918032787 +2016-09-01 10:56:49,402 DEBUG: View 1 : 0.661202185792 +2016-09-01 10:56:49,409 DEBUG: View 2 : 0.606557377049 +2016-09-01 10:56:49,416 DEBUG: View 3 : 0.699453551913 +2016-09-01 10:56:49,458 DEBUG: Best view : View0 +2016-09-01 10:56:49,603 DEBUG: Start: Iteration 3 +2016-09-01 10:56:49,609 DEBUG: View 0 : 0.704918032787 +2016-09-01 10:56:49,616 DEBUG: View 1 : 0.661202185792 +2016-09-01 10:56:49,624 DEBUG: View 2 : 0.606557377049 +2016-09-01 10:56:49,631 DEBUG: View 3 : 0.699453551913 +2016-09-01 10:56:49,675 DEBUG: Best view : View0 +2016-09-01 10:56:49,886 DEBUG: Start: Iteration 4 +2016-09-01 10:56:49,892 DEBUG: View 0 : 0.644808743169 +2016-09-01 10:56:49,900 DEBUG: View 1 : 0.590163934426 +2016-09-01 10:56:49,907 DEBUG: View 2 : 0.672131147541 +2016-09-01 10:56:49,914 DEBUG: View 3 : 0.590163934426 +2016-09-01 10:56:49,962 DEBUG: Best view : View2 +2016-09-01 10:56:50,237 DEBUG: Start: Iteration 5 +2016-09-01 10:56:50,244 DEBUG: View 0 : 0.644808743169 +2016-09-01 10:56:50,251 DEBUG: View 1 : 0.590163934426 +2016-09-01 10:56:50,259 DEBUG: View 2 : 0.672131147541 +2016-09-01 10:56:50,265 DEBUG: View 3 : 0.590163934426 +2016-09-01 10:56:50,315 DEBUG: Best view : View2 diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105655-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-105655-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..3e25d3ffa4ff1ed6f435c270a1bfe908aa2cbe8c --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105655-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,536 @@ +2016-09-01 10:56:55,092 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 10:56:55,094 INFO: ### Main Programm for Multiview Classification +2016-09-01 10:56:55,094 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 10:56:55,094 INFO: Info: Shape of View0 :(300, 14) +2016-09-01 10:56:55,095 INFO: Info: Shape of View1 :(300, 8) +2016-09-01 10:56:55,095 INFO: Info: Shape of View2 :(300, 12) +2016-09-01 10:56:55,096 INFO: Info: Shape of View3 :(300, 16) +2016-09-01 10:56:55,096 INFO: Done: Read Database Files +2016-09-01 10:56:55,096 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 10:56:55,099 INFO: Done: Determine validation split +2016-09-01 10:56:55,100 INFO: Start: Determine 5 folds +2016-09-01 10:56:55,106 INFO: Info: Length of Learning Sets: 170 +2016-09-01 10:56:55,106 INFO: Info: Length of Testing Sets: 41 +2016-09-01 10:56:55,106 INFO: Info: Length of Validation Set: 89 +2016-09-01 10:56:55,106 INFO: Done: Determine folds +2016-09-01 10:56:55,106 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 10:56:55,106 INFO: Start: Fold number 1 +2016-09-01 10:56:55,320 DEBUG: Start: Iteration 1 +2016-09-01 10:56:55,327 DEBUG: View 0 : 0.483870967742 +2016-09-01 10:56:55,335 DEBUG: View 1 : 0.537634408602 +2016-09-01 10:56:55,342 DEBUG: View 2 : 0.505376344086 +2016-09-01 10:56:55,349 DEBUG: View 3 : 0.516129032258 +2016-09-01 10:56:55,385 DEBUG: Best view : View1 +2016-09-01 10:56:55,467 DEBUG: Start: Iteration 2 +2016-09-01 10:56:55,474 DEBUG: View 0 : 0.623655913978 +2016-09-01 10:56:55,481 DEBUG: View 1 : 0.645161290323 +2016-09-01 10:56:55,488 DEBUG: View 2 : 0.666666666667 +2016-09-01 10:56:55,500 DEBUG: View 3 : 0.698924731183 +2016-09-01 10:56:55,546 DEBUG: Best view : View3 +2016-09-01 10:56:55,701 DEBUG: Start: Iteration 3 +2016-09-01 10:56:55,712 DEBUG: View 0 : 0.623655913978 +2016-09-01 10:56:55,719 DEBUG: View 1 : 0.623655913978 +2016-09-01 10:56:55,726 DEBUG: View 2 : 0.666666666667 +2016-09-01 10:56:55,734 DEBUG: View 3 : 0.698924731183 +2016-09-01 10:56:55,781 DEBUG: Best view : View3 +2016-09-01 10:56:55,999 DEBUG: Start: Iteration 4 +2016-09-01 10:56:56,006 DEBUG: View 0 : 0.677419354839 +2016-09-01 10:56:56,014 DEBUG: View 1 : 0.666666666667 +2016-09-01 10:56:56,021 DEBUG: View 2 : 0.698924731183 +2016-09-01 10:56:56,028 DEBUG: View 3 : 0.693548387097 +2016-09-01 10:56:56,077 DEBUG: Best view : View2 +2016-09-01 10:56:56,362 DEBUG: Start: Iteration 5 +2016-09-01 10:56:56,369 DEBUG: View 0 : 0.677419354839 +2016-09-01 10:56:56,377 DEBUG: View 1 : 0.666666666667 +2016-09-01 10:56:56,384 DEBUG: View 2 : 0.698924731183 +2016-09-01 10:56:56,391 DEBUG: View 3 : 0.672043010753 +2016-09-01 10:56:56,441 DEBUG: Best view : View2 +2016-09-01 10:56:56,787 DEBUG: Start: Iteration 6 +2016-09-01 10:56:56,794 DEBUG: View 0 : 0.715053763441 +2016-09-01 10:56:56,802 DEBUG: View 1 : 0.645161290323 +2016-09-01 10:56:56,809 DEBUG: View 2 : 0.698924731183 +2016-09-01 10:56:56,816 DEBUG: View 3 : 0.682795698925 +2016-09-01 10:56:56,869 DEBUG: Best view : View0 +2016-09-01 10:56:57,287 DEBUG: Start: Iteration 7 +2016-09-01 10:56:57,294 DEBUG: View 0 : 0.715053763441 +2016-09-01 10:56:57,301 DEBUG: View 1 : 0.645161290323 +2016-09-01 10:56:57,309 DEBUG: View 2 : 0.677419354839 +2016-09-01 10:56:57,316 DEBUG: View 3 : 0.688172043011 +2016-09-01 10:56:57,374 DEBUG: Best view : View0 +2016-09-01 10:56:57,869 DEBUG: Start: Iteration 8 +2016-09-01 10:56:57,877 DEBUG: View 0 : 0.688172043011 +2016-09-01 10:56:57,884 DEBUG: View 1 : 0.623655913978 +2016-09-01 10:56:57,891 DEBUG: View 2 : 0.650537634409 +2016-09-01 10:56:57,899 DEBUG: View 3 : 0.661290322581 +2016-09-01 10:56:57,959 DEBUG: Best view : View0 +2016-09-01 10:56:58,514 DEBUG: Start: Iteration 9 +2016-09-01 10:56:58,521 DEBUG: View 0 : 0.666666666667 +2016-09-01 10:56:58,529 DEBUG: View 1 : 0.623655913978 +2016-09-01 10:56:58,536 DEBUG: View 2 : 0.612903225806 +2016-09-01 10:56:58,544 DEBUG: View 3 : 0.655913978495 +2016-09-01 10:56:58,606 DEBUG: Best view : View0 +2016-09-01 10:56:59,224 DEBUG: Start: Iteration 10 +2016-09-01 10:56:59,231 DEBUG: View 0 : 0.672043010753 +2016-09-01 10:56:59,238 DEBUG: View 1 : 0.618279569892 +2016-09-01 10:56:59,245 DEBUG: View 2 : 0.666666666667 +2016-09-01 10:56:59,253 DEBUG: View 3 : 0.60752688172 +2016-09-01 10:56:59,318 DEBUG: Best view : View0 +2016-09-01 10:56:59,997 DEBUG: Start: Iteration 11 +2016-09-01 10:57:00,005 DEBUG: View 0 : 0.672043010753 +2016-09-01 10:57:00,012 DEBUG: View 1 : 0.618279569892 +2016-09-01 10:57:00,019 DEBUG: View 2 : 0.634408602151 +2016-09-01 10:57:00,027 DEBUG: View 3 : 0.666666666667 +2016-09-01 10:57:00,096 DEBUG: Best view : View3 +2016-09-01 10:57:00,842 DEBUG: Start: Iteration 12 +2016-09-01 10:57:00,849 DEBUG: View 0 : 0.634408602151 +2016-09-01 10:57:00,856 DEBUG: View 1 : 0.639784946237 +2016-09-01 10:57:00,864 DEBUG: View 2 : 0.672043010753 +2016-09-01 10:57:00,871 DEBUG: View 3 : 0.666666666667 +2016-09-01 10:57:00,941 DEBUG: Best view : View3 +2016-09-01 10:57:01,760 DEBUG: Start: Iteration 13 +2016-09-01 10:57:01,767 DEBUG: View 0 : 0.623655913978 +2016-09-01 10:57:01,774 DEBUG: View 1 : 0.639784946237 +2016-09-01 10:57:01,781 DEBUG: View 2 : 0.666666666667 +2016-09-01 10:57:01,789 DEBUG: View 3 : 0.650537634409 +2016-09-01 10:57:01,862 DEBUG: Best view : View2 +2016-09-01 10:57:02,740 INFO: Start: Classification +2016-09-01 10:57:04,206 INFO: Done: Fold number 1 +2016-09-01 10:57:04,206 INFO: Start: Fold number 2 +2016-09-01 10:57:04,407 DEBUG: Start: Iteration 1 +2016-09-01 10:57:04,414 DEBUG: View 0 : 0.461538461538 +2016-09-01 10:57:04,421 DEBUG: View 1 : 0.489010989011 +2016-09-01 10:57:04,428 DEBUG: View 2 : 0.510989010989 +2016-09-01 10:57:04,434 DEBUG: View 3 : 0.521978021978 +2016-09-01 10:57:04,469 DEBUG: Best view : View2 +2016-09-01 10:57:04,546 DEBUG: Start: Iteration 2 +2016-09-01 10:57:04,553 DEBUG: View 0 : 0.675824175824 +2016-09-01 10:57:04,561 DEBUG: View 1 : 0.642857142857 +2016-09-01 10:57:04,568 DEBUG: View 2 : 0.736263736264 +2016-09-01 10:57:04,576 DEBUG: View 3 : 0.71978021978 +2016-09-01 10:57:04,617 DEBUG: Best view : View2 +2016-09-01 10:57:04,760 DEBUG: Start: Iteration 3 +2016-09-01 10:57:04,767 DEBUG: View 0 : 0.675824175824 +2016-09-01 10:57:04,775 DEBUG: View 1 : 0.642857142857 +2016-09-01 10:57:04,782 DEBUG: View 2 : 0.736263736264 +2016-09-01 10:57:04,789 DEBUG: View 3 : 0.71978021978 +2016-09-01 10:57:04,833 DEBUG: Best view : View2 +2016-09-01 10:57:05,042 DEBUG: Start: Iteration 4 +2016-09-01 10:57:05,049 DEBUG: View 0 : 0.659340659341 +2016-09-01 10:57:05,056 DEBUG: View 1 : 0.648351648352 +2016-09-01 10:57:05,063 DEBUG: View 2 : 0.71978021978 +2016-09-01 10:57:05,070 DEBUG: View 3 : 0.587912087912 +2016-09-01 10:57:05,117 DEBUG: Best view : View2 +2016-09-01 10:57:05,389 DEBUG: Start: Iteration 5 +2016-09-01 10:57:05,396 DEBUG: View 0 : 0.659340659341 +2016-09-01 10:57:05,404 DEBUG: View 1 : 0.648351648352 +2016-09-01 10:57:05,411 DEBUG: View 2 : 0.71978021978 +2016-09-01 10:57:05,418 DEBUG: View 3 : 0.587912087912 +2016-09-01 10:57:05,468 DEBUG: Best view : View2 +2016-09-01 10:57:05,806 DEBUG: Start: Iteration 6 +2016-09-01 10:57:05,813 DEBUG: View 0 : 0.697802197802 +2016-09-01 10:57:05,821 DEBUG: View 1 : 0.653846153846 +2016-09-01 10:57:05,828 DEBUG: View 2 : 0.67032967033 +2016-09-01 10:57:05,835 DEBUG: View 3 : 0.675824175824 +2016-09-01 10:57:05,887 DEBUG: Best view : View0 +2016-09-01 10:57:06,292 DEBUG: Start: Iteration 7 +2016-09-01 10:57:06,299 DEBUG: View 0 : 0.697802197802 +2016-09-01 10:57:06,307 DEBUG: View 1 : 0.653846153846 +2016-09-01 10:57:06,314 DEBUG: View 2 : 0.648351648352 +2016-09-01 10:57:06,321 DEBUG: View 3 : 0.681318681319 +2016-09-01 10:57:06,376 DEBUG: Best view : View0 +2016-09-01 10:57:06,846 DEBUG: Start: Iteration 8 +2016-09-01 10:57:06,853 DEBUG: View 0 : 0.703296703297 +2016-09-01 10:57:06,859 DEBUG: View 1 : 0.60989010989 +2016-09-01 10:57:06,866 DEBUG: View 2 : 0.664835164835 +2016-09-01 10:57:06,874 DEBUG: View 3 : 0.686813186813 +2016-09-01 10:57:06,932 DEBUG: Best view : View0 +2016-09-01 10:57:07,466 DEBUG: Start: Iteration 9 +2016-09-01 10:57:07,473 DEBUG: View 0 : 0.703296703297 +2016-09-01 10:57:07,480 DEBUG: View 1 : 0.576923076923 +2016-09-01 10:57:07,487 DEBUG: View 2 : 0.697802197802 +2016-09-01 10:57:07,495 DEBUG: View 3 : 0.642857142857 +2016-09-01 10:57:07,555 DEBUG: Best view : View2 +2016-09-01 10:57:08,158 DEBUG: Start: Iteration 10 +2016-09-01 10:57:08,165 DEBUG: View 0 : 0.626373626374 +2016-09-01 10:57:08,173 DEBUG: View 1 : 0.56043956044 +2016-09-01 10:57:08,180 DEBUG: View 2 : 0.703296703297 +2016-09-01 10:57:08,187 DEBUG: View 3 : 0.642857142857 +2016-09-01 10:57:08,251 DEBUG: Best view : View2 +2016-09-01 10:57:08,916 DEBUG: Start: Iteration 11 +2016-09-01 10:57:08,923 DEBUG: View 0 : 0.631868131868 +2016-09-01 10:57:08,930 DEBUG: View 1 : 0.56043956044 +2016-09-01 10:57:08,937 DEBUG: View 2 : 0.620879120879 +2016-09-01 10:57:08,945 DEBUG: View 3 : 0.642857142857 +2016-09-01 10:57:09,011 DEBUG: Best view : View2 +2016-09-01 10:57:09,741 DEBUG: Start: Iteration 12 +2016-09-01 10:57:09,748 DEBUG: View 0 : 0.631868131868 +2016-09-01 10:57:09,756 DEBUG: View 1 : 0.648351648352 +2016-09-01 10:57:09,763 DEBUG: View 2 : 0.714285714286 +2016-09-01 10:57:09,770 DEBUG: View 3 : 0.642857142857 +2016-09-01 10:57:09,840 DEBUG: Best view : View2 +2016-09-01 10:57:10,636 DEBUG: Start: Iteration 13 +2016-09-01 10:57:10,643 DEBUG: View 0 : 0.642857142857 +2016-09-01 10:57:10,651 DEBUG: View 1 : 0.648351648352 +2016-09-01 10:57:10,658 DEBUG: View 2 : 0.725274725275 +2016-09-01 10:57:10,665 DEBUG: View 3 : 0.71978021978 +2016-09-01 10:57:10,738 DEBUG: Best view : View2 +2016-09-01 10:57:11,597 DEBUG: Start: Iteration 14 +2016-09-01 10:57:11,604 DEBUG: View 0 : 0.642857142857 +2016-09-01 10:57:11,611 DEBUG: View 1 : 0.626373626374 +2016-09-01 10:57:11,618 DEBUG: View 2 : 0.714285714286 +2016-09-01 10:57:11,626 DEBUG: View 3 : 0.71978021978 +2016-09-01 10:57:11,700 DEBUG: Best view : View2 +2016-09-01 10:57:12,626 INFO: Start: Classification +2016-09-01 10:57:14,185 INFO: Done: Fold number 2 +2016-09-01 10:57:14,185 INFO: Start: Fold number 3 +2016-09-01 10:57:14,389 DEBUG: Start: Iteration 1 +2016-09-01 10:57:14,396 DEBUG: View 0 : 0.47311827957 +2016-09-01 10:57:14,403 DEBUG: View 1 : 0.505376344086 +2016-09-01 10:57:14,410 DEBUG: View 2 : 0.430107526882 +2016-09-01 10:57:14,417 DEBUG: View 3 : 0.483870967742 +2016-09-01 10:57:14,452 DEBUG: Best view : View0 +2016-09-01 10:57:14,531 DEBUG: Start: Iteration 2 +2016-09-01 10:57:14,538 DEBUG: View 0 : 0.725806451613 +2016-09-01 10:57:14,546 DEBUG: View 1 : 0.612903225806 +2016-09-01 10:57:14,553 DEBUG: View 2 : 0.704301075269 +2016-09-01 10:57:14,560 DEBUG: View 3 : 0.720430107527 +2016-09-01 10:57:14,601 DEBUG: Best view : View0 +2016-09-01 10:57:14,748 DEBUG: Start: Iteration 3 +2016-09-01 10:57:14,755 DEBUG: View 0 : 0.725806451613 +2016-09-01 10:57:14,762 DEBUG: View 1 : 0.612903225806 +2016-09-01 10:57:14,769 DEBUG: View 2 : 0.704301075269 +2016-09-01 10:57:14,777 DEBUG: View 3 : 0.720430107527 +2016-09-01 10:57:14,822 DEBUG: Best view : View0 +2016-09-01 10:57:15,035 DEBUG: Start: Iteration 4 +2016-09-01 10:57:15,042 DEBUG: View 0 : 0.634408602151 +2016-09-01 10:57:15,049 DEBUG: View 1 : 0.602150537634 +2016-09-01 10:57:15,057 DEBUG: View 2 : 0.698924731183 +2016-09-01 10:57:15,064 DEBUG: View 3 : 0.629032258065 +2016-09-01 10:57:15,111 DEBUG: Best view : View2 +2016-09-01 10:57:15,393 DEBUG: Start: Iteration 5 +2016-09-01 10:57:15,400 DEBUG: View 0 : 0.634408602151 +2016-09-01 10:57:15,407 DEBUG: View 1 : 0.602150537634 +2016-09-01 10:57:15,415 DEBUG: View 2 : 0.698924731183 +2016-09-01 10:57:15,422 DEBUG: View 3 : 0.629032258065 +2016-09-01 10:57:15,472 DEBUG: Best view : View2 +2016-09-01 10:57:15,819 DEBUG: Start: Iteration 6 +2016-09-01 10:57:15,826 DEBUG: View 0 : 0.677419354839 +2016-09-01 10:57:15,833 DEBUG: View 1 : 0.688172043011 +2016-09-01 10:57:15,840 DEBUG: View 2 : 0.666666666667 +2016-09-01 10:57:15,848 DEBUG: View 3 : 0.677419354839 +2016-09-01 10:57:15,902 DEBUG: Best view : View0 +2016-09-01 10:57:16,314 DEBUG: Start: Iteration 7 +2016-09-01 10:57:16,321 DEBUG: View 0 : 0.677419354839 +2016-09-01 10:57:16,328 DEBUG: View 1 : 0.688172043011 +2016-09-01 10:57:16,335 DEBUG: View 2 : 0.645161290323 +2016-09-01 10:57:16,343 DEBUG: View 3 : 0.677419354839 +2016-09-01 10:57:16,399 DEBUG: Best view : View3 +2016-09-01 10:57:16,881 DEBUG: Start: Iteration 8 +2016-09-01 10:57:16,889 DEBUG: View 0 : 0.677419354839 +2016-09-01 10:57:16,896 DEBUG: View 1 : 0.693548387097 +2016-09-01 10:57:16,903 DEBUG: View 2 : 0.709677419355 +2016-09-01 10:57:16,910 DEBUG: View 3 : 0.725806451613 +2016-09-01 10:57:16,969 DEBUG: Best view : View3 +2016-09-01 10:57:17,514 DEBUG: Start: Iteration 9 +2016-09-01 10:57:17,522 DEBUG: View 0 : 0.688172043011 +2016-09-01 10:57:17,529 DEBUG: View 1 : 0.693548387097 +2016-09-01 10:57:17,536 DEBUG: View 2 : 0.709677419355 +2016-09-01 10:57:17,544 DEBUG: View 3 : 0.720430107527 +2016-09-01 10:57:17,605 DEBUG: Best view : View3 +2016-09-01 10:57:18,219 DEBUG: Start: Iteration 10 +2016-09-01 10:57:18,227 DEBUG: View 0 : 0.688172043011 +2016-09-01 10:57:18,233 DEBUG: View 1 : 0.591397849462 +2016-09-01 10:57:18,241 DEBUG: View 2 : 0.688172043011 +2016-09-01 10:57:18,249 DEBUG: View 3 : 0.672043010753 +2016-09-01 10:57:18,314 DEBUG: Best view : View2 +2016-09-01 10:57:18,994 DEBUG: Start: Iteration 11 +2016-09-01 10:57:19,001 DEBUG: View 0 : 0.682795698925 +2016-09-01 10:57:19,008 DEBUG: View 1 : 0.612903225806 +2016-09-01 10:57:19,015 DEBUG: View 2 : 0.693548387097 +2016-09-01 10:57:19,023 DEBUG: View 3 : 0.698924731183 +2016-09-01 10:57:19,090 DEBUG: Best view : View3 +2016-09-01 10:57:19,840 DEBUG: Start: Iteration 12 +2016-09-01 10:57:19,847 DEBUG: View 0 : 0.682795698925 +2016-09-01 10:57:19,855 DEBUG: View 1 : 0.612903225806 +2016-09-01 10:57:19,862 DEBUG: View 2 : 0.709677419355 +2016-09-01 10:57:19,870 DEBUG: View 3 : 0.698924731183 +2016-09-01 10:57:19,939 DEBUG: Best view : View3 +2016-09-01 10:57:20,756 DEBUG: Start: Iteration 13 +2016-09-01 10:57:20,763 DEBUG: View 0 : 0.677419354839 +2016-09-01 10:57:20,771 DEBUG: View 1 : 0.661290322581 +2016-09-01 10:57:20,777 DEBUG: View 2 : 0.704301075269 +2016-09-01 10:57:20,785 DEBUG: View 3 : 0.655913978495 +2016-09-01 10:57:20,858 DEBUG: Best view : View0 +2016-09-01 10:57:21,739 INFO: Start: Classification +2016-09-01 10:57:23,207 INFO: Done: Fold number 3 +2016-09-01 10:57:23,208 INFO: Start: Fold number 4 +2016-09-01 10:57:23,406 DEBUG: Start: Iteration 1 +2016-09-01 10:57:23,413 DEBUG: View 0 : 0.444444444444 +2016-09-01 10:57:23,419 DEBUG: View 1 : 0.477777777778 +2016-09-01 10:57:23,426 DEBUG: View 2 : 0.433333333333 +2016-09-01 10:57:23,433 DEBUG: View 3 : 0.494444444444 +2016-09-01 10:57:23,433 WARNING: WARNING: All bad for iteration 0 +2016-09-01 10:57:23,467 DEBUG: Best view : View0 +2016-09-01 10:57:23,544 DEBUG: Start: Iteration 2 +2016-09-01 10:57:23,551 DEBUG: View 0 : 0.716666666667 +2016-09-01 10:57:23,558 DEBUG: View 1 : 0.694444444444 +2016-09-01 10:57:23,565 DEBUG: View 2 : 0.722222222222 +2016-09-01 10:57:23,572 DEBUG: View 3 : 0.733333333333 +2016-09-01 10:57:23,612 DEBUG: Best view : View3 +2016-09-01 10:57:23,755 DEBUG: Start: Iteration 3 +2016-09-01 10:57:23,762 DEBUG: View 0 : 0.716666666667 +2016-09-01 10:57:23,769 DEBUG: View 1 : 0.694444444444 +2016-09-01 10:57:23,776 DEBUG: View 2 : 0.722222222222 +2016-09-01 10:57:23,783 DEBUG: View 3 : 0.733333333333 +2016-09-01 10:57:23,827 DEBUG: Best view : View3 +2016-09-01 10:57:24,034 DEBUG: Start: Iteration 4 +2016-09-01 10:57:24,041 DEBUG: View 0 : 0.65 +2016-09-01 10:57:24,048 DEBUG: View 1 : 0.7 +2016-09-01 10:57:24,055 DEBUG: View 2 : 0.661111111111 +2016-09-01 10:57:24,062 DEBUG: View 3 : 0.677777777778 +2016-09-01 10:57:24,108 DEBUG: Best view : View3 +2016-09-01 10:57:24,383 DEBUG: Start: Iteration 5 +2016-09-01 10:57:24,390 DEBUG: View 0 : 0.65 +2016-09-01 10:57:24,397 DEBUG: View 1 : 0.7 +2016-09-01 10:57:24,404 DEBUG: View 2 : 0.661111111111 +2016-09-01 10:57:24,411 DEBUG: View 3 : 0.677777777778 +2016-09-01 10:57:24,460 DEBUG: Best view : View3 +2016-09-01 10:57:24,795 DEBUG: Start: Iteration 6 +2016-09-01 10:57:24,802 DEBUG: View 0 : 0.622222222222 +2016-09-01 10:57:24,809 DEBUG: View 1 : 0.644444444444 +2016-09-01 10:57:24,816 DEBUG: View 2 : 0.672222222222 +2016-09-01 10:57:24,823 DEBUG: View 3 : 0.711111111111 +2016-09-01 10:57:24,875 DEBUG: Best view : View3 +2016-09-01 10:57:25,274 DEBUG: Start: Iteration 7 +2016-09-01 10:57:25,281 DEBUG: View 0 : 0.622222222222 +2016-09-01 10:57:25,291 DEBUG: View 1 : 0.588888888889 +2016-09-01 10:57:25,300 DEBUG: View 2 : 0.661111111111 +2016-09-01 10:57:25,307 DEBUG: View 3 : 0.711111111111 +2016-09-01 10:57:25,362 DEBUG: Best view : View3 +2016-09-01 10:57:25,829 DEBUG: Start: Iteration 8 +2016-09-01 10:57:25,836 DEBUG: View 0 : 0.611111111111 +2016-09-01 10:57:25,843 DEBUG: View 1 : 0.644444444444 +2016-09-01 10:57:25,850 DEBUG: View 2 : 0.666666666667 +2016-09-01 10:57:25,857 DEBUG: View 3 : 0.683333333333 +2016-09-01 10:57:25,914 DEBUG: Best view : View2 +2016-09-01 10:57:26,443 DEBUG: Start: Iteration 9 +2016-09-01 10:57:26,450 DEBUG: View 0 : 0.622222222222 +2016-09-01 10:57:26,457 DEBUG: View 1 : 0.655555555556 +2016-09-01 10:57:26,464 DEBUG: View 2 : 0.672222222222 +2016-09-01 10:57:26,471 DEBUG: View 3 : 0.716666666667 +2016-09-01 10:57:26,532 DEBUG: Best view : View3 +2016-09-01 10:57:27,125 DEBUG: Start: Iteration 10 +2016-09-01 10:57:27,132 DEBUG: View 0 : 0.622222222222 +2016-09-01 10:57:27,139 DEBUG: View 1 : 0.683333333333 +2016-09-01 10:57:27,146 DEBUG: View 2 : 0.672222222222 +2016-09-01 10:57:27,153 DEBUG: View 3 : 0.683333333333 +2016-09-01 10:57:27,217 DEBUG: Best view : View1 +2016-09-01 10:57:27,887 DEBUG: Start: Iteration 11 +2016-09-01 10:57:27,894 DEBUG: View 0 : 0.611111111111 +2016-09-01 10:57:27,901 DEBUG: View 1 : 0.683333333333 +2016-09-01 10:57:27,908 DEBUG: View 2 : 0.694444444444 +2016-09-01 10:57:27,915 DEBUG: View 3 : 0.672222222222 +2016-09-01 10:57:27,981 DEBUG: Best view : View2 +2016-09-01 10:57:28,705 DEBUG: Start: Iteration 12 +2016-09-01 10:57:28,712 DEBUG: View 0 : 0.65 +2016-09-01 10:57:28,719 DEBUG: View 1 : 0.638888888889 +2016-09-01 10:57:28,726 DEBUG: View 2 : 0.694444444444 +2016-09-01 10:57:28,733 DEBUG: View 3 : 0.688888888889 +2016-09-01 10:57:28,803 DEBUG: Best view : View2 +2016-09-01 10:57:29,591 INFO: Start: Classification +2016-09-01 10:57:30,923 INFO: Done: Fold number 4 +2016-09-01 10:57:30,924 INFO: Start: Fold number 5 +2016-09-01 10:57:31,122 DEBUG: Start: Iteration 1 +2016-09-01 10:57:31,129 DEBUG: View 0 : 0.505617977528 +2016-09-01 10:57:31,135 DEBUG: View 1 : 0.550561797753 +2016-09-01 10:57:31,142 DEBUG: View 2 : 0.460674157303 +2016-09-01 10:57:31,149 DEBUG: View 3 : 0.567415730337 +2016-09-01 10:57:31,183 DEBUG: Best view : View1 +2016-09-01 10:57:31,259 DEBUG: Start: Iteration 2 +2016-09-01 10:57:31,266 DEBUG: View 0 : 0.679775280899 +2016-09-01 10:57:31,273 DEBUG: View 1 : 0.674157303371 +2016-09-01 10:57:31,280 DEBUG: View 2 : 0.696629213483 +2016-09-01 10:57:31,287 DEBUG: View 3 : 0.719101123596 +2016-09-01 10:57:31,327 DEBUG: Best view : View3 +2016-09-01 10:57:31,468 DEBUG: Start: Iteration 3 +2016-09-01 10:57:31,475 DEBUG: View 0 : 0.679775280899 +2016-09-01 10:57:31,482 DEBUG: View 1 : 0.674157303371 +2016-09-01 10:57:31,489 DEBUG: View 2 : 0.696629213483 +2016-09-01 10:57:31,496 DEBUG: View 3 : 0.719101123596 +2016-09-01 10:57:31,539 DEBUG: Best view : View3 +2016-09-01 10:57:31,745 DEBUG: Start: Iteration 4 +2016-09-01 10:57:31,752 DEBUG: View 0 : 0.606741573034 +2016-09-01 10:57:31,759 DEBUG: View 1 : 0.595505617978 +2016-09-01 10:57:31,766 DEBUG: View 2 : 0.702247191011 +2016-09-01 10:57:31,773 DEBUG: View 3 : 0.674157303371 +2016-09-01 10:57:31,820 DEBUG: Best view : View2 +2016-09-01 10:57:32,089 DEBUG: Start: Iteration 5 +2016-09-01 10:57:32,096 DEBUG: View 0 : 0.606741573034 +2016-09-01 10:57:32,103 DEBUG: View 1 : 0.595505617978 +2016-09-01 10:57:32,110 DEBUG: View 2 : 0.702247191011 +2016-09-01 10:57:32,117 DEBUG: View 3 : 0.674157303371 +2016-09-01 10:57:32,166 DEBUG: Best view : View2 +2016-09-01 10:57:32,497 DEBUG: Start: Iteration 6 +2016-09-01 10:57:32,504 DEBUG: View 0 : 0.662921348315 +2016-09-01 10:57:32,512 DEBUG: View 1 : 0.668539325843 +2016-09-01 10:57:32,518 DEBUG: View 2 : 0.662921348315 +2016-09-01 10:57:32,526 DEBUG: View 3 : 0.696629213483 +2016-09-01 10:57:32,577 DEBUG: Best view : View3 +2016-09-01 10:57:32,972 DEBUG: Start: Iteration 7 +2016-09-01 10:57:32,979 DEBUG: View 0 : 0.662921348315 +2016-09-01 10:57:32,986 DEBUG: View 1 : 0.696629213483 +2016-09-01 10:57:32,993 DEBUG: View 2 : 0.662921348315 +2016-09-01 10:57:33,000 DEBUG: View 3 : 0.696629213483 +2016-09-01 10:57:33,054 DEBUG: Best view : View3 +2016-09-01 10:57:33,517 DEBUG: Start: Iteration 8 +2016-09-01 10:57:33,524 DEBUG: View 0 : 0.651685393258 +2016-09-01 10:57:33,531 DEBUG: View 1 : 0.668539325843 +2016-09-01 10:57:33,538 DEBUG: View 2 : 0.662921348315 +2016-09-01 10:57:33,545 DEBUG: View 3 : 0.707865168539 +2016-09-01 10:57:33,602 DEBUG: Best view : View3 +2016-09-01 10:57:34,124 DEBUG: Start: Iteration 9 +2016-09-01 10:57:34,131 DEBUG: View 0 : 0.662921348315 +2016-09-01 10:57:34,139 DEBUG: View 1 : 0.668539325843 +2016-09-01 10:57:34,145 DEBUG: View 2 : 0.679775280899 +2016-09-01 10:57:34,153 DEBUG: View 3 : 0.707865168539 +2016-09-01 10:57:34,212 DEBUG: Best view : View3 +2016-09-01 10:57:34,803 DEBUG: Start: Iteration 10 +2016-09-01 10:57:34,811 DEBUG: View 0 : 0.662921348315 +2016-09-01 10:57:34,818 DEBUG: View 1 : 0.696629213483 +2016-09-01 10:57:34,825 DEBUG: View 2 : 0.679775280899 +2016-09-01 10:57:34,833 DEBUG: View 3 : 0.713483146067 +2016-09-01 10:57:34,896 DEBUG: Best view : View3 +2016-09-01 10:57:35,551 DEBUG: Start: Iteration 11 +2016-09-01 10:57:35,559 DEBUG: View 0 : 0.662921348315 +2016-09-01 10:57:35,566 DEBUG: View 1 : 0.696629213483 +2016-09-01 10:57:35,573 DEBUG: View 2 : 0.679775280899 +2016-09-01 10:57:35,580 DEBUG: View 3 : 0.719101123596 +2016-09-01 10:57:35,651 DEBUG: Best view : View3 +2016-09-01 10:57:36,402 DEBUG: Start: Iteration 12 +2016-09-01 10:57:36,409 DEBUG: View 0 : 0.651685393258 +2016-09-01 10:57:36,416 DEBUG: View 1 : 0.668539325843 +2016-09-01 10:57:36,424 DEBUG: View 2 : 0.651685393258 +2016-09-01 10:57:36,431 DEBUG: View 3 : 0.696629213483 +2016-09-01 10:57:36,501 DEBUG: Best view : View3 +2016-09-01 10:57:37,313 INFO: Start: Classification +2016-09-01 10:57:38,702 INFO: Done: Fold number 5 +2016-09-01 10:57:38,702 INFO: Done: Classification +2016-09-01 10:57:38,703 INFO: Info: Time for Classification: 43[s] +2016-09-01 10:57:38,703 INFO: Start: Result Analysis for Mumbo +2016-09-01 10:57:46,405 INFO: Result for Multiview classification with Mumbo + +Average accuracy : + -On Train : 81.5158825307 + -On Test : 46.8292682927 + -On Validation : 69.2134831461Dataset info : + -Dataset name : Fake + -Labels : Methyl, MiRNA_, RNASeq, Clinic + -Views : View0 of shape (300, 14), View1 of shape (300, 8), View2 of shape (300, 12), View3 of shape (300, 16) + -5 folds + - Validation set length : 89 for learning rate : 0.7 on a total number of examples of 300 + + + +Mumbo configuration : + -Used 1 core(s) + -Iterations : min 1, max 100, threshold 0.002 + -Weak Classifiers : DecisionTree with depth 3, sub-sampled at 1.0 on View0 + -DecisionTree with depth 3, sub-sampled at 1.0 on View1 + -DecisionTree with depth 3, sub-sampled at 1.0 on View2 + -DecisionTree with depth 3, sub-sampled at 1.0 on View3 + + + +Computation time on 1 cores : + Database extraction time : 0:00:00 + Learn Prediction + Fold 1 0:00:07 0:00:01 + Fold 2 0:00:17 0:00:01 + Fold 3 0:00:26 0:00:01 + Fold 4 0:00:34 0:00:01 + Fold 5 0:00:42 0:00:01 + Total 0:02:08 0:00:07 + So a total classification time of 0:00:43. + + + +Mean average accuracies and stats for each fold : + - Fold 0, used 14 + - On View0 : + - Mean average Accuracy : 0.0847311827957 + - Percentage of time chosen : 0.92 + - On View1 : + - Mean average Accuracy : 0.081935483871 + - Percentage of time chosen : 0.01 + - On View2 : + - Mean average Accuracy : 0.0851612903226 + - Percentage of time chosen : 0.03 + - On View3 : + - Mean average Accuracy : 0.0855913978495 + - Percentage of time chosen : 0.04 + - Fold 1, used 15 + - On View0 : + - Mean average Accuracy : 0.0910989010989 + - Percentage of time chosen : 0.89 + - On View1 : + - Mean average Accuracy : 0.0860989010989 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0958241758242 + - Percentage of time chosen : 0.11 + - On View3 : + - Mean average Accuracy : 0.0919230769231 + - Percentage of time chosen : 0.0 + - Fold 2, used 14 + - On View0 : + - Mean average Accuracy : 0.0864516129032 + - Percentage of time chosen : 0.92 + - On View1 : + - Mean average Accuracy : 0.0817741935484 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0876344086022 + - Percentage of time chosen : 0.03 + - On View3 : + - Mean average Accuracy : 0.0870967741935 + - Percentage of time chosen : 0.05 + - Fold 3, used 13 + - On View0 : + - Mean average Accuracy : 0.0753888888889 + - Percentage of time chosen : 0.89 + - On View1 : + - Mean average Accuracy : 0.0780555555556 + - Percentage of time chosen : 0.01 + - On View2 : + - Mean average Accuracy : 0.0793333333333 + - Percentage of time chosen : 0.03 + - On View3 : + - Mean average Accuracy : 0.0818333333333 + - Percentage of time chosen : 0.07 + - Fold 4, used 13 + - On View0 : + - Mean average Accuracy : 0.0769662921348 + - Percentage of time chosen : 0.88 + - On View1 : + - Mean average Accuracy : 0.0785393258427 + - Percentage of time chosen : 0.01 + - On View2 : + - Mean average Accuracy : 0.0793820224719 + - Percentage of time chosen : 0.02 + - On View3 : + - Mean average Accuracy : 0.0829213483146 + - Percentage of time chosen : 0.09 + + For each iteration : + - Iteration 13 + Fold 4 + Accuracy on train : 48.3333333333 + Accuracy on test : 0.0 + Accuracy on validation : 48.3146067416 + Selected View : View0 + Fold 5 + Accuracy on train : 48.3146067416 + Accuracy on test : 0.0 + Accuracy on validation : 48.3146067416 + Selected View : View0 +2016-09-01 10:57:46,644 INFO: Done: Result Analysis diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105746Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png b/Code/MonoMutliViewClassifiers/Results/20160901-105746Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png new file mode 100644 index 0000000000000000000000000000000000000000..ed9cda4df6dda12ffd71c43385d682844c0f4ada Binary files /dev/null and b/Code/MonoMutliViewClassifiers/Results/20160901-105746Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png differ diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-105746Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt b/Code/MonoMutliViewClassifiers/Results/20160901-105746Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt new file mode 100644 index 0000000000000000000000000000000000000000..ab261f362a458922943c674e83db1e4e3e68865c --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-105746Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt @@ -0,0 +1,116 @@ + Result for Multiview classification with Mumbo + +Average accuracy : + -On Train : 81.5158825307 + -On Test : 46.8292682927 + -On Validation : 69.2134831461Dataset info : + -Dataset name : Fake + -Labels : Methyl, MiRNA_, RNASeq, Clinic + -Views : View0 of shape (300, 14), View1 of shape (300, 8), View2 of shape (300, 12), View3 of shape (300, 16) + -5 folds + - Validation set length : 89 for learning rate : 0.7 on a total number of examples of 300 + + + +Mumbo configuration : + -Used 1 core(s) + -Iterations : min 1, max 100, threshold 0.002 + -Weak Classifiers : DecisionTree with depth 3, sub-sampled at 1.0 on View0 + -DecisionTree with depth 3, sub-sampled at 1.0 on View1 + -DecisionTree with depth 3, sub-sampled at 1.0 on View2 + -DecisionTree with depth 3, sub-sampled at 1.0 on View3 + + + +Computation time on 1 cores : + Database extraction time : 0:00:00 + Learn Prediction + Fold 1 0:00:07 0:00:01 + Fold 2 0:00:17 0:00:01 + Fold 3 0:00:26 0:00:01 + Fold 4 0:00:34 0:00:01 + Fold 5 0:00:42 0:00:01 + Total 0:02:08 0:00:07 + So a total classification time of 0:00:43. + + + +Mean average accuracies and stats for each fold : + - Fold 0, used 14 + - On View0 : + - Mean average Accuracy : 0.0847311827957 + - Percentage of time chosen : 0.92 + - On View1 : + - Mean average Accuracy : 0.081935483871 + - Percentage of time chosen : 0.01 + - On View2 : + - Mean average Accuracy : 0.0851612903226 + - Percentage of time chosen : 0.03 + - On View3 : + - Mean average Accuracy : 0.0855913978495 + - Percentage of time chosen : 0.04 + - Fold 1, used 15 + - On View0 : + - Mean average Accuracy : 0.0910989010989 + - Percentage of time chosen : 0.89 + - On View1 : + - Mean average Accuracy : 0.0860989010989 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0958241758242 + - Percentage of time chosen : 0.11 + - On View3 : + - Mean average Accuracy : 0.0919230769231 + - Percentage of time chosen : 0.0 + - Fold 2, used 14 + - On View0 : + - Mean average Accuracy : 0.0864516129032 + - Percentage of time chosen : 0.92 + - On View1 : + - Mean average Accuracy : 0.0817741935484 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0876344086022 + - Percentage of time chosen : 0.03 + - On View3 : + - Mean average Accuracy : 0.0870967741935 + - Percentage of time chosen : 0.05 + - Fold 3, used 13 + - On View0 : + - Mean average Accuracy : 0.0753888888889 + - Percentage of time chosen : 0.89 + - On View1 : + - Mean average Accuracy : 0.0780555555556 + - Percentage of time chosen : 0.01 + - On View2 : + - Mean average Accuracy : 0.0793333333333 + - Percentage of time chosen : 0.03 + - On View3 : + - Mean average Accuracy : 0.0818333333333 + - Percentage of time chosen : 0.07 + - Fold 4, used 13 + - On View0 : + - Mean average Accuracy : 0.0769662921348 + - Percentage of time chosen : 0.88 + - On View1 : + - Mean average Accuracy : 0.0785393258427 + - Percentage of time chosen : 0.01 + - On View2 : + - Mean average Accuracy : 0.0793820224719 + - Percentage of time chosen : 0.02 + - On View3 : + - Mean average Accuracy : 0.0829213483146 + - Percentage of time chosen : 0.09 + + For each iteration : + - Iteration 13 + Fold 4 + Accuracy on train : 48.3333333333 + Accuracy on test : 0.0 + Accuracy on validation : 48.3146067416 + Selected View : View0 + Fold 5 + Accuracy on train : 48.3146067416 + Accuracy on test : 0.0 + Accuracy on validation : 48.3146067416 + Selected View : View0 \ No newline at end of file diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-110842-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-110842-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..7b6590d9e49cb9321d9d6c630efb747ef967d7bc --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-110842-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,400 @@ +2016-09-01 11:08:43,019 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 11:08:43,021 INFO: ### Main Programm for Multiview Classification +2016-09-01 11:08:43,021 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 11:08:43,021 INFO: Info: Shape of View0 :(300, 18) +2016-09-01 11:08:43,022 INFO: Info: Shape of View1 :(300, 16) +2016-09-01 11:08:43,022 INFO: Info: Shape of View2 :(300, 20) +2016-09-01 11:08:43,023 INFO: Info: Shape of View3 :(300, 18) +2016-09-01 11:08:43,023 INFO: Done: Read Database Files +2016-09-01 11:08:43,023 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 11:08:43,026 INFO: Done: Determine validation split +2016-09-01 11:08:43,026 INFO: Start: Determine 5 folds +2016-09-01 11:08:43,033 INFO: Info: Length of Learning Sets: 169 +2016-09-01 11:08:43,033 INFO: Info: Length of Testing Sets: 42 +2016-09-01 11:08:43,033 INFO: Info: Length of Validation Set: 89 +2016-09-01 11:08:43,033 INFO: Done: Determine folds +2016-09-01 11:08:43,033 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 11:08:43,033 INFO: Start: Fold number 1 +2016-09-01 11:08:43,242 DEBUG: Start: Iteration 1 +2016-09-01 11:08:43,249 DEBUG: View 0 : 0.508379888268 +2016-09-01 11:08:43,256 DEBUG: View 1 : 0.469273743017 +2016-09-01 11:08:43,264 DEBUG: View 2 : 0.519553072626 +2016-09-01 11:08:43,271 DEBUG: View 3 : 0.530726256983 +2016-09-01 11:08:43,306 DEBUG: Best view : View0 +2016-09-01 11:08:43,385 DEBUG: Start: Iteration 2 +2016-09-01 11:08:43,393 DEBUG: View 0 : 0.664804469274 +2016-09-01 11:08:43,400 DEBUG: View 1 : 0.709497206704 +2016-09-01 11:08:43,408 DEBUG: View 2 : 0.765363128492 +2016-09-01 11:08:43,415 DEBUG: View 3 : 0.675977653631 +2016-09-01 11:08:43,457 DEBUG: Best view : View2 +2016-09-01 11:08:43,606 DEBUG: Start: Iteration 3 +2016-09-01 11:08:43,624 DEBUG: View 0 : 0.664804469274 +2016-09-01 11:08:43,631 DEBUG: View 1 : 0.709497206704 +2016-09-01 11:08:43,639 DEBUG: View 2 : 0.765363128492 +2016-09-01 11:08:43,647 DEBUG: View 3 : 0.675977653631 +2016-09-01 11:08:43,692 DEBUG: Best view : View2 +2016-09-01 11:08:43,912 DEBUG: Start: Iteration 4 +2016-09-01 11:08:43,920 DEBUG: View 0 : 0.703910614525 +2016-09-01 11:08:43,928 DEBUG: View 1 : 0.731843575419 +2016-09-01 11:08:43,936 DEBUG: View 2 : 0.754189944134 +2016-09-01 11:08:43,943 DEBUG: View 3 : 0.703910614525 +2016-09-01 11:08:43,991 DEBUG: Best view : View2 +2016-09-01 11:08:44,265 DEBUG: Start: Iteration 5 +2016-09-01 11:08:44,272 DEBUG: View 0 : 0.703910614525 +2016-09-01 11:08:44,280 DEBUG: View 1 : 0.731843575419 +2016-09-01 11:08:44,288 DEBUG: View 2 : 0.754189944134 +2016-09-01 11:08:44,295 DEBUG: View 3 : 0.703910614525 +2016-09-01 11:08:44,345 DEBUG: Best view : View2 +2016-09-01 11:08:44,679 DEBUG: Start: Iteration 6 +2016-09-01 11:08:44,686 DEBUG: View 0 : 0.63687150838 +2016-09-01 11:08:44,694 DEBUG: View 1 : 0.653631284916 +2016-09-01 11:08:44,701 DEBUG: View 2 : 0.765363128492 +2016-09-01 11:08:44,709 DEBUG: View 3 : 0.68156424581 +2016-09-01 11:08:44,761 DEBUG: Best view : View2 +2016-09-01 11:08:45,162 DEBUG: Start: Iteration 7 +2016-09-01 11:08:45,170 DEBUG: View 0 : 0.63687150838 +2016-09-01 11:08:45,177 DEBUG: View 1 : 0.653631284916 +2016-09-01 11:08:45,185 DEBUG: View 2 : 0.765363128492 +2016-09-01 11:08:45,192 DEBUG: View 3 : 0.68156424581 +2016-09-01 11:08:45,248 DEBUG: Best view : View2 +2016-09-01 11:08:45,732 DEBUG: Start: Iteration 8 +2016-09-01 11:08:45,740 DEBUG: View 0 : 0.63687150838 +2016-09-01 11:08:45,748 DEBUG: View 1 : 0.659217877095 +2016-09-01 11:08:45,755 DEBUG: View 2 : 0.743016759777 +2016-09-01 11:08:45,763 DEBUG: View 3 : 0.692737430168 +2016-09-01 11:08:45,821 DEBUG: Best view : View2 +2016-09-01 11:08:46,359 DEBUG: Start: Iteration 9 +2016-09-01 11:08:46,367 DEBUG: View 0 : 0.675977653631 +2016-09-01 11:08:46,375 DEBUG: View 1 : 0.698324022346 +2016-09-01 11:08:46,382 DEBUG: View 2 : 0.759776536313 +2016-09-01 11:08:46,390 DEBUG: View 3 : 0.692737430168 +2016-09-01 11:08:46,450 DEBUG: Best view : View2 +2016-09-01 11:08:47,051 DEBUG: Start: Iteration 10 +2016-09-01 11:08:47,058 DEBUG: View 0 : 0.675977653631 +2016-09-01 11:08:47,066 DEBUG: View 1 : 0.698324022346 +2016-09-01 11:08:47,073 DEBUG: View 2 : 0.748603351955 +2016-09-01 11:08:47,081 DEBUG: View 3 : 0.698324022346 +2016-09-01 11:08:47,144 DEBUG: Best view : View2 +2016-09-01 11:08:47,805 DEBUG: Start: Iteration 11 +2016-09-01 11:08:47,813 DEBUG: View 0 : 0.664804469274 +2016-09-01 11:08:47,821 DEBUG: View 1 : 0.709497206704 +2016-09-01 11:08:47,828 DEBUG: View 2 : 0.748603351955 +2016-09-01 11:08:47,836 DEBUG: View 3 : 0.687150837989 +2016-09-01 11:08:47,901 DEBUG: Best view : View2 +2016-09-01 11:08:48,631 DEBUG: Start: Iteration 12 +2016-09-01 11:08:48,638 DEBUG: View 0 : 0.664804469274 +2016-09-01 11:08:48,645 DEBUG: View 1 : 0.709497206704 +2016-09-01 11:08:48,653 DEBUG: View 2 : 0.715083798883 +2016-09-01 11:08:48,661 DEBUG: View 3 : 0.687150837989 +2016-09-01 11:08:48,729 DEBUG: Best view : View2 +2016-09-01 11:08:49,552 INFO: Start: Classification +2016-09-01 11:08:50,936 INFO: Done: Fold number 1 +2016-09-01 11:08:50,936 INFO: Start: Fold number 2 +2016-09-01 11:08:51,197 DEBUG: Start: Iteration 1 +2016-09-01 11:08:51,205 DEBUG: View 0 : 0.531073446328 +2016-09-01 11:08:51,213 DEBUG: View 1 : 0.468926553672 +2016-09-01 11:08:51,221 DEBUG: View 2 : 0.463276836158 +2016-09-01 11:08:51,230 DEBUG: View 3 : 0.412429378531 +2016-09-01 11:08:51,269 DEBUG: Best view : View0 +2016-09-01 11:08:51,351 DEBUG: Start: Iteration 2 +2016-09-01 11:08:51,360 DEBUG: View 0 : 0.728813559322 +2016-09-01 11:08:51,369 DEBUG: View 1 : 0.717514124294 +2016-09-01 11:08:51,380 DEBUG: View 2 : 0.74011299435 +2016-09-01 11:08:51,389 DEBUG: View 3 : 0.700564971751 +2016-09-01 11:08:51,447 DEBUG: Best view : View2 +2016-09-01 11:08:51,611 DEBUG: Start: Iteration 3 +2016-09-01 11:08:51,620 DEBUG: View 0 : 0.728813559322 +2016-09-01 11:08:51,628 DEBUG: View 1 : 0.717514124294 +2016-09-01 11:08:51,637 DEBUG: View 2 : 0.728813559322 +2016-09-01 11:08:51,645 DEBUG: View 3 : 0.700564971751 +2016-09-01 11:08:51,695 DEBUG: Best view : View0 +2016-09-01 11:08:51,911 DEBUG: Start: Iteration 4 +2016-09-01 11:08:51,919 DEBUG: View 0 : 0.706214689266 +2016-09-01 11:08:51,926 DEBUG: View 1 : 0.587570621469 +2016-09-01 11:08:51,934 DEBUG: View 2 : 0.717514124294 +2016-09-01 11:08:51,941 DEBUG: View 3 : 0.672316384181 +2016-09-01 11:08:51,989 DEBUG: Best view : View0 +2016-09-01 11:08:52,265 DEBUG: Start: Iteration 5 +2016-09-01 11:08:52,273 DEBUG: View 0 : 0.706214689266 +2016-09-01 11:08:52,280 DEBUG: View 1 : 0.587570621469 +2016-09-01 11:08:52,287 DEBUG: View 2 : 0.717514124294 +2016-09-01 11:08:52,295 DEBUG: View 3 : 0.672316384181 +2016-09-01 11:08:52,344 DEBUG: Best view : View0 +2016-09-01 11:08:52,682 DEBUG: Start: Iteration 6 +2016-09-01 11:08:52,689 DEBUG: View 0 : 0.71186440678 +2016-09-01 11:08:52,697 DEBUG: View 1 : 0.666666666667 +2016-09-01 11:08:52,704 DEBUG: View 2 : 0.745762711864 +2016-09-01 11:08:52,712 DEBUG: View 3 : 0.689265536723 +2016-09-01 11:08:52,765 DEBUG: Best view : View2 +2016-09-01 11:08:53,167 DEBUG: Start: Iteration 7 +2016-09-01 11:08:53,175 DEBUG: View 0 : 0.762711864407 +2016-09-01 11:08:53,182 DEBUG: View 1 : 0.666666666667 +2016-09-01 11:08:53,190 DEBUG: View 2 : 0.734463276836 +2016-09-01 11:08:53,197 DEBUG: View 3 : 0.61581920904 +2016-09-01 11:08:53,252 DEBUG: Best view : View0 +2016-09-01 11:08:53,718 DEBUG: Start: Iteration 8 +2016-09-01 11:08:53,726 DEBUG: View 0 : 0.762711864407 +2016-09-01 11:08:53,734 DEBUG: View 1 : 0.61581920904 +2016-09-01 11:08:53,741 DEBUG: View 2 : 0.751412429379 +2016-09-01 11:08:53,749 DEBUG: View 3 : 0.689265536723 +2016-09-01 11:08:53,808 DEBUG: Best view : View0 +2016-09-01 11:08:54,343 DEBUG: Start: Iteration 9 +2016-09-01 11:08:54,350 DEBUG: View 0 : 0.728813559322 +2016-09-01 11:08:54,362 DEBUG: View 1 : 0.598870056497 +2016-09-01 11:08:54,375 DEBUG: View 2 : 0.734463276836 +2016-09-01 11:08:54,384 DEBUG: View 3 : 0.61581920904 +2016-09-01 11:08:54,445 DEBUG: Best view : View2 +2016-09-01 11:08:55,064 DEBUG: Start: Iteration 10 +2016-09-01 11:08:55,071 DEBUG: View 0 : 0.734463276836 +2016-09-01 11:08:55,079 DEBUG: View 1 : 0.71186440678 +2016-09-01 11:08:55,086 DEBUG: View 2 : 0.762711864407 +2016-09-01 11:08:55,094 DEBUG: View 3 : 0.700564971751 +2016-09-01 11:08:55,157 DEBUG: Best view : View2 +2016-09-01 11:08:55,839 DEBUG: Start: Iteration 11 +2016-09-01 11:08:55,846 DEBUG: View 0 : 0.717514124294 +2016-09-01 11:08:55,854 DEBUG: View 1 : 0.666666666667 +2016-09-01 11:08:55,861 DEBUG: View 2 : 0.762711864407 +2016-09-01 11:08:55,868 DEBUG: View 3 : 0.700564971751 +2016-09-01 11:08:55,935 DEBUG: Best view : View2 +2016-09-01 11:08:56,694 DEBUG: Start: Iteration 12 +2016-09-01 11:08:56,701 DEBUG: View 0 : 0.723163841808 +2016-09-01 11:08:56,709 DEBUG: View 1 : 0.666666666667 +2016-09-01 11:08:56,716 DEBUG: View 2 : 0.762711864407 +2016-09-01 11:08:56,724 DEBUG: View 3 : 0.677966101695 +2016-09-01 11:08:56,794 DEBUG: Best view : View2 +2016-09-01 11:08:57,600 DEBUG: Start: Iteration 13 +2016-09-01 11:08:57,607 DEBUG: View 0 : 0.723163841808 +2016-09-01 11:08:57,615 DEBUG: View 1 : 0.598870056497 +2016-09-01 11:08:57,622 DEBUG: View 2 : 0.768361581921 +2016-09-01 11:08:57,630 DEBUG: View 3 : 0.677966101695 +2016-09-01 11:08:57,701 DEBUG: Best view : View2 +2016-09-01 11:08:58,550 DEBUG: Start: Iteration 14 +2016-09-01 11:08:58,558 DEBUG: View 0 : 0.774011299435 +2016-09-01 11:08:58,565 DEBUG: View 1 : 0.598870056497 +2016-09-01 11:08:58,573 DEBUG: View 2 : 0.762711864407 +2016-09-01 11:08:58,580 DEBUG: View 3 : 0.677966101695 +2016-09-01 11:08:58,654 DEBUG: Best view : View0 +2016-09-01 11:08:59,573 INFO: Start: Classification +2016-09-01 11:09:01,157 INFO: Done: Fold number 2 +2016-09-01 11:09:01,158 INFO: Start: Fold number 3 +2016-09-01 11:09:01,376 DEBUG: Start: Iteration 1 +2016-09-01 11:09:01,383 DEBUG: View 0 : 0.559139784946 +2016-09-01 11:09:01,391 DEBUG: View 1 : 0.516129032258 +2016-09-01 11:09:01,397 DEBUG: View 2 : 0.569892473118 +2016-09-01 11:09:01,404 DEBUG: View 3 : 0.483870967742 +2016-09-01 11:09:01,441 DEBUG: Best view : View0 +2016-09-01 11:09:01,523 DEBUG: Start: Iteration 2 +2016-09-01 11:09:01,530 DEBUG: View 0 : 0.725806451613 +2016-09-01 11:09:01,538 DEBUG: View 1 : 0.666666666667 +2016-09-01 11:09:01,545 DEBUG: View 2 : 0.725806451613 +2016-09-01 11:09:01,553 DEBUG: View 3 : 0.693548387097 +2016-09-01 11:09:01,597 DEBUG: Best view : View0 +2016-09-01 11:09:01,746 DEBUG: Start: Iteration 3 +2016-09-01 11:09:01,753 DEBUG: View 0 : 0.725806451613 +2016-09-01 11:09:01,761 DEBUG: View 1 : 0.666666666667 +2016-09-01 11:09:01,769 DEBUG: View 2 : 0.725806451613 +2016-09-01 11:09:01,776 DEBUG: View 3 : 0.693548387097 +2016-09-01 11:09:01,823 DEBUG: Best view : View0 +2016-09-01 11:09:02,041 DEBUG: Start: Iteration 4 +2016-09-01 11:09:02,049 DEBUG: View 0 : 0.693548387097 +2016-09-01 11:09:02,057 DEBUG: View 1 : 0.55376344086 +2016-09-01 11:09:02,064 DEBUG: View 2 : 0.666666666667 +2016-09-01 11:09:02,072 DEBUG: View 3 : 0.677419354839 +2016-09-01 11:09:02,120 DEBUG: Best view : View0 +2016-09-01 11:09:02,403 DEBUG: Start: Iteration 5 +2016-09-01 11:09:02,411 DEBUG: View 0 : 0.693548387097 +2016-09-01 11:09:02,419 DEBUG: View 1 : 0.55376344086 +2016-09-01 11:09:02,426 DEBUG: View 2 : 0.661290322581 +2016-09-01 11:09:02,434 DEBUG: View 3 : 0.677419354839 +2016-09-01 11:09:02,486 DEBUG: Best view : View0 +2016-09-01 11:09:02,838 DEBUG: Start: Iteration 6 +2016-09-01 11:09:02,846 DEBUG: View 0 : 0.688172043011 +2016-09-01 11:09:02,853 DEBUG: View 1 : 0.623655913978 +2016-09-01 11:09:02,861 DEBUG: View 2 : 0.704301075269 +2016-09-01 11:09:02,869 DEBUG: View 3 : 0.693548387097 +2016-09-01 11:09:02,923 DEBUG: Best view : View3 +2016-09-01 11:09:03,343 DEBUG: Start: Iteration 7 +2016-09-01 11:09:03,351 DEBUG: View 0 : 0.709677419355 +2016-09-01 11:09:03,358 DEBUG: View 1 : 0.623655913978 +2016-09-01 11:09:03,366 DEBUG: View 2 : 0.709677419355 +2016-09-01 11:09:03,373 DEBUG: View 3 : 0.704301075269 +2016-09-01 11:09:03,431 DEBUG: Best view : View3 +2016-09-01 11:09:03,920 DEBUG: Start: Iteration 8 +2016-09-01 11:09:03,927 DEBUG: View 0 : 0.698924731183 +2016-09-01 11:09:03,935 DEBUG: View 1 : 0.612903225806 +2016-09-01 11:09:03,943 DEBUG: View 2 : 0.709677419355 +2016-09-01 11:09:03,950 DEBUG: View 3 : 0.672043010753 +2016-09-01 11:09:04,011 DEBUG: Best view : View2 +2016-09-01 11:09:04,563 DEBUG: Start: Iteration 9 +2016-09-01 11:09:04,571 DEBUG: View 0 : 0.704301075269 +2016-09-01 11:09:04,578 DEBUG: View 1 : 0.612903225806 +2016-09-01 11:09:04,586 DEBUG: View 2 : 0.709677419355 +2016-09-01 11:09:04,594 DEBUG: View 3 : 0.698924731183 +2016-09-01 11:09:04,658 DEBUG: Best view : View2 +2016-09-01 11:09:05,306 DEBUG: Start: Iteration 10 +2016-09-01 11:09:05,313 DEBUG: View 0 : 0.688172043011 +2016-09-01 11:09:05,321 DEBUG: View 1 : 0.661290322581 +2016-09-01 11:09:05,329 DEBUG: View 2 : 0.725806451613 +2016-09-01 11:09:05,336 DEBUG: View 3 : 0.682795698925 +2016-09-01 11:09:05,404 DEBUG: Best view : View2 +2016-09-01 11:09:06,111 INFO: Start: Classification +2016-09-01 11:09:07,326 INFO: Done: Fold number 3 +2016-09-01 11:09:07,326 INFO: Start: Fold number 4 +2016-09-01 11:09:07,534 DEBUG: Start: Iteration 1 +2016-09-01 11:09:07,541 DEBUG: View 0 : 0.533333333333 +2016-09-01 11:09:07,549 DEBUG: View 1 : 0.466666666667 +2016-09-01 11:09:07,557 DEBUG: View 2 : 0.533333333333 +2016-09-01 11:09:07,564 DEBUG: View 3 : 0.5 +2016-09-01 11:09:07,599 DEBUG: Best view : View2 +2016-09-01 11:09:07,680 DEBUG: Start: Iteration 2 +2016-09-01 11:09:07,687 DEBUG: View 0 : 0.722222222222 +2016-09-01 11:09:07,695 DEBUG: View 1 : 0.633333333333 +2016-09-01 11:09:07,703 DEBUG: View 2 : 0.777777777778 +2016-09-01 11:09:07,710 DEBUG: View 3 : 0.761111111111 +2016-09-01 11:09:07,753 DEBUG: Best view : View2 +2016-09-01 11:09:07,902 DEBUG: Start: Iteration 3 +2016-09-01 11:09:07,909 DEBUG: View 0 : 0.722222222222 +2016-09-01 11:09:07,917 DEBUG: View 1 : 0.633333333333 +2016-09-01 11:09:07,925 DEBUG: View 2 : 0.777777777778 +2016-09-01 11:09:07,932 DEBUG: View 3 : 0.761111111111 +2016-09-01 11:09:07,978 DEBUG: Best view : View2 +2016-09-01 11:09:08,193 DEBUG: Start: Iteration 4 +2016-09-01 11:09:08,200 DEBUG: View 0 : 0.733333333333 +2016-09-01 11:09:08,208 DEBUG: View 1 : 0.627777777778 +2016-09-01 11:09:08,216 DEBUG: View 2 : 0.755555555556 +2016-09-01 11:09:08,224 DEBUG: View 3 : 0.688888888889 +2016-09-01 11:09:08,273 DEBUG: Best view : View2 +2016-09-01 11:09:08,552 DEBUG: Start: Iteration 5 +2016-09-01 11:09:08,560 DEBUG: View 0 : 0.722222222222 +2016-09-01 11:09:08,567 DEBUG: View 1 : 0.627777777778 +2016-09-01 11:09:08,575 DEBUG: View 2 : 0.755555555556 +2016-09-01 11:09:08,582 DEBUG: View 3 : 0.683333333333 +2016-09-01 11:09:08,632 DEBUG: Best view : View2 +2016-09-01 11:09:08,977 DEBUG: Start: Iteration 6 +2016-09-01 11:09:08,984 DEBUG: View 0 : 0.722222222222 +2016-09-01 11:09:08,992 DEBUG: View 1 : 0.627777777778 +2016-09-01 11:09:08,999 DEBUG: View 2 : 0.75 +2016-09-01 11:09:09,006 DEBUG: View 3 : 0.733333333333 +2016-09-01 11:09:09,061 DEBUG: Best view : View2 +2016-09-01 11:09:09,483 DEBUG: Start: Iteration 7 +2016-09-01 11:09:09,490 DEBUG: View 0 : 0.733333333333 +2016-09-01 11:09:09,498 DEBUG: View 1 : 0.644444444444 +2016-09-01 11:09:09,505 DEBUG: View 2 : 0.733333333333 +2016-09-01 11:09:09,513 DEBUG: View 3 : 0.761111111111 +2016-09-01 11:09:09,569 DEBUG: Best view : View3 +2016-09-01 11:09:10,078 DEBUG: Start: Iteration 8 +2016-09-01 11:09:10,086 DEBUG: View 0 : 0.733333333333 +2016-09-01 11:09:10,093 DEBUG: View 1 : 0.627777777778 +2016-09-01 11:09:10,101 DEBUG: View 2 : 0.733333333333 +2016-09-01 11:09:10,109 DEBUG: View 3 : 0.761111111111 +2016-09-01 11:09:10,170 DEBUG: Best view : View3 +2016-09-01 11:09:10,726 DEBUG: Start: Iteration 9 +2016-09-01 11:09:10,734 DEBUG: View 0 : 0.744444444444 +2016-09-01 11:09:10,742 DEBUG: View 1 : 0.633333333333 +2016-09-01 11:09:10,749 DEBUG: View 2 : 0.672222222222 +2016-09-01 11:09:10,758 DEBUG: View 3 : 0.761111111111 +2016-09-01 11:09:10,821 DEBUG: Best view : View0 +2016-09-01 11:09:11,463 DEBUG: Start: Iteration 10 +2016-09-01 11:09:11,475 DEBUG: View 0 : 0.744444444444 +2016-09-01 11:09:11,484 DEBUG: View 1 : 0.633333333333 +2016-09-01 11:09:11,493 DEBUG: View 2 : 0.672222222222 +2016-09-01 11:09:11,501 DEBUG: View 3 : 0.75 +2016-09-01 11:09:11,570 DEBUG: Best view : View0 +2016-09-01 11:09:12,237 DEBUG: Start: Iteration 11 +2016-09-01 11:09:12,244 DEBUG: View 0 : 0.722222222222 +2016-09-01 11:09:12,252 DEBUG: View 1 : 0.633333333333 +2016-09-01 11:09:12,259 DEBUG: View 2 : 0.738888888889 +2016-09-01 11:09:12,267 DEBUG: View 3 : 0.705555555556 +2016-09-01 11:09:12,335 DEBUG: Best view : View2 +2016-09-01 11:09:13,074 DEBUG: Start: Iteration 12 +2016-09-01 11:09:13,082 DEBUG: View 0 : 0.722222222222 +2016-09-01 11:09:13,090 DEBUG: View 1 : 0.583333333333 +2016-09-01 11:09:13,097 DEBUG: View 2 : 0.75 +2016-09-01 11:09:13,105 DEBUG: View 3 : 0.683333333333 +2016-09-01 11:09:13,176 DEBUG: Best view : View2 +2016-09-01 11:09:13,983 INFO: Start: Classification +2016-09-01 11:09:15,324 INFO: Done: Fold number 4 +2016-09-01 11:09:15,324 INFO: Start: Fold number 5 +2016-09-01 11:09:15,525 DEBUG: Start: Iteration 1 +2016-09-01 11:09:15,532 DEBUG: View 0 : 0.522222222222 +2016-09-01 11:09:15,539 DEBUG: View 1 : 0.477777777778 +2016-09-01 11:09:15,546 DEBUG: View 2 : 0.472222222222 +2016-09-01 11:09:15,554 DEBUG: View 3 : 0.505555555556 +2016-09-01 11:09:15,589 DEBUG: Best view : View0 +2016-09-01 11:09:15,669 DEBUG: Start: Iteration 2 +2016-09-01 11:09:15,677 DEBUG: View 0 : 0.727777777778 +2016-09-01 11:09:15,684 DEBUG: View 1 : 0.727777777778 +2016-09-01 11:09:15,691 DEBUG: View 2 : 0.75 +2016-09-01 11:09:15,699 DEBUG: View 3 : 0.722222222222 +2016-09-01 11:09:15,741 DEBUG: Best view : View2 +2016-09-01 11:09:15,885 DEBUG: Start: Iteration 3 +2016-09-01 11:09:15,892 DEBUG: View 0 : 0.727777777778 +2016-09-01 11:09:15,900 DEBUG: View 1 : 0.727777777778 +2016-09-01 11:09:15,907 DEBUG: View 2 : 0.75 +2016-09-01 11:09:15,915 DEBUG: View 3 : 0.722222222222 +2016-09-01 11:09:15,961 DEBUG: Best view : View2 +2016-09-01 11:09:16,169 DEBUG: Start: Iteration 4 +2016-09-01 11:09:16,177 DEBUG: View 0 : 0.722222222222 +2016-09-01 11:09:16,184 DEBUG: View 1 : 0.661111111111 +2016-09-01 11:09:16,192 DEBUG: View 2 : 0.705555555556 +2016-09-01 11:09:16,200 DEBUG: View 3 : 0.705555555556 +2016-09-01 11:09:16,248 DEBUG: Best view : View0 +2016-09-01 11:09:16,521 DEBUG: Start: Iteration 5 +2016-09-01 11:09:16,529 DEBUG: View 0 : 0.722222222222 +2016-09-01 11:09:16,536 DEBUG: View 1 : 0.661111111111 +2016-09-01 11:09:16,544 DEBUG: View 2 : 0.705555555556 +2016-09-01 11:09:16,551 DEBUG: View 3 : 0.705555555556 +2016-09-01 11:09:16,602 DEBUG: Best view : View0 +2016-09-01 11:09:16,940 DEBUG: Start: Iteration 6 +2016-09-01 11:09:16,948 DEBUG: View 0 : 0.688888888889 +2016-09-01 11:09:16,955 DEBUG: View 1 : 0.683333333333 +2016-09-01 11:09:16,963 DEBUG: View 2 : 0.611111111111 +2016-09-01 11:09:16,971 DEBUG: View 3 : 0.7 +2016-09-01 11:09:17,024 DEBUG: Best view : View3 +2016-09-01 11:09:17,428 DEBUG: Start: Iteration 7 +2016-09-01 11:09:17,435 DEBUG: View 0 : 0.683333333333 +2016-09-01 11:09:17,443 DEBUG: View 1 : 0.688888888889 +2016-09-01 11:09:17,451 DEBUG: View 2 : 0.611111111111 +2016-09-01 11:09:17,458 DEBUG: View 3 : 0.661111111111 +2016-09-01 11:09:17,514 DEBUG: Best view : View3 +2016-09-01 11:09:17,980 DEBUG: Start: Iteration 8 +2016-09-01 11:09:17,988 DEBUG: View 0 : 0.694444444444 +2016-09-01 11:09:17,996 DEBUG: View 1 : 0.688888888889 +2016-09-01 11:09:18,003 DEBUG: View 2 : 0.638888888889 +2016-09-01 11:09:18,011 DEBUG: View 3 : 0.694444444444 +2016-09-01 11:09:18,069 DEBUG: Best view : View0 +2016-09-01 11:09:18,600 DEBUG: Start: Iteration 9 +2016-09-01 11:09:18,607 DEBUG: View 0 : 0.716666666667 +2016-09-01 11:09:18,615 DEBUG: View 1 : 0.666666666667 +2016-09-01 11:09:18,623 DEBUG: View 2 : 0.716666666667 +2016-09-01 11:09:18,632 DEBUG: View 3 : 0.7 +2016-09-01 11:09:18,694 DEBUG: Best view : View2 +2016-09-01 11:09:19,291 DEBUG: Start: Iteration 10 +2016-09-01 11:09:19,299 DEBUG: View 0 : 0.716666666667 +2016-09-01 11:09:19,307 DEBUG: View 1 : 0.683333333333 +2016-09-01 11:09:19,314 DEBUG: View 2 : 0.666666666667 +2016-09-01 11:09:19,322 DEBUG: View 3 : 0.705555555556 +2016-09-01 11:09:19,386 DEBUG: Best view : View3 +2016-09-01 11:09:20,048 DEBUG: Start: Iteration 11 +2016-09-01 11:09:20,055 DEBUG: View 0 : 0.727777777778 +2016-09-01 11:09:20,063 DEBUG: View 1 : 0.683333333333 +2016-09-01 11:09:20,070 DEBUG: View 2 : 0.666666666667 +2016-09-01 11:09:20,078 DEBUG: View 3 : 0.705555555556 +2016-09-01 11:09:20,146 DEBUG: Best view : View3 +2016-09-01 11:09:20,872 DEBUG: Start: Iteration 12 +2016-09-01 11:09:20,879 DEBUG: View 0 : 0.727777777778 +2016-09-01 11:09:20,887 DEBUG: View 1 : 0.683333333333 +2016-09-01 11:09:20,895 DEBUG: View 2 : 0.727777777778 +2016-09-01 11:09:20,903 DEBUG: View 3 : 0.705555555556 +2016-09-01 11:09:20,973 DEBUG: Best view : View2 +2016-09-01 11:09:21,769 DEBUG: Start: Iteration 13 +2016-09-01 11:09:21,776 DEBUG: View 0 : 0.727777777778 +2016-09-01 11:09:21,784 DEBUG: View 1 : 0.683333333333 +2016-09-01 11:09:21,792 DEBUG: View 2 : 0.727777777778 +2016-09-01 11:09:21,799 DEBUG: View 3 : 0.7 +2016-09-01 11:09:21,870 DEBUG: Best view : View2 +2016-09-01 11:09:22,723 INFO: Start: Classification +2016-09-01 11:09:24,174 INFO: Done: Fold number 5 +2016-09-01 11:09:24,174 INFO: Done: Classification +2016-09-01 11:09:24,174 INFO: Info: Time for Classification: 41[s] +2016-09-01 11:09:24,174 INFO: Start: Result Analysis for Mumbo diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-111007-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log b/Code/MonoMutliViewClassifiers/Results/20160901-111007-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log new file mode 100644 index 0000000000000000000000000000000000000000..26187dda3d7109bd7ddbbd282c1f05cbda421c78 --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-111007-CMultiV-Multiview-Methyl_MiRNA__RNASeq_Clinic-Fake-LOG.log @@ -0,0 +1,706 @@ +2016-09-01 11:10:07,033 INFO: Start: Finding all available mono- & multiview algorithms +2016-09-01 11:10:07,035 INFO: ### Main Programm for Multiview Classification +2016-09-01 11:10:07,035 INFO: ### Classification - Database : Fake ; Views : Methyl, MiRNA_, RNASeq, Clinic ; Algorithm : Mumbo ; Cores : 1 +2016-09-01 11:10:07,035 INFO: Info: Shape of View0 :(300, 11) +2016-09-01 11:10:07,036 INFO: Info: Shape of View1 :(300, 15) +2016-09-01 11:10:07,036 INFO: Info: Shape of View2 :(300, 14) +2016-09-01 11:10:07,037 INFO: Info: Shape of View3 :(300, 5) +2016-09-01 11:10:07,037 INFO: Done: Read Database Files +2016-09-01 11:10:07,037 INFO: Start: Determine validation split for ratio 0.7 +2016-09-01 11:10:07,040 INFO: Done: Determine validation split +2016-09-01 11:10:07,041 INFO: Start: Determine 5 folds +2016-09-01 11:10:07,047 INFO: Info: Length of Learning Sets: 168 +2016-09-01 11:10:07,047 INFO: Info: Length of Testing Sets: 42 +2016-09-01 11:10:07,047 INFO: Info: Length of Validation Set: 90 +2016-09-01 11:10:07,047 INFO: Done: Determine folds +2016-09-01 11:10:07,047 INFO: Start: Learning with Mumbo and 5 folds +2016-09-01 11:10:07,047 INFO: Start: Fold number 1 +2016-09-01 11:10:07,261 DEBUG: Start: Iteration 1 +2016-09-01 11:10:07,268 DEBUG: View 0 : 0.568306010929 +2016-09-01 11:10:07,275 DEBUG: View 1 : 0.568306010929 +2016-09-01 11:10:07,281 DEBUG: View 2 : 0.568306010929 +2016-09-01 11:10:07,288 DEBUG: View 3 : 0.568306010929 +2016-09-01 11:10:07,324 DEBUG: Best view : View0 +2016-09-01 11:10:07,404 DEBUG: Start: Iteration 2 +2016-09-01 11:10:07,411 DEBUG: View 0 : 0.693989071038 +2016-09-01 11:10:07,418 DEBUG: View 1 : 0.699453551913 +2016-09-01 11:10:07,425 DEBUG: View 2 : 0.715846994536 +2016-09-01 11:10:07,432 DEBUG: View 3 : 0.677595628415 +2016-09-01 11:10:07,475 DEBUG: Best view : View2 +2016-09-01 11:10:07,627 DEBUG: Start: Iteration 3 +2016-09-01 11:10:07,646 DEBUG: View 0 : 0.693989071038 +2016-09-01 11:10:07,653 DEBUG: View 1 : 0.699453551913 +2016-09-01 11:10:07,661 DEBUG: View 2 : 0.715846994536 +2016-09-01 11:10:07,668 DEBUG: View 3 : 0.677595628415 +2016-09-01 11:10:07,713 DEBUG: Best view : View2 +2016-09-01 11:10:07,933 DEBUG: Start: Iteration 4 +2016-09-01 11:10:07,940 DEBUG: View 0 : 0.568306010929 +2016-09-01 11:10:07,948 DEBUG: View 1 : 0.693989071038 +2016-09-01 11:10:07,956 DEBUG: View 2 : 0.737704918033 +2016-09-01 11:10:07,963 DEBUG: View 3 : 0.584699453552 +2016-09-01 11:10:08,011 DEBUG: Best view : View2 +2016-09-01 11:10:08,291 DEBUG: Start: Iteration 5 +2016-09-01 11:10:08,298 DEBUG: View 0 : 0.568306010929 +2016-09-01 11:10:08,306 DEBUG: View 1 : 0.693989071038 +2016-09-01 11:10:08,313 DEBUG: View 2 : 0.737704918033 +2016-09-01 11:10:08,319 DEBUG: View 3 : 0.584699453552 +2016-09-01 11:10:08,370 DEBUG: Best view : View2 +2016-09-01 11:10:08,717 DEBUG: Start: Iteration 6 +2016-09-01 11:10:08,724 DEBUG: View 0 : 0.666666666667 +2016-09-01 11:10:08,732 DEBUG: View 1 : 0.699453551913 +2016-09-01 11:10:08,739 DEBUG: View 2 : 0.68306010929 +2016-09-01 11:10:08,746 DEBUG: View 3 : 0.639344262295 +2016-09-01 11:10:08,799 DEBUG: Best view : View2 +2016-09-01 11:10:09,207 DEBUG: Start: Iteration 7 +2016-09-01 11:10:09,215 DEBUG: View 0 : 0.688524590164 +2016-09-01 11:10:09,222 DEBUG: View 1 : 0.699453551913 +2016-09-01 11:10:09,230 DEBUG: View 2 : 0.704918032787 +2016-09-01 11:10:09,236 DEBUG: View 3 : 0.688524590164 +2016-09-01 11:10:09,294 DEBUG: Best view : View0 +2016-09-01 11:10:09,781 DEBUG: Start: Iteration 8 +2016-09-01 11:10:09,789 DEBUG: View 0 : 0.688524590164 +2016-09-01 11:10:09,797 DEBUG: View 1 : 0.693989071038 +2016-09-01 11:10:09,804 DEBUG: View 2 : 0.737704918033 +2016-09-01 11:10:09,811 DEBUG: View 3 : 0.688524590164 +2016-09-01 11:10:09,872 DEBUG: Best view : View2 +2016-09-01 11:10:10,424 INFO: Start: Classification +2016-09-01 11:10:11,320 INFO: Done: Fold number 1 +2016-09-01 11:10:11,321 INFO: Start: Fold number 2 +2016-09-01 11:10:11,522 DEBUG: Start: Iteration 1 +2016-09-01 11:10:11,529 DEBUG: View 0 : 0.453038674033 +2016-09-01 11:10:11,536 DEBUG: View 1 : 0.552486187845 +2016-09-01 11:10:11,543 DEBUG: View 2 : 0.591160220994 +2016-09-01 11:10:11,550 DEBUG: View 3 : 0.585635359116 +2016-09-01 11:10:11,585 DEBUG: Best view : View2 +2016-09-01 11:10:11,662 DEBUG: Start: Iteration 2 +2016-09-01 11:10:11,669 DEBUG: View 0 : 0.740331491713 +2016-09-01 11:10:11,676 DEBUG: View 1 : 0.701657458564 +2016-09-01 11:10:11,684 DEBUG: View 2 : 0.71270718232 +2016-09-01 11:10:11,691 DEBUG: View 3 : 0.651933701657 +2016-09-01 11:10:11,733 DEBUG: Best view : View0 +2016-09-01 11:10:11,876 DEBUG: Start: Iteration 3 +2016-09-01 11:10:11,883 DEBUG: View 0 : 0.740331491713 +2016-09-01 11:10:11,891 DEBUG: View 1 : 0.701657458564 +2016-09-01 11:10:11,898 DEBUG: View 2 : 0.71270718232 +2016-09-01 11:10:11,905 DEBUG: View 3 : 0.591160220994 +2016-09-01 11:10:11,949 DEBUG: Best view : View0 +2016-09-01 11:10:12,157 DEBUG: Start: Iteration 4 +2016-09-01 11:10:12,164 DEBUG: View 0 : 0.71270718232 +2016-09-01 11:10:12,172 DEBUG: View 1 : 0.723756906077 +2016-09-01 11:10:12,179 DEBUG: View 2 : 0.71270718232 +2016-09-01 11:10:12,186 DEBUG: View 3 : 0.685082872928 +2016-09-01 11:10:12,233 DEBUG: Best view : View2 +2016-09-01 11:10:12,505 DEBUG: Start: Iteration 5 +2016-09-01 11:10:12,512 DEBUG: View 0 : 0.646408839779 +2016-09-01 11:10:12,519 DEBUG: View 1 : 0.718232044199 +2016-09-01 11:10:12,526 DEBUG: View 2 : 0.71270718232 +2016-09-01 11:10:12,533 DEBUG: View 3 : 0.685082872928 +2016-09-01 11:10:12,583 DEBUG: Best view : View2 +2016-09-01 11:10:12,920 DEBUG: Start: Iteration 6 +2016-09-01 11:10:12,927 DEBUG: View 0 : 0.668508287293 +2016-09-01 11:10:12,935 DEBUG: View 1 : 0.718232044199 +2016-09-01 11:10:12,942 DEBUG: View 2 : 0.723756906077 +2016-09-01 11:10:12,949 DEBUG: View 3 : 0.685082872928 +2016-09-01 11:10:13,002 DEBUG: Best view : View2 +2016-09-01 11:10:13,405 DEBUG: Start: Iteration 7 +2016-09-01 11:10:13,412 DEBUG: View 0 : 0.685082872928 +2016-09-01 11:10:13,420 DEBUG: View 1 : 0.75138121547 +2016-09-01 11:10:13,427 DEBUG: View 2 : 0.718232044199 +2016-09-01 11:10:13,434 DEBUG: View 3 : 0.657458563536 +2016-09-01 11:10:13,489 DEBUG: Best view : View1 +2016-09-01 11:10:13,955 DEBUG: Start: Iteration 8 +2016-09-01 11:10:13,962 DEBUG: View 0 : 0.685082872928 +2016-09-01 11:10:13,969 DEBUG: View 1 : 0.75138121547 +2016-09-01 11:10:13,976 DEBUG: View 2 : 0.718232044199 +2016-09-01 11:10:13,983 DEBUG: View 3 : 0.657458563536 +2016-09-01 11:10:14,041 DEBUG: Best view : View1 +2016-09-01 11:10:14,570 DEBUG: Start: Iteration 9 +2016-09-01 11:10:14,577 DEBUG: View 0 : 0.71270718232 +2016-09-01 11:10:14,584 DEBUG: View 1 : 0.635359116022 +2016-09-01 11:10:14,591 DEBUG: View 2 : 0.707182320442 +2016-09-01 11:10:14,598 DEBUG: View 3 : 0.635359116022 +2016-09-01 11:10:14,659 DEBUG: Best view : View2 +2016-09-01 11:10:15,256 DEBUG: Start: Iteration 10 +2016-09-01 11:10:15,263 DEBUG: View 0 : 0.734806629834 +2016-09-01 11:10:15,271 DEBUG: View 1 : 0.635359116022 +2016-09-01 11:10:15,278 DEBUG: View 2 : 0.707182320442 +2016-09-01 11:10:15,285 DEBUG: View 3 : 0.690607734807 +2016-09-01 11:10:15,349 DEBUG: Best view : View0 +2016-09-01 11:10:16,009 INFO: Start: Classification +2016-09-01 11:10:17,126 INFO: Done: Fold number 2 +2016-09-01 11:10:17,126 INFO: Start: Fold number 3 +2016-09-01 11:10:17,328 DEBUG: Start: Iteration 1 +2016-09-01 11:10:17,335 DEBUG: View 0 : 0.568306010929 +2016-09-01 11:10:17,341 DEBUG: View 1 : 0.568306010929 +2016-09-01 11:10:17,348 DEBUG: View 2 : 0.568306010929 +2016-09-01 11:10:17,354 DEBUG: View 3 : 0.568306010929 +2016-09-01 11:10:17,390 DEBUG: Best view : View0 +2016-09-01 11:10:17,468 DEBUG: Start: Iteration 2 +2016-09-01 11:10:17,475 DEBUG: View 0 : 0.710382513661 +2016-09-01 11:10:17,482 DEBUG: View 1 : 0.710382513661 +2016-09-01 11:10:17,489 DEBUG: View 2 : 0.72131147541 +2016-09-01 11:10:17,496 DEBUG: View 3 : 0.677595628415 +2016-09-01 11:10:17,538 DEBUG: Best view : View2 +2016-09-01 11:10:17,683 DEBUG: Start: Iteration 3 +2016-09-01 11:10:17,691 DEBUG: View 0 : 0.710382513661 +2016-09-01 11:10:17,699 DEBUG: View 1 : 0.710382513661 +2016-09-01 11:10:17,706 DEBUG: View 2 : 0.72131147541 +2016-09-01 11:10:17,713 DEBUG: View 3 : 0.677595628415 +2016-09-01 11:10:17,759 DEBUG: Best view : View2 +2016-09-01 11:10:17,969 DEBUG: Start: Iteration 4 +2016-09-01 11:10:17,976 DEBUG: View 0 : 0.715846994536 +2016-09-01 11:10:17,983 DEBUG: View 1 : 0.672131147541 +2016-09-01 11:10:17,991 DEBUG: View 2 : 0.748633879781 +2016-09-01 11:10:17,997 DEBUG: View 3 : 0.693989071038 +2016-09-01 11:10:18,045 DEBUG: Best view : View2 +2016-09-01 11:10:18,320 DEBUG: Start: Iteration 5 +2016-09-01 11:10:18,327 DEBUG: View 0 : 0.715846994536 +2016-09-01 11:10:18,335 DEBUG: View 1 : 0.672131147541 +2016-09-01 11:10:18,342 DEBUG: View 2 : 0.748633879781 +2016-09-01 11:10:18,349 DEBUG: View 3 : 0.693989071038 +2016-09-01 11:10:18,400 DEBUG: Best view : View2 +2016-09-01 11:10:18,740 DEBUG: Start: Iteration 6 +2016-09-01 11:10:18,747 DEBUG: View 0 : 0.72131147541 +2016-09-01 11:10:18,755 DEBUG: View 1 : 0.650273224044 +2016-09-01 11:10:18,762 DEBUG: View 2 : 0.75956284153 +2016-09-01 11:10:18,768 DEBUG: View 3 : 0.628415300546 +2016-09-01 11:10:18,822 DEBUG: Best view : View2 +2016-09-01 11:10:19,238 DEBUG: Start: Iteration 7 +2016-09-01 11:10:19,245 DEBUG: View 0 : 0.688524590164 +2016-09-01 11:10:19,252 DEBUG: View 1 : 0.677595628415 +2016-09-01 11:10:19,260 DEBUG: View 2 : 0.715846994536 +2016-09-01 11:10:19,267 DEBUG: View 3 : 0.628415300546 +2016-09-01 11:10:19,322 DEBUG: Best view : View2 +2016-09-01 11:10:19,792 DEBUG: Start: Iteration 8 +2016-09-01 11:10:19,799 DEBUG: View 0 : 0.688524590164 +2016-09-01 11:10:19,807 DEBUG: View 1 : 0.699453551913 +2016-09-01 11:10:19,814 DEBUG: View 2 : 0.72131147541 +2016-09-01 11:10:19,821 DEBUG: View 3 : 0.622950819672 +2016-09-01 11:10:19,880 DEBUG: Best view : View2 +2016-09-01 11:10:20,415 INFO: Start: Classification +2016-09-01 11:10:21,316 INFO: Done: Fold number 3 +2016-09-01 11:10:21,316 INFO: Start: Fold number 4 +2016-09-01 11:10:21,517 DEBUG: Start: Iteration 1 +2016-09-01 11:10:21,523 DEBUG: View 0 : 0.558011049724 +2016-09-01 11:10:21,530 DEBUG: View 1 : 0.558011049724 +2016-09-01 11:10:21,536 DEBUG: View 2 : 0.558011049724 +2016-09-01 11:10:21,542 DEBUG: View 3 : 0.558011049724 +2016-09-01 11:10:21,578 DEBUG: Best view : View0 +2016-09-01 11:10:21,655 DEBUG: Start: Iteration 2 +2016-09-01 11:10:21,662 DEBUG: View 0 : 0.707182320442 +2016-09-01 11:10:21,670 DEBUG: View 1 : 0.75138121547 +2016-09-01 11:10:21,677 DEBUG: View 2 : 0.723756906077 +2016-09-01 11:10:21,683 DEBUG: View 3 : 0.71270718232 +2016-09-01 11:10:21,725 DEBUG: Best view : View1 +2016-09-01 11:10:21,867 DEBUG: Start: Iteration 3 +2016-09-01 11:10:21,874 DEBUG: View 0 : 0.707182320442 +2016-09-01 11:10:21,882 DEBUG: View 1 : 0.75138121547 +2016-09-01 11:10:21,889 DEBUG: View 2 : 0.723756906077 +2016-09-01 11:10:21,895 DEBUG: View 3 : 0.71270718232 +2016-09-01 11:10:21,940 DEBUG: Best view : View1 +2016-09-01 11:10:22,147 DEBUG: Start: Iteration 4 +2016-09-01 11:10:22,154 DEBUG: View 0 : 0.67955801105 +2016-09-01 11:10:22,162 DEBUG: View 1 : 0.718232044199 +2016-09-01 11:10:22,169 DEBUG: View 2 : 0.690607734807 +2016-09-01 11:10:22,176 DEBUG: View 3 : 0.668508287293 +2016-09-01 11:10:22,223 DEBUG: Best view : View1 +2016-09-01 11:10:22,496 DEBUG: Start: Iteration 5 +2016-09-01 11:10:22,503 DEBUG: View 0 : 0.67955801105 +2016-09-01 11:10:22,511 DEBUG: View 1 : 0.718232044199 +2016-09-01 11:10:22,518 DEBUG: View 2 : 0.690607734807 +2016-09-01 11:10:22,525 DEBUG: View 3 : 0.668508287293 +2016-09-01 11:10:22,575 DEBUG: Best view : View1 +2016-09-01 11:10:22,914 DEBUG: Start: Iteration 6 +2016-09-01 11:10:22,921 DEBUG: View 0 : 0.707182320442 +2016-09-01 11:10:22,929 DEBUG: View 1 : 0.740331491713 +2016-09-01 11:10:22,936 DEBUG: View 2 : 0.729281767956 +2016-09-01 11:10:22,942 DEBUG: View 3 : 0.662983425414 +2016-09-01 11:10:22,995 DEBUG: Best view : View2 +2016-09-01 11:10:23,397 DEBUG: Start: Iteration 7 +2016-09-01 11:10:23,404 DEBUG: View 0 : 0.707182320442 +2016-09-01 11:10:23,412 DEBUG: View 1 : 0.640883977901 +2016-09-01 11:10:23,419 DEBUG: View 2 : 0.729281767956 +2016-09-01 11:10:23,426 DEBUG: View 3 : 0.685082872928 +2016-09-01 11:10:23,482 DEBUG: Best view : View2 +2016-09-01 11:10:23,952 DEBUG: Start: Iteration 8 +2016-09-01 11:10:23,959 DEBUG: View 0 : 0.707182320442 +2016-09-01 11:10:23,967 DEBUG: View 1 : 0.640883977901 +2016-09-01 11:10:23,974 DEBUG: View 2 : 0.734806629834 +2016-09-01 11:10:23,981 DEBUG: View 3 : 0.67955801105 +2016-09-01 11:10:24,039 DEBUG: Best view : View2 +2016-09-01 11:10:24,569 DEBUG: Start: Iteration 9 +2016-09-01 11:10:24,576 DEBUG: View 0 : 0.696132596685 +2016-09-01 11:10:24,584 DEBUG: View 1 : 0.640883977901 +2016-09-01 11:10:24,591 DEBUG: View 2 : 0.718232044199 +2016-09-01 11:10:24,597 DEBUG: View 3 : 0.685082872928 +2016-09-01 11:10:24,658 DEBUG: Best view : View2 +2016-09-01 11:10:25,253 DEBUG: Start: Iteration 10 +2016-09-01 11:10:25,260 DEBUG: View 0 : 0.67955801105 +2016-09-01 11:10:25,267 DEBUG: View 1 : 0.640883977901 +2016-09-01 11:10:25,275 DEBUG: View 2 : 0.718232044199 +2016-09-01 11:10:25,281 DEBUG: View 3 : 0.668508287293 +2016-09-01 11:10:25,345 DEBUG: Best view : View2 +2016-09-01 11:10:26,006 DEBUG: Start: Iteration 11 +2016-09-01 11:10:26,013 DEBUG: View 0 : 0.685082872928 +2016-09-01 11:10:26,021 DEBUG: View 1 : 0.640883977901 +2016-09-01 11:10:26,028 DEBUG: View 2 : 0.723756906077 +2016-09-01 11:10:26,035 DEBUG: View 3 : 0.67955801105 +2016-09-01 11:10:26,101 DEBUG: Best view : View2 +2016-09-01 11:10:26,834 DEBUG: Start: Iteration 12 +2016-09-01 11:10:26,841 DEBUG: View 0 : 0.696132596685 +2016-09-01 11:10:26,849 DEBUG: View 1 : 0.657458563536 +2016-09-01 11:10:26,856 DEBUG: View 2 : 0.723756906077 +2016-09-01 11:10:26,863 DEBUG: View 3 : 0.685082872928 +2016-09-01 11:10:26,932 DEBUG: Best view : View2 +2016-09-01 11:10:27,725 INFO: Start: Classification +2016-09-01 11:10:29,069 INFO: Done: Fold number 4 +2016-09-01 11:10:29,069 INFO: Start: Fold number 5 +2016-09-01 11:10:29,280 DEBUG: Start: Iteration 1 +2016-09-01 11:10:29,286 DEBUG: View 0 : 0.565217391304 +2016-09-01 11:10:29,293 DEBUG: View 1 : 0.565217391304 +2016-09-01 11:10:29,299 DEBUG: View 2 : 0.565217391304 +2016-09-01 11:10:29,306 DEBUG: View 3 : 0.565217391304 +2016-09-01 11:10:29,342 DEBUG: Best view : View0 +2016-09-01 11:10:29,420 DEBUG: Start: Iteration 2 +2016-09-01 11:10:29,427 DEBUG: View 0 : 0.701086956522 +2016-09-01 11:10:29,435 DEBUG: View 1 : 0.70652173913 +2016-09-01 11:10:29,442 DEBUG: View 2 : 0.690217391304 +2016-09-01 11:10:29,448 DEBUG: View 3 : 0.695652173913 +2016-09-01 11:10:29,491 DEBUG: Best view : View1 +2016-09-01 11:10:29,636 DEBUG: Start: Iteration 3 +2016-09-01 11:10:29,643 DEBUG: View 0 : 0.701086956522 +2016-09-01 11:10:29,651 DEBUG: View 1 : 0.70652173913 +2016-09-01 11:10:29,658 DEBUG: View 2 : 0.690217391304 +2016-09-01 11:10:29,664 DEBUG: View 3 : 0.695652173913 +2016-09-01 11:10:29,710 DEBUG: Best view : View1 +2016-09-01 11:10:29,923 DEBUG: Start: Iteration 4 +2016-09-01 11:10:29,930 DEBUG: View 0 : 0.66847826087 +2016-09-01 11:10:29,938 DEBUG: View 1 : 0.711956521739 +2016-09-01 11:10:29,945 DEBUG: View 2 : 0.717391304348 +2016-09-01 11:10:29,952 DEBUG: View 3 : 0.625 +2016-09-01 11:10:30,000 DEBUG: Best view : View2 +2016-09-01 11:10:30,277 DEBUG: Start: Iteration 5 +2016-09-01 11:10:30,284 DEBUG: View 0 : 0.66847826087 +2016-09-01 11:10:30,291 DEBUG: View 1 : 0.657608695652 +2016-09-01 11:10:30,299 DEBUG: View 2 : 0.717391304348 +2016-09-01 11:10:30,306 DEBUG: View 3 : 0.625 +2016-09-01 11:10:30,356 DEBUG: Best view : View2 +2016-09-01 11:10:30,699 DEBUG: Start: Iteration 6 +2016-09-01 11:10:30,706 DEBUG: View 0 : 0.679347826087 +2016-09-01 11:10:30,714 DEBUG: View 1 : 0.690217391304 +2016-09-01 11:10:30,721 DEBUG: View 2 : 0.717391304348 +2016-09-01 11:10:30,728 DEBUG: View 3 : 0.657608695652 +2016-09-01 11:10:30,783 DEBUG: Best view : View2 +2016-09-01 11:10:31,192 DEBUG: Start: Iteration 7 +2016-09-01 11:10:31,199 DEBUG: View 0 : 0.684782608696 +2016-09-01 11:10:31,206 DEBUG: View 1 : 0.695652173913 +2016-09-01 11:10:31,214 DEBUG: View 2 : 0.722826086957 +2016-09-01 11:10:31,220 DEBUG: View 3 : 0.70652173913 +2016-09-01 11:10:31,277 DEBUG: Best view : View2 +2016-09-01 11:10:31,756 DEBUG: Start: Iteration 8 +2016-09-01 11:10:31,763 DEBUG: View 0 : 0.684782608696 +2016-09-01 11:10:31,771 DEBUG: View 1 : 0.717391304348 +2016-09-01 11:10:31,778 DEBUG: View 2 : 0.695652173913 +2016-09-01 11:10:31,785 DEBUG: View 3 : 0.690217391304 +2016-09-01 11:10:31,844 DEBUG: Best view : View1 +2016-09-01 11:10:32,384 DEBUG: Start: Iteration 9 +2016-09-01 11:10:32,391 DEBUG: View 0 : 0.663043478261 +2016-09-01 11:10:32,399 DEBUG: View 1 : 0.711956521739 +2016-09-01 11:10:32,406 DEBUG: View 2 : 0.701086956522 +2016-09-01 11:10:32,413 DEBUG: View 3 : 0.690217391304 +2016-09-01 11:10:32,475 DEBUG: Best view : View1 +2016-09-01 11:10:33,084 DEBUG: Start: Iteration 10 +2016-09-01 11:10:33,091 DEBUG: View 0 : 0.663043478261 +2016-09-01 11:10:33,098 DEBUG: View 1 : 0.711956521739 +2016-09-01 11:10:33,106 DEBUG: View 2 : 0.701086956522 +2016-09-01 11:10:33,112 DEBUG: View 3 : 0.70652173913 +2016-09-01 11:10:33,179 DEBUG: Best view : View2 +2016-09-01 11:10:33,851 INFO: Start: Classification +2016-09-01 11:10:34,991 INFO: Done: Fold number 5 +2016-09-01 11:10:34,991 INFO: Done: Classification +2016-09-01 11:10:34,991 INFO: Info: Time for Classification: 27[s] +2016-09-01 11:10:34,991 INFO: Start: Result Analysis for Mumbo +2016-09-01 11:10:40,723 INFO: Result for Multiview classification with Mumbo + +Average accuracy : + -On Train : 81.2688936756 + -On Test : 50.0 + -On Validation : 71.5555555556Dataset info : + -Dataset name : Fake + -Labels : Methyl, MiRNA_, RNASeq, Clinic + -Views : View0 of shape (300, 11), View1 of shape (300, 15), View2 of shape (300, 14), View3 of shape (300, 5) + -5 folds + - Validation set length : 90 for learning rate : 0.7 on a total number of examples of 300 + + + +Mumbo configuration : + -Used 1 core(s) + -Iterations : min 1, max 100, threshold 0.002 + -Weak Classifiers : DecisionTree with depth 3, sub-sampled at 1.0 on View0 + -DecisionTree with depth 3, sub-sampled at 1.0 on View1 + -DecisionTree with depth 3, sub-sampled at 1.0 on View2 + -DecisionTree with depth 3, sub-sampled at 1.0 on View3 + + + +Computation time on 1 cores : + Database extraction time : 0:00:00 + Learn Prediction + Fold 1 0:00:03 0:00:00 + Fold 2 0:00:08 0:00:01 + Fold 3 0:00:13 0:00:00 + Fold 4 0:00:20 0:00:01 + Fold 5 0:00:26 0:00:01 + Total 0:01:13 0:00:05 + So a total classification time of 0:00:27. + + + +Mean average accuracies and stats for each fold : + - Fold 0, used 9 + - On View0 : + - Mean average Accuracy : 0.0513661202186 + - Percentage of time chosen : 0.94 + - On View1 : + - Mean average Accuracy : 0.0544808743169 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0560109289617 + - Percentage of time chosen : 0.06 + - On View3 : + - Mean average Accuracy : 0.0510928961749 + - Percentage of time chosen : 0.0 + - Fold 1, used 11 + - On View0 : + - Mean average Accuracy : 0.0677900552486 + - Percentage of time chosen : 0.93 + - On View1 : + - Mean average Accuracy : 0.0688950276243 + - Percentage of time chosen : 0.02 + - On View2 : + - Mean average Accuracy : 0.0701657458564 + - Percentage of time chosen : 0.05 + - On View3 : + - Mean average Accuracy : 0.0652486187845 + - Percentage of time chosen : 0.0 + - Fold 2, used 9 + - On View0 : + - Mean average Accuracy : 0.0551912568306 + - Percentage of time chosen : 0.93 + - On View1 : + - Mean average Accuracy : 0.053606557377 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0570491803279 + - Percentage of time chosen : 0.07 + - On View3 : + - Mean average Accuracy : 0.051912568306 + - Percentage of time chosen : 0.0 + - Fold 3, used 13 + - On View0 : + - Mean average Accuracy : 0.0820994475138 + - Percentage of time chosen : 0.89 + - On View1 : + - Mean average Accuracy : 0.0809944751381 + - Percentage of time chosen : 0.04 + - On View2 : + - Mean average Accuracy : 0.0846408839779 + - Percentage of time chosen : 0.07 + - On View3 : + - Mean average Accuracy : 0.0806629834254 + - Percentage of time chosen : 0.0 + - Fold 4, used 11 + - On View0 : + - Mean average Accuracy : 0.0667934782609 + - Percentage of time chosen : 0.91 + - On View1 : + - Mean average Accuracy : 0.06875 + - Percentage of time chosen : 0.04 + - On View2 : + - Mean average Accuracy : 0.0691847826087 + - Percentage of time chosen : 0.05 + - On View3 : + - Mean average Accuracy : 0.0665760869565 + - Percentage of time chosen : 0.0 + + For each iteration : + - Iteration 1 + Fold 1 + Accuracy on train : 56.8306010929 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + Fold 2 + Accuracy on train : 56.3535911602 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View2 + Fold 3 + Accuracy on train : 56.8306010929 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + Fold 4 + Accuracy on train : 55.8011049724 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + Fold 5 + Accuracy on train : 56.5217391304 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + - Iteration 2 + Fold 1 + Accuracy on train : 71.5846994536 + Accuracy on test : 0.0 + Accuracy on validation : 62.2222222222 + Selected View : View2 + Fold 2 + Accuracy on train : 74.0331491713 + Accuracy on test : 0.0 + Accuracy on validation : 71.1111111111 + Selected View : View0 + Fold 3 + Accuracy on train : 72.131147541 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View2 + Fold 4 + Accuracy on train : 75.138121547 + Accuracy on test : 0.0 + Accuracy on validation : 78.8888888889 + Selected View : View1 + Fold 5 + Accuracy on train : 70.652173913 + Accuracy on test : 0.0 + Accuracy on validation : 64.4444444444 + Selected View : View1 + - Iteration 3 + Fold 1 + Accuracy on train : 71.5846994536 + Accuracy on test : 0.0 + Accuracy on validation : 62.2222222222 + Selected View : View2 + Fold 2 + Accuracy on train : 74.0331491713 + Accuracy on test : 0.0 + Accuracy on validation : 71.1111111111 + Selected View : View0 + Fold 3 + Accuracy on train : 72.131147541 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View2 + Fold 4 + Accuracy on train : 75.138121547 + Accuracy on test : 0.0 + Accuracy on validation : 78.8888888889 + Selected View : View1 + Fold 5 + Accuracy on train : 71.7391304348 + Accuracy on test : 0.0 + Accuracy on validation : 66.6666666667 + Selected View : View1 + - Iteration 4 + Fold 1 + Accuracy on train : 71.5846994536 + Accuracy on test : 0.0 + Accuracy on validation : 62.2222222222 + Selected View : View2 + Fold 2 + Accuracy on train : 74.0331491713 + Accuracy on test : 0.0 + Accuracy on validation : 71.1111111111 + Selected View : View2 + Fold 3 + Accuracy on train : 72.131147541 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View2 + Fold 4 + Accuracy on train : 75.138121547 + Accuracy on test : 0.0 + Accuracy on validation : 78.8888888889 + Selected View : View1 + Fold 5 + Accuracy on train : 70.1086956522 + Accuracy on test : 0.0 + Accuracy on validation : 64.4444444444 + Selected View : View2 + - Iteration 5 + Fold 1 + Accuracy on train : 73.7704918033 + Accuracy on test : 0.0 + Accuracy on validation : 70.0 + Selected View : View2 + Fold 2 + Accuracy on train : 74.0331491713 + Accuracy on test : 0.0 + Accuracy on validation : 71.1111111111 + Selected View : View2 + Fold 3 + Accuracy on train : 74.8633879781 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View2 + Fold 4 + Accuracy on train : 72.3756906077 + Accuracy on test : 0.0 + Accuracy on validation : 65.5555555556 + Selected View : View1 + Fold 5 + Accuracy on train : 71.7391304348 + Accuracy on test : 0.0 + Accuracy on validation : 65.5555555556 + Selected View : View2 + - Iteration 6 + Fold 1 + Accuracy on train : 77.0491803279 + Accuracy on test : 0.0 + Accuracy on validation : 65.5555555556 + Selected View : View2 + Fold 2 + Accuracy on train : 77.9005524862 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View2 + Fold 3 + Accuracy on train : 76.5027322404 + Accuracy on test : 0.0 + Accuracy on validation : 62.2222222222 + Selected View : View2 + Fold 4 + Accuracy on train : 87.8453038674 + Accuracy on test : 0.0 + Accuracy on validation : 84.4444444444 + Selected View : View2 + Fold 5 + Accuracy on train : 81.5217391304 + Accuracy on test : 0.0 + Accuracy on validation : 72.2222222222 + Selected View : View2 + - Iteration 7 + Fold 1 + Accuracy on train : 75.4098360656 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View0 + Fold 2 + Accuracy on train : 81.2154696133 + Accuracy on test : 0.0 + Accuracy on validation : 72.2222222222 + Selected View : View1 + Fold 3 + Accuracy on train : 77.0491803279 + Accuracy on test : 0.0 + Accuracy on validation : 62.2222222222 + Selected View : View2 + Fold 4 + Accuracy on train : 86.1878453039 + Accuracy on test : 0.0 + Accuracy on validation : 83.3333333333 + Selected View : View2 + Fold 5 + Accuracy on train : 82.0652173913 + Accuracy on test : 0.0 + Accuracy on validation : 73.3333333333 + Selected View : View2 + - Iteration 8 + Fold 1 + Accuracy on train : 75.956284153 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View2 + Fold 2 + Accuracy on train : 82.320441989 + Accuracy on test : 0.0 + Accuracy on validation : 73.3333333333 + Selected View : View1 + Fold 3 + Accuracy on train : 75.956284153 + Accuracy on test : 0.0 + Accuracy on validation : 64.4444444444 + Selected View : View2 + Fold 4 + Accuracy on train : 86.7403314917 + Accuracy on test : 0.0 + Accuracy on validation : 83.3333333333 + Selected View : View2 + Fold 5 + Accuracy on train : 82.0652173913 + Accuracy on test : 0.0 + Accuracy on validation : 73.3333333333 + Selected View : View1 + - Iteration 9 + Fold 1 + Accuracy on train : 56.8306010929 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + Fold 2 + Accuracy on train : 83.4254143646 + Accuracy on test : 0.0 + Accuracy on validation : 74.4444444444 + Selected View : View2 + Fold 3 + Accuracy on train : 56.8306010929 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + Fold 4 + Accuracy on train : 87.2928176796 + Accuracy on test : 0.0 + Accuracy on validation : 83.3333333333 + Selected View : View2 + Fold 5 + Accuracy on train : 80.9782608696 + Accuracy on test : 0.0 + Accuracy on validation : 68.8888888889 + Selected View : View1 + - Iteration 10 + Fold 2 + Accuracy on train : 85.0828729282 + Accuracy on test : 0.0 + Accuracy on validation : 76.6666666667 + Selected View : View0 + Fold 4 + Accuracy on train : 84.5303867403 + Accuracy on test : 0.0 + Accuracy on validation : 75.5555555556 + Selected View : View2 + Fold 5 + Accuracy on train : 82.6086956522 + Accuracy on test : 0.0 + Accuracy on validation : 75.5555555556 + Selected View : View2 + - Iteration 11 + Fold 2 + Accuracy on train : 56.3535911602 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + Fold 4 + Accuracy on train : 85.0828729282 + Accuracy on test : 0.0 + Accuracy on validation : 77.7777777778 + Selected View : View2 + Fold 5 + Accuracy on train : 56.5217391304 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + - Iteration 12 + Fold 4 + Accuracy on train : 86.7403314917 + Accuracy on test : 0.0 + Accuracy on validation : 77.7777777778 + Selected View : View2 + - Iteration 13 + Fold 4 + Accuracy on train : 55.8011049724 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 +2016-09-01 11:10:40,949 INFO: Done: Result Analysis diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-111040Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png b/Code/MonoMutliViewClassifiers/Results/20160901-111040Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png new file mode 100644 index 0000000000000000000000000000000000000000..e716398b1522e3401384822d81404816a6ce7c1b Binary files /dev/null and b/Code/MonoMutliViewClassifiers/Results/20160901-111040Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake-accuracyByIteration.png differ diff --git a/Code/MonoMutliViewClassifiers/Results/20160901-111040Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt b/Code/MonoMutliViewClassifiers/Results/20160901-111040Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt new file mode 100644 index 0000000000000000000000000000000000000000..bb847d206da915c0040b266b6ef3942c05810fda --- /dev/null +++ b/Code/MonoMutliViewClassifiers/Results/20160901-111040Results-Mumbo-Methyl-MiRNA_-RNASeq-Clinic-MiRNA_-RNASeq-Clinic-Methyl-learnRate0.7-Fake.txt @@ -0,0 +1,383 @@ + Result for Multiview classification with Mumbo + +Average accuracy : + -On Train : 81.2688936756 + -On Test : 50.0 + -On Validation : 71.5555555556Dataset info : + -Dataset name : Fake + -Labels : Methyl, MiRNA_, RNASeq, Clinic + -Views : View0 of shape (300, 11), View1 of shape (300, 15), View2 of shape (300, 14), View3 of shape (300, 5) + -5 folds + - Validation set length : 90 for learning rate : 0.7 on a total number of examples of 300 + + + +Mumbo configuration : + -Used 1 core(s) + -Iterations : min 1, max 100, threshold 0.002 + -Weak Classifiers : DecisionTree with depth 3, sub-sampled at 1.0 on View0 + -DecisionTree with depth 3, sub-sampled at 1.0 on View1 + -DecisionTree with depth 3, sub-sampled at 1.0 on View2 + -DecisionTree with depth 3, sub-sampled at 1.0 on View3 + + + +Computation time on 1 cores : + Database extraction time : 0:00:00 + Learn Prediction + Fold 1 0:00:03 0:00:00 + Fold 2 0:00:08 0:00:01 + Fold 3 0:00:13 0:00:00 + Fold 4 0:00:20 0:00:01 + Fold 5 0:00:26 0:00:01 + Total 0:01:13 0:00:05 + So a total classification time of 0:00:27. + + + +Mean average accuracies and stats for each fold : + - Fold 0, used 9 + - On View0 : + - Mean average Accuracy : 0.0513661202186 + - Percentage of time chosen : 0.94 + - On View1 : + - Mean average Accuracy : 0.0544808743169 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0560109289617 + - Percentage of time chosen : 0.06 + - On View3 : + - Mean average Accuracy : 0.0510928961749 + - Percentage of time chosen : 0.0 + - Fold 1, used 11 + - On View0 : + - Mean average Accuracy : 0.0677900552486 + - Percentage of time chosen : 0.93 + - On View1 : + - Mean average Accuracy : 0.0688950276243 + - Percentage of time chosen : 0.02 + - On View2 : + - Mean average Accuracy : 0.0701657458564 + - Percentage of time chosen : 0.05 + - On View3 : + - Mean average Accuracy : 0.0652486187845 + - Percentage of time chosen : 0.0 + - Fold 2, used 9 + - On View0 : + - Mean average Accuracy : 0.0551912568306 + - Percentage of time chosen : 0.93 + - On View1 : + - Mean average Accuracy : 0.053606557377 + - Percentage of time chosen : 0.0 + - On View2 : + - Mean average Accuracy : 0.0570491803279 + - Percentage of time chosen : 0.07 + - On View3 : + - Mean average Accuracy : 0.051912568306 + - Percentage of time chosen : 0.0 + - Fold 3, used 13 + - On View0 : + - Mean average Accuracy : 0.0820994475138 + - Percentage of time chosen : 0.89 + - On View1 : + - Mean average Accuracy : 0.0809944751381 + - Percentage of time chosen : 0.04 + - On View2 : + - Mean average Accuracy : 0.0846408839779 + - Percentage of time chosen : 0.07 + - On View3 : + - Mean average Accuracy : 0.0806629834254 + - Percentage of time chosen : 0.0 + - Fold 4, used 11 + - On View0 : + - Mean average Accuracy : 0.0667934782609 + - Percentage of time chosen : 0.91 + - On View1 : + - Mean average Accuracy : 0.06875 + - Percentage of time chosen : 0.04 + - On View2 : + - Mean average Accuracy : 0.0691847826087 + - Percentage of time chosen : 0.05 + - On View3 : + - Mean average Accuracy : 0.0665760869565 + - Percentage of time chosen : 0.0 + + For each iteration : + - Iteration 1 + Fold 1 + Accuracy on train : 56.8306010929 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + Fold 2 + Accuracy on train : 56.3535911602 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View2 + Fold 3 + Accuracy on train : 56.8306010929 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + Fold 4 + Accuracy on train : 55.8011049724 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + Fold 5 + Accuracy on train : 56.5217391304 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + - Iteration 2 + Fold 1 + Accuracy on train : 71.5846994536 + Accuracy on test : 0.0 + Accuracy on validation : 62.2222222222 + Selected View : View2 + Fold 2 + Accuracy on train : 74.0331491713 + Accuracy on test : 0.0 + Accuracy on validation : 71.1111111111 + Selected View : View0 + Fold 3 + Accuracy on train : 72.131147541 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View2 + Fold 4 + Accuracy on train : 75.138121547 + Accuracy on test : 0.0 + Accuracy on validation : 78.8888888889 + Selected View : View1 + Fold 5 + Accuracy on train : 70.652173913 + Accuracy on test : 0.0 + Accuracy on validation : 64.4444444444 + Selected View : View1 + - Iteration 3 + Fold 1 + Accuracy on train : 71.5846994536 + Accuracy on test : 0.0 + Accuracy on validation : 62.2222222222 + Selected View : View2 + Fold 2 + Accuracy on train : 74.0331491713 + Accuracy on test : 0.0 + Accuracy on validation : 71.1111111111 + Selected View : View0 + Fold 3 + Accuracy on train : 72.131147541 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View2 + Fold 4 + Accuracy on train : 75.138121547 + Accuracy on test : 0.0 + Accuracy on validation : 78.8888888889 + Selected View : View1 + Fold 5 + Accuracy on train : 71.7391304348 + Accuracy on test : 0.0 + Accuracy on validation : 66.6666666667 + Selected View : View1 + - Iteration 4 + Fold 1 + Accuracy on train : 71.5846994536 + Accuracy on test : 0.0 + Accuracy on validation : 62.2222222222 + Selected View : View2 + Fold 2 + Accuracy on train : 74.0331491713 + Accuracy on test : 0.0 + Accuracy on validation : 71.1111111111 + Selected View : View2 + Fold 3 + Accuracy on train : 72.131147541 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View2 + Fold 4 + Accuracy on train : 75.138121547 + Accuracy on test : 0.0 + Accuracy on validation : 78.8888888889 + Selected View : View1 + Fold 5 + Accuracy on train : 70.1086956522 + Accuracy on test : 0.0 + Accuracy on validation : 64.4444444444 + Selected View : View2 + - Iteration 5 + Fold 1 + Accuracy on train : 73.7704918033 + Accuracy on test : 0.0 + Accuracy on validation : 70.0 + Selected View : View2 + Fold 2 + Accuracy on train : 74.0331491713 + Accuracy on test : 0.0 + Accuracy on validation : 71.1111111111 + Selected View : View2 + Fold 3 + Accuracy on train : 74.8633879781 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View2 + Fold 4 + Accuracy on train : 72.3756906077 + Accuracy on test : 0.0 + Accuracy on validation : 65.5555555556 + Selected View : View1 + Fold 5 + Accuracy on train : 71.7391304348 + Accuracy on test : 0.0 + Accuracy on validation : 65.5555555556 + Selected View : View2 + - Iteration 6 + Fold 1 + Accuracy on train : 77.0491803279 + Accuracy on test : 0.0 + Accuracy on validation : 65.5555555556 + Selected View : View2 + Fold 2 + Accuracy on train : 77.9005524862 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View2 + Fold 3 + Accuracy on train : 76.5027322404 + Accuracy on test : 0.0 + Accuracy on validation : 62.2222222222 + Selected View : View2 + Fold 4 + Accuracy on train : 87.8453038674 + Accuracy on test : 0.0 + Accuracy on validation : 84.4444444444 + Selected View : View2 + Fold 5 + Accuracy on train : 81.5217391304 + Accuracy on test : 0.0 + Accuracy on validation : 72.2222222222 + Selected View : View2 + - Iteration 7 + Fold 1 + Accuracy on train : 75.4098360656 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View0 + Fold 2 + Accuracy on train : 81.2154696133 + Accuracy on test : 0.0 + Accuracy on validation : 72.2222222222 + Selected View : View1 + Fold 3 + Accuracy on train : 77.0491803279 + Accuracy on test : 0.0 + Accuracy on validation : 62.2222222222 + Selected View : View2 + Fold 4 + Accuracy on train : 86.1878453039 + Accuracy on test : 0.0 + Accuracy on validation : 83.3333333333 + Selected View : View2 + Fold 5 + Accuracy on train : 82.0652173913 + Accuracy on test : 0.0 + Accuracy on validation : 73.3333333333 + Selected View : View2 + - Iteration 8 + Fold 1 + Accuracy on train : 75.956284153 + Accuracy on test : 0.0 + Accuracy on validation : 63.3333333333 + Selected View : View2 + Fold 2 + Accuracy on train : 82.320441989 + Accuracy on test : 0.0 + Accuracy on validation : 73.3333333333 + Selected View : View1 + Fold 3 + Accuracy on train : 75.956284153 + Accuracy on test : 0.0 + Accuracy on validation : 64.4444444444 + Selected View : View2 + Fold 4 + Accuracy on train : 86.7403314917 + Accuracy on test : 0.0 + Accuracy on validation : 83.3333333333 + Selected View : View2 + Fold 5 + Accuracy on train : 82.0652173913 + Accuracy on test : 0.0 + Accuracy on validation : 73.3333333333 + Selected View : View1 + - Iteration 9 + Fold 1 + Accuracy on train : 56.8306010929 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + Fold 2 + Accuracy on train : 83.4254143646 + Accuracy on test : 0.0 + Accuracy on validation : 74.4444444444 + Selected View : View2 + Fold 3 + Accuracy on train : 56.8306010929 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + Fold 4 + Accuracy on train : 87.2928176796 + Accuracy on test : 0.0 + Accuracy on validation : 83.3333333333 + Selected View : View2 + Fold 5 + Accuracy on train : 80.9782608696 + Accuracy on test : 0.0 + Accuracy on validation : 68.8888888889 + Selected View : View1 + - Iteration 10 + Fold 2 + Accuracy on train : 85.0828729282 + Accuracy on test : 0.0 + Accuracy on validation : 76.6666666667 + Selected View : View0 + Fold 4 + Accuracy on train : 84.5303867403 + Accuracy on test : 0.0 + Accuracy on validation : 75.5555555556 + Selected View : View2 + Fold 5 + Accuracy on train : 82.6086956522 + Accuracy on test : 0.0 + Accuracy on validation : 75.5555555556 + Selected View : View2 + - Iteration 11 + Fold 2 + Accuracy on train : 56.3535911602 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + Fold 4 + Accuracy on train : 85.0828729282 + Accuracy on test : 0.0 + Accuracy on validation : 77.7777777778 + Selected View : View2 + Fold 5 + Accuracy on train : 56.5217391304 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 + - Iteration 12 + Fold 4 + Accuracy on train : 86.7403314917 + Accuracy on test : 0.0 + Accuracy on validation : 77.7777777778 + Selected View : View2 + - Iteration 13 + Fold 4 + Accuracy on train : 55.8011049724 + Accuracy on test : 0.0 + Accuracy on validation : 50.0 + Selected View : View0 \ No newline at end of file diff --git a/Code/MonoMutliViewClassifiers/Results/poulet20160901-104934.png b/Code/MonoMutliViewClassifiers/Results/poulet20160901-104934.png new file mode 100644 index 0000000000000000000000000000000000000000..0d085784def1fd413314e19afed80d64e7126040 Binary files /dev/null and b/Code/MonoMutliViewClassifiers/Results/poulet20160901-104934.png differ diff --git a/Code/MonoMutliViewClassifiers/Results/poulet20160901-105045.png b/Code/MonoMutliViewClassifiers/Results/poulet20160901-105045.png new file mode 100644 index 0000000000000000000000000000000000000000..a7cd4ca11a38e4fd85ffc2cb8bf0631d63a21220 Binary files /dev/null and b/Code/MonoMutliViewClassifiers/Results/poulet20160901-105045.png differ diff --git a/Code/MonoMutliViewClassifiers/Results/poulet20160901-105508.png b/Code/MonoMutliViewClassifiers/Results/poulet20160901-105508.png new file mode 100644 index 0000000000000000000000000000000000000000..e30399bf6a61e1a19f29a40a1805936044d7e5e0 Binary files /dev/null and b/Code/MonoMutliViewClassifiers/Results/poulet20160901-105508.png differ diff --git a/Code/MonoMutliViewClassifiers/Results/poulet20160901-105746.png b/Code/MonoMutliViewClassifiers/Results/poulet20160901-105746.png new file mode 100644 index 0000000000000000000000000000000000000000..a7cd4ca11a38e4fd85ffc2cb8bf0631d63a21220 Binary files /dev/null and b/Code/MonoMutliViewClassifiers/Results/poulet20160901-105746.png differ diff --git a/Code/MonoMutliViewClassifiers/Results/poulet20160901-111041.png b/Code/MonoMutliViewClassifiers/Results/poulet20160901-111041.png new file mode 100644 index 0000000000000000000000000000000000000000..e38ab33f6ff6c890967686326963a5ac1c3fc098 Binary files /dev/null and b/Code/MonoMutliViewClassifiers/Results/poulet20160901-111041.png differ