diff --git a/.gitignore b/.gitignore index 894a44c..2a57693 100644 --- a/.gitignore +++ b/.gitignore @@ -102,3 +102,6 @@ venv.bak/ # mypy .mypy_cache/ + +#poetry +poetry.lock \ No newline at end of file diff --git a/.travis.yml b/.travis.yml new file mode 100644 index 0000000..5257e2e --- /dev/null +++ b/.travis.yml @@ -0,0 +1,20 @@ +language: python +python: + - "3.6" +git: + depth: false +# command to install dependencies +install: + - pip install poetry + - poetry install + - python setup.py install +# command to run tests +script: + - python -m pytest tests/ +branches: + only: + - /.*/ +notifications: + email: false +after_sucess: + - echo "Travis CI built!" diff --git a/.vscode/settings.json b/.vscode/settings.json new file mode 100644 index 0000000..f6b1c8d --- /dev/null +++ b/.vscode/settings.json @@ -0,0 +1,3 @@ +{ + "python.pythonPath": "/usr/bin/python2.7" +} \ No newline at end of file diff --git a/multilabelMetrics/auxiliar_functions.py b/multilabelMetrics/auxiliar_functions.py new file mode 100644 index 0000000..37f8491 --- /dev/null +++ b/multilabelMetrics/auxiliar_functions.py @@ -0,0 +1,145 @@ +#Auxiliary functions +import numpy as np +from decimal import Decimal +def relevantIndexes(vector): + """ + Gets the relevant indexes of a vector + """ + relevant = [] + for i in range(len(vector)): + if vector[i] == 1: + relevant.append(int(i)) + + return relevant + + +def irrelevantIndexes(vector): + """ + Gets the irrelevant indexes of a vector + """ + irrelevant = [] + for i in range(len(vector)): + if vector[i] == 0: + irrelevant.append(int(i)) + + return irrelevant + +def multilabelConfussionMatrix(y_test, y_pred): + """ + Returns the TP, FP, TN, FN + """ + TP = np.zeros(y_test.shape[1]) + FP = np.zeros(y_test.shape[1]) + TN = np.zeros(y_test.shape[1]) + FN = np.zeros(y_test.shape[1]) + + for j in range(y_test.shape[1]): + TPaux = 0 + FPaux = 0 + TNaux = 0 + FNaux = 0 + for i in range(y_test.shape[0]): + if int(y_test[i,j]) == 1: + if int(y_test[i,j]) == 1 and int(y_pred[i,j]) == 1: + TPaux += 1 + else: + FPaux += 1 + else: + if int(y_test[i,j]) == 0 and int(y_pred[i,j]) == 0: + TNaux += 1 + else: + FNaux += 1 + TP[j] = TPaux + FP[j] = FPaux + TN[j] = TNaux + FN[j] = FNaux + + return TP, FP, TN, FN + +def multilabelMicroConfussionMatrix(TP, FP, TN, FN): + TPMicro = 0.0 + FPMicro = 0.0 + TNMicro = 0.0 + FNMicro = 0.0 + + for i in range(len(TP)): + TPMicro = TPMicro + TP[i] + FPMicro = FPMicro + FP[i] + TNMicro = TNMicro + TN[i] + FNMicro = FNMicro + FN[i] + + TPMicro = Decimal(TPMicro)/Decimal(len(TP)) + FPMicro = Decimal(FPMicro)/Decimal(len(TP)) + TNMicro = Decimal(TNMicro)/Decimal(len(TP)) + FNMicro = Decimal(FNMicro)/Decimal(len(TP)) + + return TPMicro, FPMicro, TNMicro, FNMicro + +def rankingMatrix(probabilities): + """ + Matrix with the rankings for each label + """ + ranking = np.zeros(shape=[probabilities.shape[0], probabilities.shape[1]]) + probCopy = np.copy(probabilities) + for i in range(probabilities.shape[0]): + indexMost = 0 + iteration = 1 + while(sum(probCopy[i,:]) != 0): + for j in range(probabilities.shape[1]): + if float(probCopy[i,j]) > float(probCopy[i,indexMost]): + indexMost = j + ranking[i, indexMost] = iteration + probCopy[i, indexMost] = 0 + iteration += 1 + + return ranking + +def intersectionCardinality(y_test, y_pred): + interesectionArray = np.zeros(y_test.shape[0],dtype=int) + for i in range(y_test.shape[0]): + intersection = 0 + for j in range(y_test.shape[1]): + if int(y_test[i,j]) == 1 and int(y_pred[i,j] == 1): + intersection += 1 + interesectionArray[i] = intersection + + return interesectionArray + +def unionCardinality(y_test, y_pred): + unionArray = np.zeros(y_test.shape[0], dtype=int) + for i in range(y_test.shape[0]): + union = 0 + for j in range(y_test.shape[1]): + if int(y_test[i,j] == 1) or int(y_pred[i,j] == 1): + union += 1 + + unionArray[i] = union + + return unionArray + +def HammingDistanceListOfIntegers(y_true, y_pred): + """ + Returns the hamming distance + """ + hamming = 0.0 + x_index = 0 + y_index = 0 + x_length = float(np.sum(y_true)) + y_length = float(np.sum(y_pred)) + + if (x_length ==0 or y_length==0): + hamming = x_length + y_length + else: + while(x_index < x_length and y_index < y_length): + if(y_true[x_index] == y_pred[y_index]): + x_index += 1 + y_index +=1 + else: + hamming += 1 + if y_true[x_index] < y_pred[y_index]: + x_index += 1 + else: + y_index += 1 + hamming += x_length-x_index + y_length-y_index + + return hamming \ No newline at end of file diff --git a/multilabelMetrics/examplebasedclassification.py b/multilabelMetrics/examplebasedclassification.py index b85013f..9104db4 100644 --- a/multilabelMetrics/examplebasedclassification.py +++ b/multilabelMetrics/examplebasedclassification.py @@ -1,4 +1,7 @@ -def subsetAccuracy(y_test, predictions): +from decimal import Decimal +from .auxiliar_functions import HammingDistanceListOfIntegers, intersectionCardinality, unionCardinality +import numpy as np +def subsetAccuracy(y_test, y_pred): """ The subset accuracy evaluates the fraction of correctly classified examples @@ -6,7 +9,7 @@ def subsetAccuracy(y_test, predictions): ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -18,16 +21,16 @@ def subsetAccuracy(y_test, predictions): for i in range(y_test.shape[0]): same = True for j in range(y_test.shape[1]): - if y_test[i,j] != predictions[i,j]: + if y_test[i,j] != y_pred[i,j]: same = False break if same: subsetaccuracy += 1.0 - return subsetaccuracy/y_test.shape[0] + return Decimal(subsetaccuracy)/Decimal(y_test.shape[0]) -def hammingLoss(y_test, predictions): +def hammingLoss(y_test, y_pred): """ The hamming loss evaluates the fraction of misclassified instance-label pairs @@ -35,7 +38,7 @@ def hammingLoss(y_test, predictions): ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -44,24 +47,20 @@ def hammingLoss(y_test, predictions): """ hammingloss = 0.0 for i in range(y_test.shape[0]): - aux = 0.0 - for j in range(y_test.shape[1]): - if int(y_test[i,j]) != int(predictions[i,j]): - aux = aux+1.0 - aux = aux/y_test.shape[1] - hammingloss = hammingloss + aux + hammingDistance = HammingDistanceListOfIntegers(y_test[i,:], y_pred[i,:].A1) + hammingloss = Decimal(hammingloss) + Decimal(hammingDistance)/Decimal(y_test.shape[1]) - return hammingloss/y_test.shape[0] + return Decimal(hammingloss)/Decimal(y_test.shape[0]) -def accuracy(y_test, predictions): +def eb_accuracy(y_test, y_pred): """ - Accuracy of our model + Example based accuracy of our model Params ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -69,34 +68,28 @@ def accuracy(y_test, predictions): Accuracy of our model """ accuracy = 0.0 - + intersectionArray = intersectionCardinality(y_test, y_pred) + unionArray = unionCardinality(y_test, y_pred) + for i in range(y_test.shape[0]): - intersection = 0.0 - union = 0.0 - for j in range(y_test.shape[1]): - if int(y_test[i,j]) == 1 or int(predictions[i,j]) == 1: - union += 1 - if int(y_test[i,j]) == 1 and int(predictions[i,j]) == 1: - intersection += 1 - - if union != 0: - accuracy = accuracy + float(intersection/union) + if unionArray[i] != 0: + accuracy += intersectionArray[i]/float(unionArray[i]) - accuracy = float(accuracy/y_test.shape[0]) + accuracy = Decimal(accuracy)/Decimal(y_test.shape[0]) return accuracy -def precision(y_test, predictions): +def eb_precision(y_test, y_pred): """ - Precision of our model + Example based precision of our model Params ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -105,32 +98,23 @@ def precision(y_test, predictions): """ precision = 0.0 + intersectionArray = intersectionCardinality(y_test, y_pred) for i in range(y_test.shape[0]): - intersection = 0.0 - hXi = 0.0 - for j in range(y_test.shape[1]): - hXi = hXi + int(predictions[i,j]) - if int(y_test[i,j]) == 1 and int(predictions[i,j]) == 1: - intersection += 1 - - if hXi != 0: - precision = precision + float(intersection/hXi) + if np.sum(y_pred[i,:]) != 0: + precision = precision + float(intersectionArray[i])/float(np.sum(y_pred[i,:])) - - precision = float(precision/y_test.shape[0]) - - return precision + return Decimal(precision)/Decimal(y_test.shape[0]) -def recall(y_test, predictions): +def eb_recall(y_test, y_pred): """ - Recall of our model + Example based recall of our model Params ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -139,46 +123,39 @@ def recall(y_test, predictions): """ recall = 0.0 + interesectionArray = intersectionCardinality(y_test,y_pred) + for i in range(y_test.shape[0]): - intersection = 0.0 - Yi = 0.0 - for j in range(y_test.shape[1]): - Yi = Yi + int(y_test[i,j]) + if sum(np.array(y_test[i,:])): + recall += float(interesectionArray[i])/float(sum(np.array(y_test[i,:]))) - if y_test[i,j] == 1 and int(predictions[i,j]) == 1: - intersection = intersection + 1 - - if Yi != 0: - recall = recall + float(intersection/Yi) - - recall = recall/y_test.shape[0] - return recall + return Decimal(recall)/Decimal(y_test.shape[0]) -def fbeta(y_test, predictions, beta=1): +def eb_fbeta(y_test, y_pred, beta=1): """ - FBeta of our model + Example based FBeta of our model Params ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= fbeta : float fbeta of our model """ - pr = precision(y_test, predictions) - re = recall(y_test, predictions) + pr = eb_precision(y_test, y_pred) + re = eb_recall(y_test, y_pred) num = float((1+pow(beta,2))*pr*re) den = float(pow(beta,2)*pr + re) if den != 0: - fbeta = num/den + fbeta = Decimal(num)/Decimal(den) else: fbeta = 0.0 return fbeta diff --git a/multilabelMetrics/examplebasedranking.py b/multilabelMetrics/examplebasedranking.py index 4de6340..f592d11 100644 --- a/multilabelMetrics/examplebasedranking.py +++ b/multilabelMetrics/examplebasedranking.py @@ -1,5 +1,6 @@ import numpy as np -from functions import rankingMatrix, relevantIndexes, irrelevantIndexes +from .auxiliar_functions import rankingMatrix, relevantIndexes, irrelevantIndexes +from decimal import Decimal def oneError(y_test, probabilities): """ One Error @@ -17,13 +18,13 @@ def oneError(y_test, probabilities): """ oneerror = 0.0 ranking = rankingMatrix(probabilities) - for i in range(y_test.shape[0]): + relevantVector = relevantIndexes(y_test[i,:]) index = np.argmin(ranking[i,:]) - if y_test[i,index] == 0: + if int(index) not in relevantVector: oneerror += 1.0 - oneerror = float(oneerror)/float(y_test.shape[0]) + oneerror = Decimal(oneerror)/Decimal(y_test.shape[0]) return oneerror @@ -54,8 +55,8 @@ def coverage(y_test, probabilities): coverage += coverageMax - coverage = float(coverage)/float(y_test.shape[0]) - coverage -= 1.0 + coverage = Decimal(coverage)/Decimal(y_test.shape[0]) + coverage -= 1 return coverage @@ -75,28 +76,25 @@ def averagePrecision(y_test, probabilities): Average Precision """ averageprecision = 0.0 - averageprecisionsummatory = 0.0 ranking = rankingMatrix(probabilities) - for i in range(y_test.shape[0]): - relevantVector =relevantIndexes(y_test, i) - for j in range(y_test.shape[1]): - average = 0.0 - if y_test[i, j] == 1: - for k in range(y_test.shape[1]): - if(y_test[i,k] == 1): - if ranking[i,k] <= ranking[i,j]: - average += 1.0 - if ranking[i,j] != 0: - averageprecisionsummatory += average/ranking[i,j] - - if len(relevantVector) == 0: - averageprecision += 1.0 - else: - averageprecision += averageprecisionsummatory/float(len(relevantVector)) - averageprecisionsummatory = 0.0 + average = 0.0 + relevantVector = relevantIndexes(y_test[i,:]) + for j in range(len(relevantVector)): + c = 0 + fraction = 0.0 + for k in range(y_test.shape[1]): + if(probabilities[i,k] >= probabilities[i,relevantVector[j]]): + c +=1 + if int(k) in relevantVector: + fraction +=1 + + average = average + fraction/c + if(len(relevantVector) > 0): + averageprecision = averageprecision + average/len(relevantVector) - averageprecision /= y_test.shape[0] + averageprecision = Decimal(averageprecision)/Decimal(y_test.shape[0]) + return averageprecision def rankingLoss(y_test, probabilities): @@ -114,22 +112,22 @@ def rankingLoss(y_test, probabilities): rankingloss : float Ranking Loss """ - rankingloss = 0.0 - for i in range(y_test.shape[0]): - relevantVector = relevantIndexes(y_test, i) - irrelevantVector = irrelevantIndexes(y_test, i) + rankingloss = 0.0 + for i in range(0, y_test.shape[0]): + relevantVector = relevantIndexes(y_test[i]) + irrelevantVector = irrelevantIndexes(y_test[i]) loss = 0.0 - for j in range(y_test.shape[1]): - if y_test[i,j] == 1: - for k in range(y_test.shape[1]): - if y_test[i,k] == 0: - if float(probabilities[i,j]) <= float(probabilities[i,k]): - loss += 1.0 - if len(relevantVector) != 0 and len(irrelevantVector) != 0: - rankingloss += loss/float(len(relevantVector)*len(irrelevantVector)) - - rankingloss /= y_test.shape[0] + for j in range(len(relevantVector)): + for k in range(len(irrelevantVector)): + if probabilities[i,relevantVector[j]] <= probabilities[i, irrelevantVector[k]]: + loss +=1 + + if len(relevantVector)*len(irrelevantVector) != 0: + dim = len(relevantVector)*len(irrelevantVector) + rankingloss = Decimal(rankingloss) + Decimal(loss)/Decimal(dim) + + rankingloss = Decimal(rankingloss)/Decimal(y_test.shape[0]) return rankingloss \ No newline at end of file diff --git a/multilabelMetrics/functions.py b/multilabelMetrics/functions.py deleted file mode 100644 index 0b5f253..0000000 --- a/multilabelMetrics/functions.py +++ /dev/null @@ -1,89 +0,0 @@ -#Auxiliary functions -import numpy as np -def relevantIndexes(matrix, row): - """ - Gets the relevant indexes of a vector - """ - relevant = [] - for j in range(matrix.shape[1]): - if matrix[row,j] == 1: - relevant.append(int(j)) - - return relevant - - -def irrelevantIndexes(matrix, row): - """ - Gets the irrelevant indexes of a vector - """ - irrelevant = [] - for j in range(matrix.shape[1]): - if matrix[row,j] == 0: - irrelevant.append(int(j)) - - return irrelevant - -def multilabelConfussionMatrix(y_test, predictions): - """ - Returns the TP, FP, TN, FN - """ - TP = np.zeros(y_test.shape[1]) - FP = np.zeros(y_test.shape[1]) - TN = np.zeros(y_test.shape[1]) - FN = np.zeros(y_test.shape[1]) - - for j in range(y_test.shape[1]): - TPaux = 0 - FPaux = 0 - TNaux = 0 - FNaux = 0 - for i in range(y_test.shape[0]): - if int(y_test[i,j]) == 1: - if int(y_test[i,j]) == 1 and int(predictions[i,j]) == 1: - TPaux += 1 - else: - FPaux += 1 - else: - if int(y_test[i,j]) == 0 and int(predictions[i,j]) == 0: - TNaux += 1 - else: - FNaux += 1 - TP[j] = TPaux - FP[j] = FPaux - TN[j] = TNaux - FN[j] = FNaux - - return TP, FP, TN, FN - -def multilabelMicroConfussionMatrix(TP, FP, TN, FN): - TPMicro = 0.0 - FPMicro = 0.0 - TNMicro = 0.0 - FNMicro = 0.0 - - for i in range(len(TP)): - TPMicro = TPMicro + TP[i] - FPMicro = FPMicro + FP[i] - TNMicro = TNMicro + TN[i] - FNMicro = FNMicro + FN[i] - - return TPMicro, FPMicro, TNMicro, FNMicro - -def rankingMatrix(probabilities): - """ - Matrix with the rankings for each label - """ - ranking = np.zeros(shape=[probabilities.shape[0], probabilities.shape[1]]) - probCopy = np.copy(probabilities) - for i in range(probabilities.shape[0]): - indexMost = 0 - iteration = 1 - while(sum(probCopy[i,:]) != 0): - for j in range(probabilities.shape[1]): - if probCopy[i,j] > probCopy[i,indexMost]: - indexMost = j - ranking[i, indexMost] = iteration - probCopy[i, indexMost] = 0 - iteration += 1 - - return ranking \ No newline at end of file diff --git a/multilabelMetrics/labelbasedclassification.py b/multilabelMetrics/labelbasedclassification.py index 34ad288..9a9ceb8 100644 --- a/multilabelMetrics/labelbasedclassification.py +++ b/multilabelMetrics/labelbasedclassification.py @@ -1,5 +1,6 @@ -from functions import multilabelConfussionMatrix, multilabelMicroConfussionMatrix -def accuracyMacro(y_test, predictions): +from .auxiliar_functions import multilabelConfussionMatrix, multilabelMicroConfussionMatrix +from decimal import Decimal +def accuracyMacro(y_test, y_pred): """ Accuracy Macro of our model @@ -7,7 +8,7 @@ def accuracyMacro(y_test, predictions): ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -15,16 +16,16 @@ def accuracyMacro(y_test, predictions): Accuracy Macro of our model """ accuracymacro = 0.0 - TP, FP, TN, FN = multilabelConfussionMatrix(y_test, predictions) + TP, FP, TN, FN = multilabelConfussionMatrix(y_test, y_pred) for i in range(len(TP)): - accuracymacro = accuracymacro + ((TP[i] + TN[i])/(TP[i] + FP[i] + TN[i] + FN[i])) + accuracymacro = Decimal(accuracymacro) + Decimal(TP[i] + TN[i])/Decimal(TP[i] + FP[i] + TN[i] + FN[i]) - accuracymacro = float(accuracymacro/len(TP)) + accuracymacro = Decimal(accuracymacro)/Decimal(y_test.shape[1]) return accuracymacro -def accuracyMicro(y_test, predictions): +def accuracyMicro(y_test, y_pred): """ Accuracy Micro of our model @@ -32,7 +33,7 @@ def accuracyMicro(y_test, predictions): ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -40,16 +41,15 @@ def accuracyMicro(y_test, predictions): Accuracy Micro of our model """ accuracymicro = 0.0 - TP, FP, TN, FN = multilabelConfussionMatrix(y_test, predictions) + TP, FP, TN, FN = multilabelConfussionMatrix(y_test, y_pred) TPMicro, FPMicro, TNMicro, FNMicro = multilabelMicroConfussionMatrix(TP, FP, TN, FN) - if (TPMicro + FPMicro + TNMicro + FNMicro) != 0: - accuracymicro = float((TPMicro+TNMicro)/(TPMicro + FPMicro + TNMicro + FNMicro)) + accuracymicro = Decimal(TPMicro+TNMicro)/Decimal(y_test.shape[0]) return accuracymicro -def precisionMacro(y_test, predictions): +def precisionMacro(y_test, y_pred): """ Precision Macro of our model @@ -57,7 +57,7 @@ def precisionMacro(y_test, predictions): ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -65,16 +65,16 @@ def precisionMacro(y_test, predictions): Precision macro of our model """ precisionmacro = 0.0 - TP, FP, TN, FN = multilabelConfussionMatrix(y_test, predictions) + TP, FP, TN, FN = multilabelConfussionMatrix(y_test, y_pred) for i in range(len(TP)): if TP[i] + FP[i] != 0: - precisionmacro = precisionmacro + (TP[i]/(TP[i] + FP[i])) + precisionmacro = Decimal(precisionmacro) + Decimal(TP[i])/Decimal(TP[i] + FP[i]) - precisionmacro = float(precisionmacro/len(TP)) + precisionmacro = Decimal(precisionmacro)/Decimal(y_test.shape[1]) return precisionmacro -def precisionMicro(y_test, predictions): +def precisionMicro(y_test, y_pred): """ Precision Micro of our model @@ -82,7 +82,7 @@ def precisionMicro(y_test, predictions): ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -90,15 +90,15 @@ def precisionMicro(y_test, predictions): Precision micro of our model """ precisionmicro = 0.0 - TP, FP, TN, FN = multilabelConfussionMatrix(y_test, predictions) + TP, FP, TN, FN = multilabelConfussionMatrix(y_test, y_pred) TPMicro, FPMicro, TNMicro, FNMicro = multilabelMicroConfussionMatrix(TP, FP, TN, FN) if (TPMicro + FPMicro) != 0: - precisionmicro = float(TPMicro/(TPMicro + FPMicro)) + precisionmicro = Decimal(TPMicro)/Decimal(TPMicro + FPMicro) return precisionmicro -def recallMacro(y_test, predictions): +def recallMacro(y_test, y_pred): """ Recall Macro of our model @@ -106,7 +106,7 @@ def recallMacro(y_test, predictions): ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -114,7 +114,7 @@ def recallMacro(y_test, predictions): Recall Macro of our model """ recallmacro = 0.0 - TP, FP, TN, FN = multilabelConfussionMatrix(y_test, predictions) + TP, FP, TN, FN = multilabelConfussionMatrix(y_test, y_pred) for i in range(len(TP)): if TP[i] + FN[i] != 0: recallmacro = recallmacro + (TP[i]/(TP[i] + FN[i])) @@ -122,7 +122,7 @@ def recallMacro(y_test, predictions): recallmacro = recallmacro/len(TP) return recallmacro -def recallMicro(y_test, predictions): +def recallMicro(y_test, y_pred): """ Recall Micro of our model @@ -130,7 +130,7 @@ def recallMicro(y_test, predictions): ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -138,16 +138,16 @@ def recallMicro(y_test, predictions): Recall Micro of our model """ recallmicro = 0.0 - TP, FP, TN, FN = multilabelConfussionMatrix(y_test, predictions) + TP, FP, TN, FN = multilabelConfussionMatrix(y_test, y_pred) TPMicro, FPMicro, TNMicro, FNMicro = multilabelMicroConfussionMatrix(TP, FP, TN, FN) if (TPMicro + FNMicro) != 0: - recallmicro = float(TPMicro/(TPMicro + FNMicro)) + recallmicro = Decimal(TPMicro)/Decimal(TPMicro + FNMicro) return recallmicro -def fbetaMacro(y_test, predictions, beta=1): +def fbetaMacro(y_test, y_pred, beta=1): """ FBeta Macro of our model @@ -155,7 +155,7 @@ def fbetaMacro(y_test, predictions, beta=1): ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -163,18 +163,18 @@ def fbetaMacro(y_test, predictions, beta=1): FBeta Macro of our model """ fbetamacro = 0.0 - TP, FP, TN, FN = multilabelConfussionMatrix(y_test, predictions) + TP, FP, TN, FN = multilabelConfussionMatrix(y_test, y_pred) for i in range(len(TP)): num = float((1+pow(beta,2))*TP[i]) den = float((1+pow(beta,2))*TP[i] + pow(beta,2)*FN[i] + FP[i]) if den != 0: - fbetamacro = fbetamacro + num/den + fbetamacro = Decimal(fbetamacro) + Decimal(num)/Decimal(den) - fbetamacro = fbetamacro/len(TP) + fbetamacro = Decimal(fbetamacro)/Decimal(y_test.shape[1]) return fbetamacro -def fbetaMicro(y_test, predictions, beta=1): +def fbetaMicro(y_test, y_pred, beta=1): """ FBeta Micro of our model @@ -182,7 +182,7 @@ def fbetaMicro(y_test, predictions, beta=1): ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) + y_pred: sparse or dense matrix (n_samples, n_labels) Matrix of predicted labels given by our model Returns ======= @@ -190,11 +190,11 @@ def fbetaMicro(y_test, predictions, beta=1): FBeta Micro of our model """ fbetamicro = 0.0 - TP, FP, TN, FN = multilabelConfussionMatrix(y_test, predictions) + TP, FP, TN, FN = multilabelConfussionMatrix(y_test, y_pred) TPMicro, FPMicro, TNMicro, FNMicro = multilabelMicroConfussionMatrix(TP, FP, TN, FN) num = float((1+pow(beta,2))*TPMicro) den = float((1+pow(beta,2))*TPMicro + pow(beta,2)*FNMicro + FPMicro) - fbetamicro = float(num/den) + fbetamicro = Decimal(num)/Decimal(den) return fbetamicro \ No newline at end of file diff --git a/multilabelMetrics/labelbasedranking.py b/multilabelMetrics/labelbasedranking.py index 8da2769..cbcde09 100644 --- a/multilabelMetrics/labelbasedranking.py +++ b/multilabelMetrics/labelbasedranking.py @@ -1,4 +1,7 @@ -def accuracyMacro(y_test, predictions): +from .auxiliar_functions import relevantIndexes, irrelevantIndexes +import numpy as np +from decimal import Decimal +def aucMacro(y_test, probabilities): """ AUC Macro of our model @@ -6,19 +9,41 @@ def accuracyMacro(y_test, predictions): ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) - Matrix of predicted labels given by our model + probabilities: sparse or dense matrix (n_samples, n_labels) + Matrix of the probabilities associated to each label Returns ======= aucMacro : float AUC Macro """ - aucMacro = 0.0 + aucmacro = 0.0 + z = np.zeros(y_test.shape[0], dtype = int) + bar_z = np.zeros(y_test.shape[0], dtype = int) + for i in range(y_test.shape[1]): + withi = 0 + without = 0 + #List if instances with y and withouy y as relevant labels + for j in range(0, int(y_test.shape[0])): + relevantVector = relevantIndexes(y_test[j,:]) + if i in relevantVector: + z[withi] = j + withi += 1 + else: + bar_z[without] = j + without += 1 + + auc_i = 0.0 + for j in range(0,withi): + for k in range(0,without): + if probabilities[int(z[j]),i] >= probabilities[int(bar_z[k]),i]: + auc_i += 1.0 + if withi*without !=0: + aucmacro = aucmacro + auc_i/(withi*without) + aucmacro = Decimal(aucmacro)/Decimal(y_test.shape[1]) + return aucmacro - return aucMacro - -def accuracyMicro(y_test, predictions): +def aucMicro(y_test, probabilities): """ AUC Micro of our model @@ -26,14 +51,103 @@ def accuracyMicro(y_test, predictions): ====== y_test : sparse or dense matrix (n_samples, n_labels) Matrix of labels used in the test phase - predictions: sparse or dense matrix (n_samples, n_labels) - Matrix of predicted labels given by our model + probabilities: sparse or dense matrix (n_samples, n_labels) + Matrix of the probabilities associated to each label Returns ======= aucMicro : float AUC Micro """ - aucMicro = 0.0 + aucmicro = 0.0 + rel_x_irel = 0.0 + lista = np.zeros(y_test.shape[1], dtype=int) + for i in range(y_test.shape[0]): + relevantVector = relevantIndexes(y_test[i,:]) + rel_x_irel += len(relevantVector) + + rel_x_irel = rel_x_irel * (y_test.shape[0]*y_test.shape[1] - rel_x_irel) + for i in range(y_test.shape[0]): + + for j in range(y_test.shape[0]): + #Irrelevants labels of j-th + a = 0 + b = 0 + c = 0 + jnext = 0 + relevantVector = relevantIndexes(y_test[j,:]) + ii = 0 + while(ii < len(relevantVector)): + if(relevantVector[ii] == jnext): + ii +=1 + jnext +=1 + else: + lista[c] = jnext + jnext += 1 + c += 1 + + while(jnext < int(y_test.shape[1])): + lista[c] = jnext + jnext +=1 + c += 1 + + #Relevant labels for i-th + if int(len(relevantVector)) != int(0): + for a in range(int(len(relevantVector))): + for b in range(int(c)): + if probabilities[i, relevantVector[a]] >= probabilities[j,int(lista[b])]: + aucmicro += 1.0 + + aucmicro = Decimal(aucmicro)/Decimal(rel_x_irel) + + + return aucmicro + +def aucInstance(y_test, probabilities): + """ + AUC Instance of our model + + Params + ====== + y_test : sparse or dense matrix (n_samples, n_labels) + Matrix of labels used in the test phase + probabilities: sparse or dense matrix (n_samples, n_labels) + Matrix of the probabilities associated to each label + Returns + ======= + aucInstance : float + AUC Instance + """ + aucinstance = 0.0 + lista = np.zeros(y_test.shape[1], dtype = int) + for i in range(y_test.shape[0]): + suma = 0.0 + #Irrelevant labels of i-th + c = 0 + nexti = 0 + relevantVector = relevantIndexes(y_test[i,:]) + ii = 0 + while(ii < len(relevantVector)): + if(relevantVector[ii] == nexti): + ii += 1 + nexti += 1 + else: + lista[c] = nexti + nexti += 1 + c += 1 + + while(nexti < y_test.shape[1]): + lista[c] = nexti + nexti += 1 + c +=1 + #Relevant labels of i-th + for a in range(len(relevantVector)): + for b in range(c): + if probabilities[i, relevantVector[a]] >= probabilities[i,int(lista[b])]: + suma +=1 + + if len(relevantVector)*(y_test.shape[1]-len(relevantVector)) != 0: + aucinstance = aucinstance + suma/(len(relevantVector)*(y_test.shape[1]*len(relevantVector))) - return aucMicro \ No newline at end of file + aucinstance = Decimal(aucinstance)/Decimal(y_test.shape[0]) + return aucinstance \ No newline at end of file diff --git a/poetry.lock b/poetry.lock index 09e7540..d63e450 100644 --- a/poetry.lock +++ b/poetry.lock @@ -1,14 +1,174 @@ +[[package]] +category = "main" +description = "Atomic file writes." +name = "atomicwrites" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +version = "1.3.0" + +[[package]] +category = "main" +description = "Classes Without Boilerplate" +name = "attrs" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +version = "19.1.0" + +[[package]] +category = "main" +description = "Cross-platform colored terminal text." +marker = "sys_platform == \"win32\"" +name = "colorama" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +version = "0.4.1" + +[[package]] +category = "main" +description = "Python function signatures from PEP362 for Python 2.6, 2.7 and 3.2+" +marker = "python_version < \"3.0\"" +name = "funcsigs" +optional = false +python-versions = "*" +version = "1.0.2" + +[[package]] +category = "main" +description = "More routines for operating on iterables, beyond itertools" +marker = "python_version <= \"2.7\" or python_version > \"2.7\"" +name = "more-itertools" +optional = false +python-versions = "*" +version = "5.0.0" + +[package.dependencies] +six = ">=1.0.0,<2.0.0" + [[package]] category = "main" description = "NumPy is the fundamental package for array computing with Python." name = "numpy" optional = false python-versions = ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*" -version = "1.16.1" +version = "1.16.2" + +[[package]] +category = "main" +description = "Object-oriented filesystem paths" +marker = "python_version < \"3.6\"" +name = "pathlib2" +optional = false +python-versions = "*" +version = "2.3.3" + +[package.dependencies] +six = "*" + +[package.dependencies.scandir] +python = "<3.5" +version = "*" + +[[package]] +category = "main" +description = "plugin and hook calling mechanisms for python" +name = "pluggy" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +version = "0.9.0" + +[[package]] +category = "main" +description = "library with cross-python path, ini-parsing, io, code, log facilities" +name = "py" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +version = "1.8.0" + +[[package]] +category = "main" +description = "pytest: simple powerful testing with Python" +name = "pytest" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +version = "4.3.1" + +[package.dependencies] +atomicwrites = ">=1.0" +attrs = ">=17.4.0" +colorama = "*" +pluggy = ">=0.7" +py = ">=1.5.0" +setuptools = "*" +six = ">=1.10.0" + +[[package.dependencies.more-itertools]] +python = "<=2.7" +version = ">=4.0.0,<6.0.0" + +[[package.dependencies.more-itertools]] +python = ">2.7" +version = ">=4.0.0" + +[package.dependencies.funcsigs] +python = "<3.0" +version = "*" + +[package.dependencies.pathlib2] +python = "<3.6" +version = ">=2.2.0" + +[[package]] +category = "main" +description = "scandir, a better directory iterator and faster os.walk()" +marker = "python_version < \"3.5\"" +name = "scandir" +optional = false +python-versions = "*" +version = "1.10.0" + +[[package]] +category = "main" +description = "Scikit-multilearn is a BSD-licensed library for multi-label classification that is built on top of the well-known scikit-learn ecosystem." +name = "scikit-multilearn" +optional = false +python-versions = "*" +version = "0.2.0" + +[[package]] +category = "main" +description = "SciPy: Scientific Library for Python" +name = "scipy" +optional = false +python-versions = ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*" +version = "1.2.1" + +[package.dependencies] +numpy = ">=1.8.2" + +[[package]] +category = "main" +description = "Python 2 and 3 compatibility utilities" +name = "six" +optional = false +python-versions = ">=2.6, !=3.0.*, !=3.1.*" +version = "1.12.0" [metadata] -content-hash = "43f9f8b369b3705c17e85c41e44377305f4d093500fa69420b604e4375d9da8e" +content-hash = "8998d99f0c74d112c99b991f665cc98bb04c66c7028bda62730beabcf3a631df" python-versions = "*" [metadata.hashes] -numpy = ["0cdbbaa30ae69281b18dd995d3079c4e552ad6d5426977f66b9a2a95f11f552a", "2b0cca1049bd39d1879fa4d598624cafe82d35529c72de1b3d528d68031cdd95", "31d3fe5b673e99d33d70cfee2ea8fe8dccd60f265c3ed990873a88647e3dd288", "34dd4922aab246c39bf5df03ca653d6265e65971deca6784c956bf356bca6197", "384e2dfa03da7c8d54f8f934f61b6a5e4e1ebb56a65b287567629d6c14578003", "392e2ea22b41a22c0289a88053204b616181288162ba78e6823e1760309d5277", "4341a39fc085f31a583be505eabf00e17c619b469fef78dc7e8241385bfddaa4", "45080f065dcaa573ebecbfe13cdd86e8c0a68c4e999aa06bd365374ea7137706", "485cb1eb4c9962f4cd042fed9424482ec1d83fee5dc2ef3f2552ac47852cb259", "575cefd28d3e0da85b0864506ae26b06483ee4a906e308be5a7ad11083f9d757", "62784b35df7de7ca4d0d81c5b6af5983f48c5cdef32fc3635b445674e56e3266", "69c152f7c11bf3b4fc11bc4cc62eb0334371c0db6844ebace43b7c815b602805", "6ccfdcefd287f252cf1ea7a3f1656070da330c4a5658e43ad223269165cdf977", "7298fbd73c0b3eff1d53dc9b9bdb7add8797bb55eeee38c8ccd7906755ba28af", "79463d918d1bf3aeb9186e3df17ddb0baca443f41371df422f99ee94f4f2bbfe", "8bbee788d82c0ac656536de70e817af09b7694f5326b0ef08e5c1014fcb96bb3", "a863957192855c4c57f60a75a1ac06ce5362ad18506d362dd807e194b4baf3ce", "ae602ba425fb2b074e16d125cdce4f0194903da935b2e7fe284ebecca6d92e76", "b13faa258b20fa66d29011f99fdf498641ca74a0a6d9266bc27d83c70fea4a6a", "c2c39d69266621dd7464e2bb740d6eb5abc64ddc339cc97aa669f3bb4d75c103", "e9c88f173d31909d881a60f08a8494e63f1aff2a4052476b24d4f50e82c47e24", "f1a29267ac29fff0913de0f11f3a9edfcd3f39595f467026c29376fad243ebe3", "f69dde0c5a137d887676a8129373e44366055cf19d1b434e853310c7a1e68f93"] +atomicwrites = ["03472c30eb2c5d1ba9227e4c2ca66ab8287fbfbbda3888aa93dc2e28fc6811b4", "75a9445bac02d8d058d5e1fe689654ba5a6556a1dfd8ce6ec55a0ed79866cfa6"] +attrs = ["69c0dbf2ed392de1cb5ec704444b08a5ef81680a61cb899dc08127123af36a79", "f0b870f674851ecbfbbbd364d6b5cbdff9dcedbc7f3f5e18a6891057f21fe399"] +colorama = ["05eed71e2e327246ad6b38c540c4a3117230b19679b875190486ddd2d721422d", "f8ac84de7840f5b9c4e3347b3c1eaa50f7e49c2b07596221daec5edaabbd7c48"] +funcsigs = ["330cc27ccbf7f1e992e69fef78261dc7c6569012cf397db8d3de0234e6c937ca", "a7bb0f2cf3a3fd1ab2732cb49eba4252c2af4240442415b4abce3b87022a8f50"] +more-itertools = ["38a936c0a6d98a38bcc2d03fdaaedaba9f412879461dd2ceff8d37564d6522e4", "c0a5785b1109a6bd7fac76d6837fd1feca158e54e521ccd2ae8bfe393cc9d4fc", "fe7a7cae1ccb57d33952113ff4fa1bc5f879963600ed74918f1236e212ee50b9"] +numpy = ["1980f8d84548d74921685f68096911585fee393975f53797614b34d4f409b6da", "22752cd809272671b273bb86df0f505f505a12368a3a5fc0aa811c7ece4dfd5c", "23cc40313036cffd5d1873ef3ce2e949bdee0646c5d6f375bf7ee4f368db2511", "2b0b118ff547fecabc247a2668f48f48b3b1f7d63676ebc5be7352a5fd9e85a5", "3a0bd1edf64f6a911427b608a894111f9fcdb25284f724016f34a84c9a3a6ea9", "3f25f6c7b0d000017e5ac55977a3999b0b1a74491eacb3c1aa716f0e01f6dcd1", "4061c79ac2230594a7419151028e808239450e676c39e58302ad296232e3c2e8", "560ceaa24f971ab37dede7ba030fc5d8fa173305d94365f814d9523ffd5d5916", "62be044cd58da2a947b7e7b2252a10b42920df9520fc3d39f5c4c70d5460b8ba", "6c692e3879dde0b67a9dc78f9bfb6f61c666b4562fd8619632d7043fb5b691b0", "6f65e37b5a331df950ef6ff03bd4136b3c0bbcf44d4b8e99135d68a537711b5a", "7a78cc4ddb253a55971115f8320a7ce28fd23a065fc33166d601f51760eecfa9", "80a41edf64a3626e729a62df7dd278474fc1726836552b67a8c6396fd7e86760", "893f4d75255f25a7b8516feb5766c6b63c54780323b9bd4bc51cdd7efc943c73", "972ea92f9c1b54cc1c1a3d8508e326c0114aaf0f34996772a30f3f52b73b942f", "9f1d4865436f794accdabadc57a8395bd3faa755449b4f65b88b7df65ae05f89", "9f4cd7832b35e736b739be03b55875706c8c3e5fe334a06210f1a61e5c2c8ca5", "adab43bf657488300d3aeeb8030d7f024fcc86e3a9b8848741ea2ea903e56610", "bd2834d496ba9b1bdda3a6cf3de4dc0d4a0e7be306335940402ec95132ad063d", "d20c0360940f30003a23c0adae2fe50a0a04f3e48dc05c298493b51fd6280197", "d3b3ed87061d2314ff3659bb73896e622252da52558f2380f12c421fbdee3d89", "dc235bf29a406dfda5790d01b998a1c01d7d37f449128c0b1b7d1c89a84fae8b", "fb3c83554f39f48f3fa3123b9c24aecf681b1c289f9334f8215c1d3c8e2f6e5b"] +pathlib2 = ["25199318e8cc3c25dcb45cbe084cc061051336d5a9ea2a12448d3d8cb748f742", "5887121d7f7df3603bca2f710e7219f3eca0eb69e0b7cc6e0a022e155ac931a7"] +pluggy = ["19ecf9ce9db2fce065a7a0586e07cfb4ac8614fe96edf628a264b1c70116cf8f", "84d306a647cc805219916e62aab89caa97a33a1dd8c342e87a37f91073cd4746"] +py = ["64f65755aee5b381cea27766a3a147c3f15b9b6b9ac88676de66ba2ae36793fa", "dc639b046a6e2cff5bbe40194ad65936d6ba360b52b3c3fe1d08a82dd50b5e53"] +pytest = ["592eaa2c33fae68c7d75aacf042efc9f77b27c08a6224a4f59beab8d9a420523", "ad3ad5c450284819ecde191a654c09b0ec72257a2c711b9633d677c71c9850c4"] +scandir = ["2586c94e907d99617887daed6c1d102b5ca28f1085f90446554abf1faf73123e", "2ae41f43797ca0c11591c0c35f2f5875fa99f8797cb1a1fd440497ec0ae4b022", "2b8e3888b11abb2217a32af0766bc06b65cc4a928d8727828ee68af5a967fa6f", "2c712840c2e2ee8dfaf36034080108d30060d759c7b73a01a52251cc8989f11f", "4d4631f6062e658e9007ab3149a9b914f3548cb38bfb021c64f39a025ce578ae", "67f15b6f83e6507fdc6fca22fedf6ef8b334b399ca27c6b568cbfaa82a364173", "7d2d7a06a252764061a020407b997dd036f7bd6a175a5ba2b345f0a357f0b3f4", "8c5922863e44ffc00c5c693190648daa6d15e7c1207ed02d6f46a8dcc2869d32", "92c85ac42f41ffdc35b6da57ed991575bdbe69db895507af88b9f499b701c188", "b24086f2375c4a094a6b51e78b4cf7ca16c721dcee2eddd7aa6494b42d6d519d", "cb925555f43060a1745d0a321cca94bcea927c50114b623d73179189a4e100ac"] +scikit-multilearn = ["068c652f22704a084ca252d05d21a655e7c9b248d0a4543847b74de5fca2b3f0", "0a389600a6797db6567f2f6ca1d0dca30bebfaaa73f75de62d7ae40f8f03d4fb", "3179fed29b1492f6a69600696c23045b9f494d2b89d1796a8bdc43ccbb33712b"] +scipy = ["014cb900c003b5ac81a53f2403294e8ecf37aedc315b59a6b9370dce0aa7627a", "281a34da34a5e0de42d26aed692ab710141cad9d5d218b20643a9cb538ace976", "588f9cc4bfab04c45fbd19c1354b5ade377a8124d6151d511c83730a9b6b2338", "5a10661accd36b6e2e8855addcf3d675d6222006a15795420a39c040362def66", "628f60be272512ca1123524969649a8cb5ae8b31cca349f7c6f8903daf9034d7", "6dcc43a88e25b815c2dea1c6fac7339779fc988f5df8396e1de01610604a7c38", "70e37cec0ac0fe95c85b74ca4e0620169590fd5d3f44765f3c3a532cedb0e5fd", "7274735fb6fb5d67d3789ddec2cd53ed6362539b41aa6cc0d33a06c003aaa390", "78e12972e144da47326958ac40c2bd1c1cca908edc8b01c26a36f9ffd3dce466", "790cbd3c8d09f3a6d9c47c4558841e25bac34eb7a0864a9def8f26be0b8706af", "79792c8fe8e9d06ebc50fe23266522c8c89f20aa94ac8e80472917ecdce1e5ba", "865afedf35aaef6df6344bee0de391ee5e99d6e802950a237f9fb9b13e441f91", "870fd401ec7b64a895cff8e206ee16569158db00254b2f7157b4c9a5db72c722", "963815c226b29b0176d5e3d37fc9de46e2778ce4636a5a7af11a48122ef2577c", "9726791484f08e394af0b59eb80489ad94d0a53bbb58ab1837dcad4d58489863", "9de84a71bb7979aa8c089c4fb0ea0e2ed3917df3fb2a287a41aaea54bbad7f5d", "b2c324ddc5d6dbd3f13680ad16a29425841876a84a1de23a984236d1afff4fa6", "b86ae13c597fca087cb8c193870507c8916cefb21e52e1897da320b5a35075e5", "ba0488d4dbba2af5bf9596b849873102d612e49a118c512d9d302ceafa36e01a", "d78702af4102a3a4e23bb7372cec283e78f32f5573d92091aa6aaba870370fe1", "def0e5d681dd3eb562b059d355ae8bebe27f5cc455ab7c2b6655586b63d3a8ea", "e085d1babcb419bbe58e2e805ac61924dac4ca45a07c9fa081144739e500aa3c", "e2cfcbab37c082a5087aba5ff00209999053260441caadd4f0e8f4c2d6b72088", "e742f1f5dcaf222e8471c37ee3d1fd561568a16bb52e031c25674ff1cf9702d5", "f06819b028b8ef9010281e74c59cb35483933583043091ed6b261bb1540f11cc", "f15f2d60a11c306de7700ee9f65df7e9e463848dbea9c8051e293b704038da60", "f31338ee269d201abe76083a990905473987371ff6f3fdb76a3f9073a361cf37", "f6b88c8d302c3dac8dff7766955e38d670c82e0d79edfc7eae47d6bb2c186594"] +six = ["3350809f0555b11f552448330d0b52d5f24c91a322ea4a15ef22629740f3761c", "d16a0141ec1a18405cd4ce8b4613101da75da0e9a7aec5bdd4fa804d0e0eba73"] diff --git a/pyproject.toml b/pyproject.toml index 3195c76..8e32e2e 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -1,11 +1,14 @@ [tool.poetry] -name = "multilabelmetrics" +name = "multilabelMetrics" version = "0.1.0" description = "Metrics for multilabel classification" authors = ["Jose Perez-Parras Toledano "] [tool.poetry.dependencies] numpy = "^1.16" +scikit-multilearn = "^0.2.0" +pytest = "^4.3" +scipy = "^1.2" [tool.poetry.dev-dependencies] diff --git a/pytest.ini b/pytest.ini new file mode 100644 index 0000000..c1fa878 --- /dev/null +++ b/pytest.ini @@ -0,0 +1,2 @@ +[pytest] +addopts = -p no:warnings \ No newline at end of file diff --git a/tests/auxiliaryFunctions.py b/tests/auxiliaryFunctions.py new file mode 100644 index 0000000..ba1e5e3 --- /dev/null +++ b/tests/auxiliaryFunctions.py @@ -0,0 +1,99 @@ +import numpy as np +def readParams (paramsFileName): + "This functions reads the params from a file and store them in a dictionary" + file = open(paramsFileName, 'r') + + paramNames = [] + paramAttributes = [] + #We are going to create a dictionary from both lists + for line in file.readlines(): + data = line.split(' : ') + paramNames.append(str(data[0])) + aux = data[1] + paramAttributes.append(aux[0:len(aux)-1]) + + paramDictionary = {} + + file.close() + + for i in range(len(paramNames)): + + paramDictionary[paramNames[i]] = paramAttributes[i] + + del paramNames + del paramAttributes + return paramDictionary + +def readDataFromFile (fileName): + "This functions reads data from a file and store it in two matrices" + #Open the file + file = open(fileName, 'r') + + #Now we have to read the first line and check if it's sparse or dense + firstLine = file.readline() + words = firstLine.split() + word = words[1] + if word[:-1] == 'SPARSE': + sparse = True #The file is in sparse mode + else: + sparse = False #The file is in dense mode + + + secondLine = file.readline() + words = secondLine.split() + instances = int(words[1]) + thirdLine = file.readline() + words = thirdLine.split() + attributes = int(words[1]) + fourthLine = file.readline() + words = fourthLine.split() + labels = int(words[1]) + #Now we do a loop reading all the other lines + #Then we read the file, different way depending if sparse or dense + + #The loop starts in the first line of data + #We have to store that data in two matrices + X = np.zeros((instances, attributes), dtype=float) + y = np.zeros((instances, labels), dtype=int) + numberLine = 0 + for line in file.readlines(): + putToX = True + firstIndex = 1 + numberData = 0 + numberY = 0 + for data in line.split(): + if sparse:#Sparse format, we have to split each data + if data == '[': + putToX = False + + if putToX == True and (data != '[' and data != ']'): + sparseArray = data.split(':') + lastIndex = int(sparseArray[0]) + for i in range(firstIndex, lastIndex - 1): + X[numberLine, i-1] = float(0) + X[numberLine, lastIndex-1] = float(sparseArray[1]) + firstIndex = lastIndex-1 + else: + if (data != '[') and (data != ']'): + aux = float(data) + y[numberLine, numberY] = int(aux) + numberY += 1 + + else:#Dense format + if data == '[': + putToX = False + + if putToX == True and (data != '[' and data != ']'): + X[numberLine, numberData] = float(data) + else: + if (data != '[') and (data != ']'): + #This is good for the dense format + aux = float(data) + y[numberLine, numberY] = int(aux) + numberY += 1 + numberData += 1 + + numberLine += 1 + file.close() + X = np.asarray(X, dtype=float) + return X, y \ No newline at end of file diff --git a/tests/emotions0.gen b/tests/emotions0.gen new file mode 100644 index 0000000..1f376a4 --- /dev/null +++ b/tests/emotions0.gen @@ -0,0 +1,64 @@ +[MULTILABEL, DENSE] +$ 60 +$ 72 +$ 6 +0.034741 0.089665 0.091225 -73.302422 6.215179 0.615074 2.03716 0.804065 1.301409 0.558576 0.672063 0.783788 0.76664 0.458712 0.530384 0.812429 0.028851 0.129039 0.039614 5.762173 1.636819 1.170034 1.051511 0.764163 0.642705 0.617868 0.510265 0.566213 0.509149 0.477275 0.505073 0.463535 0.013519 0.050591 0.009025 8.156257 1.077167 0.624711 0.810244 0.399568 0.279947 0.314215 0.231439 0.345401 0.285389 0.210613 0.321896 0.290551 0.022774 0.095801 0.015057 4.748694 0.536378 0.296306 0.27321 0.1758 0.105508 0.168246 0.115849 0.13602 0.110514 0.100517 0.11863 0.094923 0.051035 68.0 0.014937 136.0 2.0 0.245457 0.105065 0.405399 [ 0 1 1 0 0 0 ] +0.056384 0.114651 0.084246 -73.219315 4.801673 -0.160915 2.065888 0.517364 1.027248 0.660353 1.008713 0.771807 0.950514 0.800831 0.191792 0.410237 0.051712 0.118016 0.035851 4.471482 1.294987 1.124739 0.839705 0.729185 0.658059 0.605391 0.45751 0.455219 0.441779 0.440217 0.450447 0.462062 0.019295 0.039873 0.009405 2.59128 0.839685 0.826631 0.66446 0.410582 0.373322 0.251105 0.205521 0.236927 0.315307 0.204768 0.256403 0.285326 0.028609 0.057322 0.02902 4.224989 0.449478 0.333635 0.310079 0.262943 0.208758 0.169781 0.086288 0.120678 0.09371 0.111411 0.101346 0.124834 0.073747 55.0 0.055948 110.0 2.0 0.193052 0.169508 0.36256 [ 0 0 0 0 1 0 ] +0.090841 0.221729 0.083844 -62.03853 3.3929 0.122367 1.32222 0.259427 0.546771 0.591368 0.419064 0.525858 0.766899 0.301706 0.42107 0.31885 0.049267 0.147887 0.030995 3.940208 1.193657 0.852737 0.893404 0.805841 0.650716 0.580267 0.571912 0.551561 0.578482 0.475611 0.478703 0.472023 0.020568 0.051397 0.008491 1.583536 0.543385 0.600194 0.541869 0.479099 0.245186 0.315148 0.249551 0.213228 0.318042 0.144751 0.172649 0.160604 0.025371 0.062529 0.030007 3.889851 0.369155 0.212134 0.191676 0.165876 0.147614 0.112851 0.099206 0.093833 0.108841 0.060203 0.090094 0.075316 0.262349 90.0 0.41677 180.0 2.0 0.570178 0.195529 1.386673 [ 1 0 0 0 0 1 ] +0.089174 0.201884 0.080349 -69.377978 3.530109 -0.088116 2.358581 0.259732 0.986011 0.739841 0.552698 0.367461 0.238452 0.348709 0.542195 0.576342 0.043218 0.104523 0.030973 6.368852 1.057144 1.287773 0.527054 0.58171 0.479653 0.4828 0.437383 0.431424 0.447148 0.446894 0.444153 0.502809 0.021231 0.047008 0.007485 4.594243 0.73886 0.860877 0.293687 0.295432 0.255969 0.239309 0.239693 0.185593 0.175838 0.322092 0.171341 0.296154 0.022297 0.05571 0.030312 3.507677 0.268011 0.370831 0.125591 0.122705 0.086995 0.121477 0.066993 0.077777 0.073425 0.07413 0.100791 0.141356 0.016167 64.0 0.193998 128.0 2.0 0.105963 0.310587 0.519843 [ 0 1 0 0 0 0 ] +0.039345 0.162001 0.092001 -76.648626 4.932518 2.060865 2.166609 0.40273 0.696715 0.620707 0.43556 0.447726 0.337997 0.336435 0.736492 0.673786 0.045744 0.254131 0.042205 6.766731 1.946499 1.145085 1.039473 0.682673 0.645726 0.668063 0.578836 0.525521 0.519705 0.50691 0.47356 0.40063 0.023065 0.103513 0.007511 3.893871 1.107468 0.577365 0.78923 0.530555 0.320916 0.367324 0.315855 0.291589 0.363927 0.315177 0.275603 0.180596 0.032223 0.111386 0.028252 3.961881 0.366948 0.209513 0.287009 0.169917 0.144531 0.145515 0.134639 0.09141 0.090523 0.098374 0.099342 0.065102 0.277285 81.0 0.0 162.0 2.0 0.656906 0.038492 1.443817 [ 0 0 1 0 0 0 ] +0.059105 0.364229 0.15946 -79.734634 6.560354 0.690158 0.760122 0.848304 0.731515 0.427603 0.519098 0.376991 0.456455 0.431473 0.438684 0.474532 0.070494 0.386503 0.11619 15.262381 3.664476 2.04521 1.081396 0.703948 0.601091 0.594638 0.425845 0.382856 0.357922 0.325899 0.350981 0.343967 0.025864 0.115081 0.021227 7.268233 1.113475 0.826435 0.556715 0.186507 0.211328 0.165819 0.153384 0.184116 0.152529 0.129237 0.099599 0.09063 0.036436 0.051989 0.021999 4.577565 0.501606 0.397522 0.300469 0.123 0.12037 0.10057 0.074592 0.059238 0.048627 0.058594 0.045763 0.057764 0.65215 67.0 1.602833 134.0 2.0 1.262872 1.622467 2.885339 [ 1 1 0 0 0 1 ] +0.061831 0.257735 0.084084 -73.030595 3.85412 0.788171 2.329825 0.863523 0.276971 0.762293 0.274085 0.996234 0.399103 0.535078 0.314753 0.466096 0.064743 0.283153 0.039713 6.456402 1.182431 1.168721 1.163386 0.894872 0.694175 0.554455 0.625552 0.53043 0.495554 0.42272 0.435858 0.418568 0.025319 0.129016 0.007522 4.011674 0.65404 0.538429 0.521353 0.431563 0.297444 0.265877 0.293552 0.254794 0.245592 0.157134 0.200926 0.211679 0.035153 0.093316 0.030034 3.980966 0.385927 0.253973 0.30998 0.214431 0.134541 0.11133 0.143163 0.110303 0.091207 0.065297 0.090357 0.079465 0.016745 100.0 0.0 200.0 2.0 0.023449 0.068106 0.269238 [ 0 1 1 0 0 0 ] +0.104071 0.333477 0.09354 -63.441034 4.320126 -0.465454 0.191738 0.58209 0.512324 0.044908 0.63953 0.560989 0.063917 0.190157 0.353222 0.676259 0.089746 0.292401 0.042792 4.801862 1.644142 1.041799 0.710095 0.616406 0.516517 0.435783 0.456068 0.409481 0.420454 0.461796 0.456102 0.4059 0.013382 0.05656 0.008265 1.227223 0.294263 0.329828 0.233534 0.130853 0.160026 0.113516 0.166206 0.106728 0.177327 0.215539 0.18066 0.122252 0.018052 0.033675 0.028394 4.197086 0.226537 0.158279 0.139728 0.077606 0.09444 0.079111 0.066144 0.060981 0.059751 0.068108 0.067838 0.045097 1.510425 67.0 0.313855 134.0 2.0 1.638229 0.313855 1.952084 [ 1 1 0 0 0 0 ] +0.085392 0.225337 0.079046 -60.562622 3.522214 0.160625 1.970481 0.26932 0.346219 0.45408 0.599645 0.504321 0.365992 0.471376 0.440971 0.488921 0.048085 0.134873 0.030394 2.511825 1.179334 0.862401 0.791659 0.608547 0.491619 0.517189 0.50479 0.43462 0.476708 0.458436 0.435741 0.429183 0.029672 0.070522 0.007709 1.766723 0.619383 0.470396 0.484272 0.285784 0.272728 0.255729 0.308821 0.210466 0.287415 0.222859 0.218773 0.201734 0.028204 0.058951 0.030521 3.778153 0.31254 0.154011 0.196941 0.119555 0.102306 0.101876 0.105643 0.096319 0.088308 0.087757 0.07559 0.067545 0.082129 64.0 0.24453 128.0 2.0 0.354167 0.246193 0.60036 [ 0 0 0 0 1 0 ] +0.047676 0.117463 0.074581 -97.510495 8.310384 -0.197825 2.046647 1.489265 1.284378 0.408218 0.77254 1.084388 0.773262 0.224806 0.53774 0.464553 0.015916 0.055107 0.028271 3.325592 0.848909 0.525769 0.496151 0.483889 0.456941 0.446666 0.461113 0.455344 0.412647 0.448634 0.406489 0.428396 0.026047 0.094375 0.007759 10.969816 1.284737 0.728622 0.333077 0.492375 0.278905 0.790284 0.346603 0.624574 0.280985 0.421318 0.211982 0.307468 0.026755 0.115194 0.030085 5.502967 0.553285 0.150968 0.135167 0.17792 0.089391 0.092717 0.134184 0.119945 0.06533 0.110074 0.085737 0.083473 0.061409 84.0 0.0 168.0 2.0 0.225884 0.188141 0.681908 [ 1 0 1 0 0 0 ] +0.076633 0.368077 0.094873 -76.700621 2.448765 1.073121 1.034744 0.524391 0.891016 0.315999 0.572867 0.31392 0.934636 0.866821 0.636536 0.368755 0.071899 0.326955 0.038366 7.150909 1.797842 1.278353 0.856774 0.833873 0.563267 0.616354 0.512957 0.484538 0.597433 0.496778 0.498438 0.499443 0.020795 0.094738 0.007248 3.859397 0.360945 1.152102 0.269924 0.416027 0.175122 0.193271 0.33552 0.167165 0.317108 0.151143 0.165942 0.20339 0.021607 0.090332 0.028799 3.969009 0.382659 0.360081 0.140382 0.215213 0.116075 0.106921 0.128105 0.070786 0.117123 0.080537 0.089396 0.124968 0.902539 66.0 0.794323 132.0 2.0 0.907095 0.794323 1.726749 [ 0 1 0 0 0 1 ] +0.048393 0.132604 0.095184 -70.37971 4.712232 1.105588 1.595451 1.303562 0.759558 0.452725 0.709401 0.47995 0.215073 0.185775 0.435127 0.425359 0.041812 0.165797 0.049468 5.572078 1.456138 0.858164 0.764024 0.66056 0.517736 0.489981 0.508834 0.466284 0.44869 0.458834 0.438365 0.409665 0.027065 0.091407 0.008611 2.591527 0.859375 0.340485 0.499683 0.474113 0.263837 0.209196 0.201253 0.258541 0.273623 0.180798 0.143038 0.157417 0.029813 0.088553 0.02828 3.66314 0.36507 0.13957 0.127614 0.130768 0.073099 0.073852 0.070466 0.069712 0.067476 0.057392 0.07331 0.071934 0.178574 83.0 0.066288 166.0 2.0 0.30929 0.089411 0.466461 [ 0 0 0 0 0 1 ] +0.074666 0.20816 0.077176 -59.722243 3.157172 0.215426 1.327861 0.38493 0.881481 0.354518 0.392589 0.313067 0.680043 0.644069 0.516499 0.276794 0.03129 0.101748 0.028723 2.244167 0.672805 0.677398 0.618441 0.541796 0.476747 0.51906 0.476146 0.431036 0.428262 0.407946 0.397833 0.384421 0.018986 0.051682 0.008536 1.996994 0.424225 0.426023 0.344492 0.295488 0.244525 0.192395 0.215792 0.242126 0.174072 0.171487 0.150224 0.178748 0.023946 0.056784 0.030808 4.310795 0.319405 0.193886 0.147683 0.16271 0.084141 0.107914 0.122837 0.06978 0.078672 0.051392 0.057086 0.049279 0.075715 83.0 0.045955 166.0 2.0 0.171523 0.095755 0.320825 [ 1 1 0 0 0 1 ] +0.04306 0.171913 0.084732 -74.971441 5.607065 -0.958865 2.175883 0.872804 1.016713 1.168114 0.518991 0.644329 0.384527 0.554631 0.587583 0.720108 0.036256 0.220299 0.038246 6.059808 1.692642 1.042144 1.051801 0.892381 0.673812 0.636387 0.581392 0.609595 0.573111 0.505108 0.526706 0.486981 0.020967 0.081541 0.007784 3.982785 1.309836 0.729152 0.821484 0.547406 0.322344 0.329787 0.343807 0.324932 0.380573 0.380463 0.357664 0.250089 0.024527 0.122616 0.029078 3.62657 0.369257 0.230983 0.270144 0.188964 0.13748 0.116999 0.183273 0.112276 0.126396 0.102533 0.115432 0.089027 0.534245 75.0 0.08592 150.0 2.0 0.972093 0.036311 1.261903 [ 0 0 1 0 1 0 ] +0.080853 0.170186 0.075365 -63.764352 4.034343 0.689604 1.658998 0.816598 0.583622 -0.068535 0.152165 0.197715 0.395193 0.185339 0.485378 0.39673 0.034719 0.090744 0.029491 3.195986 0.865452 0.571835 0.46617 0.467637 0.417777 0.386492 0.496321 0.435718 0.476536 0.472536 0.492552 0.458174 0.020012 0.053589 0.008043 2.544442 0.675869 0.446633 0.334096 0.345194 0.44566 0.219695 0.359554 0.297069 0.335764 0.351332 0.481875 0.434869 0.024073 0.049651 0.030484 3.489058 0.308238 0.189372 0.096616 0.109197 0.088418 0.066901 0.181918 0.097374 0.104511 0.16366 0.237118 0.155746 0.09538 93.0 0.057246 186.0 2.0 0.210682 0.448417 0.887651 [ 1 0 0 0 0 0 ] +0.06118 0.304828 0.082799 -77.078349 2.258332 0.165154 2.729505 0.712338 1.156522 0.299492 0.582403 -0.021537 0.24515 0.591026 1.021535 0.939386 0.045715 0.279723 0.036741 4.527113 1.19042 1.100785 0.794841 0.559807 0.526162 0.561895 0.49768 0.474123 0.527287 0.51701 0.49859 0.45383 0.042551 0.156437 0.008907 7.66623 0.707696 0.772131 0.645411 0.56564 0.313402 0.283124 0.238144 0.295001 0.391785 0.368231 0.427561 0.336762 0.027518 0.138364 0.029218 4.319583 0.251969 0.297029 0.174691 0.119005 0.125455 0.077256 0.057621 0.077008 0.091038 0.071638 0.091684 0.082113 0.032272 68.0 0.091137 136.0 2.0 0.173345 0.364701 0.851227 [ 0 0 1 0 1 0 ] +0.085168 0.216841 0.086649 -69.095021 3.315018 1.432707 2.174924 0.448872 0.612483 0.620487 0.296932 0.514769 0.478804 0.316001 0.496862 0.318833 0.060006 0.178002 0.032616 4.575953 1.499172 1.093176 1.077011 0.762727 0.717681 0.646645 0.664001 0.582644 0.543991 0.501206 0.544511 0.515386 0.026985 0.06686 0.008464 2.152917 0.635972 0.941211 0.563979 0.342747 0.33464 0.274319 0.204841 0.186728 0.204199 0.161878 0.159302 0.254848 0.024841 0.064466 0.029452 3.827597 0.438513 0.296643 0.243189 0.143206 0.13477 0.095339 0.142999 0.084025 0.088768 0.090284 0.117054 0.095339 0.257578 93.0 0.009134 186.0 2.0 0.08405 0.426618 0.612001 [ 0 0 0 0 0 1 ] +0.073129 0.201071 0.083537 -71.259803 3.241462 1.204569 1.22614 0.688709 1.41044 0.763787 0.943205 0.765026 0.592457 0.521339 0.311459 0.284785 0.07167 0.223686 0.038367 4.785704 1.261375 0.83842 0.639651 0.501831 0.478537 0.473943 0.456713 0.572772 0.51054 0.394817 0.481529 0.44685 0.017239 0.031835 0.007076 2.368899 0.2803 0.210982 0.189725 0.172284 0.233735 0.196049 0.143403 0.16025 0.136687 0.10879 0.134077 0.094941 0.019479 0.035592 0.029478 3.925691 0.339204 0.161724 0.120237 0.076718 0.121004 0.091062 0.104836 0.148102 0.135747 0.079273 0.092866 0.10641 0.764071 69.0 1.020402 138.0 2.0 0.851061 1.028826 1.920681 [ 1 0 0 0 0 1 ] +0.072413 0.375537 0.116735 -70.634337 2.712545 0.458446 2.152459 1.84152 1.033978 0.293254 1.224925 -0.07117 0.16586 0.399752 1.107886 -0.047387 0.079428 0.35843 0.064973 7.692047 1.570193 0.98324 0.839595 0.906729 0.574667 0.565955 0.829619 1.000042 0.81411 0.550436 0.692112 1.001184 0.013235 0.0845 0.014245 2.384888 0.276674 0.278807 0.113009 0.239312 0.111557 0.084039 0.158832 0.165283 0.222812 0.112239 0.147344 0.163006 0.022815 0.031446 0.026725 4.183 0.317877 0.115274 0.116922 0.069767 0.117765 0.074756 0.11061 0.14645 0.076746 0.072647 0.078289 0.155846 1.069054 60.0 1.032727 120.0 2.0 1.219352 1.032727 2.284907 [ 1 0 0 0 0 1 ] +0.11121 0.27455 0.084976 -67.225608 3.313745 0.459859 1.251505 0.04433 0.571073 0.607053 0.199862 0.294374 0.432413 0.346948 0.480268 0.469692 0.090074 0.249952 0.03415 4.81205 1.590484 1.225907 1.102686 0.849926 0.649623 0.658737 0.598624 0.560221 0.562273 0.516356 0.492334 0.540606 0.041589 0.074078 0.008462 2.330406 0.751318 0.577288 0.496844 0.347212 0.230102 0.206073 0.175673 0.238657 0.220506 0.197613 0.216942 0.197795 0.043548 0.072052 0.029761 3.805177 0.401537 0.257184 0.208241 0.217672 0.101927 0.096514 0.089505 0.079514 0.121325 0.089597 0.074954 0.112222 0.132562 61.0 0.0 122.0 2.0 0.434231 0.072639 0.50687 [ 0 0 0 0 0 1 ] +0.097435 0.28058 0.091511 -68.121287 2.847807 1.398117 1.799596 0.809582 1.265309 0.593862 0.463413 0.355353 0.445963 0.778369 0.408638 0.270245 0.094968 0.275525 0.042157 6.081876 1.54596 1.561919 0.977434 0.917309 0.726554 0.640518 0.631305 0.635141 0.611158 0.623226 0.498467 0.521008 0.035053 0.073045 0.010107 3.963201 0.731952 0.786603 0.532725 0.440359 0.303851 0.335655 0.431518 0.477926 0.410842 0.346633 0.241014 0.221333 0.036465 0.058487 0.029566 4.522062 0.389792 0.316725 0.278691 0.272993 0.165957 0.139313 0.118337 0.174399 0.111975 0.131051 0.082634 0.129704 0.086802 52.0 0.0 104.0 2.0 0.248088 0.098038 0.368609 [ 0 0 0 0 0 1 ] +0.156862 0.32358 0.082667 -66.040567 2.444922 -0.151582 2.712332 -0.272279 1.479593 -0.363235 0.087024 0.423182 0.609374 0.616373 0.319235 0.483056 0.033751 0.034332 0.028157 1.885357 0.618541 0.531127 0.563416 0.442747 0.435912 0.401808 0.423815 0.440721 0.422514 0.422144 0.405522 0.394502 0.023329 0.022032 0.008196 1.816689 0.499378 0.470778 0.605732 0.234157 0.514003 0.45863 0.289997 0.307288 0.243059 0.260271 0.233812 0.29006 0.021432 0.049242 0.030621 4.408359 0.26323 0.146403 0.199721 0.08575 0.101881 0.069625 0.081312 0.092746 0.071127 0.08361 0.069784 0.061719 0.231611 98.0 0.16743 196.0 2.0 0.118767 0.667014 1.350645 [ 1 0 0 0 0 1 ] +0.064434 0.13477 0.076363 -84.652936 6.54465 -0.793186 2.598119 0.3704 0.390116 0.364422 0.866243 -0.002486 0.42226 0.40089 0.708216 0.852924 0.017021 0.046605 0.028522 2.641198 0.679484 0.537171 0.521361 0.491007 0.493896 0.503399 0.492449 0.453603 0.46707 0.49009 0.469681 0.447925 0.016472 0.035282 0.009043 4.992009 0.70622 0.307855 0.379087 0.493596 0.300977 0.352344 0.308686 0.241117 0.288624 0.316703 0.362108 0.32829 0.025461 0.04915 0.030494 4.846443 0.417127 0.12131 0.111394 0.10437 0.080178 0.087538 0.089681 0.081853 0.090984 0.11681 0.109796 0.082425 0.010105 75.0 0.00408 150.0 2.0 0.034493 0.040276 0.098427 [ 0 0 1 1 1 0 ] +0.061676 0.098559 0.077671 -79.832786 8.915318 0.262008 0.532722 0.347849 1.015984 0.434615 0.175476 0.145343 0.142096 0.4457 0.310587 0.262301 0.014532 0.024295 0.028613 2.164929 0.684752 0.571574 0.525898 0.487412 0.48309 0.497154 0.516603 0.479802 0.489604 0.519073 0.449012 0.455469 0.014856 0.031144 0.007323 2.670375 1.057853 0.734098 0.374089 0.406181 0.443176 0.438564 0.565864 0.448641 0.601089 0.661982 0.466804 0.507158 0.025102 0.05241 0.030268 4.910608 0.544957 0.139553 0.140834 0.081702 0.077796 0.099248 0.101924 0.096177 0.105577 0.131895 0.092725 0.118635 0.074723 68.0 0.040496 136.0 2.0 0.363048 0.396113 0.845453 [ 0 0 1 1 0 0 ] +0.063032 0.150729 0.091789 -76.547834 5.559109 -1.005787 4.38237 -0.346709 0.861064 1.118652 0.269175 0.709564 0.940128 0.355646 0.701625 0.592466 0.043133 0.132191 0.040952 6.687143 1.353777 0.957887 1.210351 0.826136 0.641486 0.76453 0.703821 0.564806 0.555883 0.510267 0.529477 0.514468 0.031478 0.057772 0.009317 6.322112 0.947076 0.724043 0.896401 0.776905 0.325791 0.739804 0.397512 0.471102 0.321848 0.261248 0.319999 0.357419 0.023733 0.077676 0.028884 4.109814 0.486892 0.236571 0.343933 0.239091 0.167556 0.207598 0.131236 0.130148 0.119248 0.10156 0.13907 0.116053 0.042821 64.0 0.055772 192.0 3.0 0.157418 0.077004 0.44623 [ 0 1 1 0 0 0 ] +0.062633 0.107941 0.074022 -73.940519 6.953293 -0.117719 1.759308 0.278104 0.908437 0.052526 0.065847 0.156757 0.137393 0.334972 0.389665 0.479655 0.014951 0.036552 0.026885 2.252226 0.621623 0.544221 0.50691 0.495795 0.47621 0.472698 0.480412 0.467489 0.466237 0.45939 0.464979 0.439847 0.019329 0.03552 0.007902 4.14733 0.753563 0.7739 0.347393 0.362311 0.269594 0.273962 0.425951 0.276179 0.36248 0.268807 0.360614 0.23912 0.024747 0.050246 0.030502 5.2283 0.368234 0.165641 0.12192 0.089336 0.096847 0.086306 0.1039 0.11217 0.155412 0.074153 0.110588 0.064849 0.057728 81.0 0.0 162.0 2.0 0.386104 0.228516 0.698896 [ 0 0 1 0 0 0 ] +0.046965 0.109535 0.073727 -78.906019 5.345323 0.227913 1.947221 0.32375 1.22154 1.190233 0.640614 0.236319 0.219821 0.604438 0.922513 0.657631 0.021924 0.065799 0.03223 3.115622 0.970376 0.548163 0.557293 0.457847 0.433619 0.441728 0.47056 0.446364 0.414845 0.40772 0.416793 0.40658 0.016487 0.04233 0.008368 4.841711 0.803133 0.353764 0.321013 0.20384 0.333344 0.263531 0.254486 0.217961 0.229785 0.189815 0.200694 0.187324 0.025312 0.049047 0.030346 4.571743 0.385507 0.084083 0.125917 0.087369 0.081385 0.093642 0.080368 0.070333 0.066803 0.06269 0.068437 0.070531 0.075683 81.0 0.097331 162.0 2.0 0.395248 0.155995 0.87886 [ 1 0 1 0 0 0 ] +0.062189 0.217455 0.102823 -75.430465 3.155175 0.471583 2.712948 0.414997 1.366745 0.681227 0.703658 0.58964 0.735975 0.898366 0.808245 0.804124 0.078078 0.281073 0.058856 7.71392 2.266238 1.336255 1.109102 0.787952 0.679803 0.640984 0.659148 0.620961 0.537031 0.553804 0.524759 0.479788 0.026942 0.076487 0.008275 3.58828 0.996647 0.667556 0.667029 0.516366 0.352798 0.285959 0.432036 0.335717 0.243303 0.281623 0.320135 0.186546 0.031856 0.082377 0.027758 4.169125 0.395223 0.276866 0.223714 0.151606 0.115744 0.132514 0.127184 0.14368 0.107871 0.129868 0.147591 0.086239 0.07228 85.0 0.0 170.0 2.0 0.280193 0.02143 0.351768 [ 0 1 1 0 0 0 ] +0.083237 0.1558 0.081474 -88.727466 8.115566 -1.822004 2.237646 0.938378 0.174487 0.722938 -0.338139 0.217555 0.448957 0.271708 0.44297 0.555383 0.025906 0.050926 0.029375 3.201104 1.022709 0.872214 0.752505 0.651032 0.662767 0.652955 0.645409 0.614402 0.620581 0.562481 0.582575 0.561621 0.026791 0.057783 0.008702 5.587954 1.524737 1.033311 1.22923 0.603475 0.853079 0.734239 0.72095 0.503167 0.413067 0.446773 0.345408 0.371617 0.022913 0.046725 0.030332 4.741151 0.501596 0.303087 0.305727 0.116527 0.185143 0.17015 0.182569 0.142623 0.144464 0.121988 0.12671 0.110887 0.123484 84.0 0.049033 168.0 2.0 0.43517 0.204452 1.171422 [ 0 0 1 1 0 0 ] +0.096536 0.175271 0.081283 -77.781533 6.194929 -1.215531 2.539702 0.252141 0.355251 0.68181 -0.056739 0.335736 0.832246 0.430182 0.327917 0.263169 0.028276 0.049123 0.029294 3.377741 0.912603 0.759105 0.687361 0.536675 0.548521 0.611764 0.610868 0.629107 0.601784 0.517169 0.53455 0.517688 0.032494 0.054185 0.007563 6.861347 1.065889 1.085239 0.885461 0.654439 0.496707 0.743339 0.658664 0.567024 0.505123 0.547152 0.498815 0.452747 0.025766 0.051956 0.030005 4.290721 0.387733 0.282135 0.254298 0.112914 0.120734 0.152339 0.163197 0.192761 0.195603 0.133892 0.114814 0.132651 0.046436 94.0 0.122871 188.0 2.0 0.356087 0.236549 0.955931 [ 0 1 1 0 0 0 ] +0.070792 0.134164 0.083193 -79.26467 7.024101 -1.01569 1.924109 0.410448 0.764596 0.34669 0.712602 0.3445 0.474853 0.271293 0.387047 0.325077 0.023886 0.048125 0.029348 4.148253 1.0411 0.658181 0.542678 0.522369 0.531927 0.51371 0.521595 0.588442 0.606608 0.551484 0.50632 0.477443 0.023128 0.036104 0.006206 7.71547 1.04341 0.454648 0.293497 0.260796 0.324634 0.373313 0.29248 0.383623 0.401895 0.379128 0.270364 0.296586 0.023785 0.047646 0.03032 4.593039 0.322764 0.151927 0.105362 0.093846 0.080588 0.080442 0.0875 0.117655 0.156201 0.10163 0.101425 0.083139 0.156867 71.0 0.0 142.0 2.0 0.61521 0.289938 1.216185 [ 0 1 1 0 0 0 ] +0.0563 0.105205 0.075452 -75.975117 5.160116 1.971642 1.041688 0.722618 0.540515 -0.284673 -0.030081 0.199479 0.486784 0.350366 0.510938 0.549295 0.028326 0.100979 0.029781 4.03477 1.209372 0.937009 0.655106 0.601098 0.594799 0.605927 0.594936 0.611013 0.585599 0.538512 0.592878 0.685855 0.019025 0.058976 0.008004 3.771424 0.835866 0.558242 0.648904 0.426691 0.406163 0.357188 0.339836 0.385069 0.284729 0.33222 0.398109 0.368843 0.028426 0.090008 0.030314 4.129028 0.451505 0.235744 0.174626 0.130561 0.17879 0.142767 0.143585 0.174572 0.156206 0.157181 0.129704 0.16646 0.109622 68.0 0.024447 136.0 2.0 0.405996 0.383336 0.803608 [ 0 1 1 0 0 0 ] +0.053999 0.106682 0.082517 -76.008243 5.802704 0.545329 2.125263 0.767987 1.437538 0.245128 0.720537 0.608465 0.61918 0.681609 0.41256 0.70566 0.038078 0.092343 0.031949 4.497791 1.342531 0.97433 0.907911 0.71628 0.638422 0.533243 0.560889 0.556387 0.494793 0.501327 0.493472 0.468542 0.02773 0.053397 0.009213 2.964752 0.937491 0.779779 1.271292 0.484125 0.564726 0.389651 0.406975 0.447021 0.35868 0.374482 0.417821 0.321305 0.043477 0.073695 0.030068 4.656917 0.55736 0.304407 0.449486 0.257063 0.220556 0.143092 0.145461 0.154025 0.130077 0.16113 0.135949 0.090004 0.128212 74.0 0.0 148.0 2.0 0.506983 0.194627 0.702596 [ 0 0 1 1 0 0 ] +0.052855 0.090652 0.071607 -75.622382 6.036218 0.818475 2.620628 0.599971 1.69757 0.593416 0.787261 0.603145 0.323558 0.023234 -0.117511 0.120769 0.024094 0.063507 0.0282 3.74689 0.949238 0.659869 0.635144 0.673251 0.500898 0.468975 0.465709 0.442604 0.462126 0.409098 0.462582 0.509934 0.023335 0.057005 0.007825 3.46812 0.758732 0.445286 0.852038 0.65635 0.417857 0.365103 0.376929 0.386682 0.354483 0.296764 0.325779 0.404566 0.035924 0.072519 0.030774 4.18071 0.30454 0.218763 0.26497 0.17083 0.147351 0.110994 0.135424 0.093283 0.111041 0.121685 0.14939 0.189341 0.021374 57.0 0.006316 114.0 2.0 0.199157 0.057495 0.282286 [ 0 0 0 1 1 0 ] +0.050425 0.099506 0.075371 -78.982428 8.355516 -0.748411 1.022162 1.017963 0.582259 0.725179 0.13198 -0.129492 0.040369 -0.021866 0.104522 0.419983 0.019142 0.051758 0.027988 4.828988 1.165887 0.906325 0.627576 0.546168 0.420476 0.465909 0.420281 0.463571 0.460399 0.547194 0.659858 0.699634 0.02171 0.073907 0.008494 3.62297 1.418364 1.039203 0.602178 0.442658 0.274557 0.363722 0.342908 0.531522 0.684692 0.614591 0.64715 1.01127 0.029498 0.092915 0.030862 6.536928 0.417428 0.354047 0.18931 0.186335 0.088617 0.150649 0.144669 0.166341 0.17733 0.321645 0.471506 0.415202 0.132217 57.0 0.20673 114.0 2.0 1.172469 1.160199 2.917009 [ 0 0 1 1 1 0 ] +0.091793 0.217496 0.088459 -70.967688 3.865554 0.277463 1.301803 0.36862 0.822766 0.683672 0.399967 0.53949 0.604321 0.343698 0.614787 0.469081 0.05941 0.166016 0.037194 5.235523 1.477357 0.965848 0.879317 0.668881 0.579627 0.563173 0.556167 0.461436 0.47546 0.496701 0.448441 0.443927 0.027276 0.059133 0.007678 3.881535 0.696527 0.580915 0.626097 0.518297 0.232305 0.199304 0.252284 0.29315 0.252822 0.225341 0.251569 0.269994 0.031086 0.061617 0.029598 3.435894 0.502094 0.203704 0.196019 0.142846 0.095162 0.096337 0.112889 0.063502 0.091452 0.094261 0.103801 0.091129 0.483035 79.0 0.061231 158.0 2.0 0.803658 0.089143 1.068496 [ 0 1 1 0 0 0 ] +0.067737 0.191024 0.087612 -75.377097 4.167015 0.946256 1.666855 0.070505 0.520377 0.695774 0.47669 0.559469 0.544169 0.55807 0.640263 0.36835 0.055185 0.207053 0.039359 5.43638 1.867793 1.205495 0.994469 0.805602 0.631728 0.614274 0.60892 0.56334 0.537494 0.48381 0.475299 0.482144 0.022743 0.06125 0.009064 3.743917 0.829371 0.619952 0.868701 0.575222 0.396394 0.40015 0.295362 0.292298 0.278914 0.250704 0.293928 0.323787 0.023907 0.087427 0.029043 4.183926 0.57523 0.279242 0.246903 0.231569 0.123632 0.107864 0.1094 0.114649 0.111113 0.07986 0.072427 0.12408 0.153555 87.0 0.095472 174.0 2.0 0.488885 0.30571 1.215358 [ 0 0 1 0 0 0 ] +0.053069 0.1143 0.091164 -78.174095 5.43881 0.27759 1.067635 0.618551 0.978661 0.649404 0.759797 0.528442 0.742668 0.978264 0.212273 0.78721 0.048389 0.135495 0.044244 5.952203 1.655287 0.962205 1.014695 0.736464 0.619226 0.578116 0.537039 0.508526 0.473216 0.476392 0.509602 0.473657 0.027351 0.056792 0.009238 4.854997 1.066756 0.672429 1.078248 0.625248 0.490846 0.493161 0.530181 0.291577 0.282044 0.478736 0.357078 0.350246 0.041036 0.077015 0.030406 4.58037 0.559667 0.254614 0.304637 0.189558 0.168378 0.166657 0.176335 0.109796 0.135283 0.134487 0.12182 0.12156 0.339793 79.0 0.0 237.0 3.0 0.642375 0.055042 0.701975 [ 0 0 1 0 0 0 ] +0.093935 0.232639 0.079457 -58.205758 3.617476 -0.508158 1.506847 0.446866 0.728852 0.457297 0.324856 0.506798 0.303383 0.51065 0.549126 0.49973 0.039596 0.096772 0.028124 2.170019 0.799262 0.83808 0.714001 0.704419 0.554237 0.497609 0.490958 0.43444 0.459989 0.430705 0.427848 0.432013 0.019747 0.043089 0.009012 1.285923 0.348593 0.443302 0.402431 0.307495 0.208877 0.138421 0.166844 0.17823 0.140483 0.142192 0.120109 0.152199 0.029168 0.0577 0.030276 3.936509 0.311515 0.18843 0.177757 0.183751 0.119234 0.079636 0.109271 0.067026 0.080634 0.076922 0.062053 0.07471 0.3187 80.0 0.378438 160.0 2.0 0.438037 0.22318 1.039654 [ 1 0 0 0 0 1 ] +0.030607 0.047246 0.083169 -76.933132 9.682902 0.768438 2.234938 0.637354 1.485007 0.231012 0.391782 0.356053 0.487748 0.865459 0.220022 -0.021147 0.011897 0.025978 0.035556 4.123253 1.343828 1.022773 0.771188 0.706718 0.511355 0.592893 0.51894 0.49411 0.470391 0.423851 0.433685 0.451041 0.016576 0.034567 0.008475 4.549656 0.802726 0.765463 0.490601 0.563457 0.225935 0.361735 0.280736 0.195118 0.183614 0.225175 0.19187 0.258518 0.027207 0.056196 0.029584 4.374493 0.481431 0.352751 0.211893 0.258867 0.103791 0.179246 0.12379 0.103768 0.114144 0.077431 0.119524 0.084737 0.036064 88.0 0.039057 176.0 2.0 0.218234 0.067607 0.438772 [ 0 0 1 1 1 0 ] +0.045029 0.070228 0.075062 -80.381178 11.059657 0.168043 1.017468 0.667891 0.369727 0.194576 0.157305 0.173763 0.41433 0.625796 0.462658 0.372716 0.0129 0.032673 0.029904 3.605661 1.002577 0.668362 0.589396 0.472682 0.477971 0.444551 0.421608 0.443824 0.454856 0.447465 0.423093 0.413313 0.01477 0.029578 0.007931 8.150222 1.168144 0.976775 0.338621 0.353699 0.366633 0.322082 0.491587 0.466485 0.382756 0.467792 0.399551 0.353642 0.028764 0.065761 0.030065 5.183339 0.736917 0.284591 0.231902 0.139024 0.138748 0.12928 0.117057 0.113898 0.106536 0.112492 0.090154 0.115655 0.047357 76.0 0.073344 152.0 2.0 0.260693 0.146737 0.635845 [ 0 0 0 1 1 0 ] +0.105897 0.254797 0.076563 -60.664618 1.992212 -0.483114 1.766207 0.1196 0.70604 0.974793 1.081166 0.477972 0.358557 0.551011 0.425048 0.347998 0.035597 0.074437 0.028607 2.163853 0.662144 0.593421 0.514226 0.439694 0.447198 0.454586 0.449831 0.427912 0.423251 0.43068 0.411434 0.392935 0.038386 0.041628 0.008154 1.491467 0.630193 0.529693 0.365129 0.222286 0.179227 0.181526 0.194443 0.15607 0.223391 0.284567 0.210161 0.218359 0.023352 0.044949 0.030475 4.115432 0.388234 0.119917 0.139569 0.079311 0.082003 0.086909 0.089994 0.096063 0.084014 0.102946 0.072324 0.083 0.068006 83.0 0.150887 166.0 2.0 0.356408 0.191512 0.857796 [ 1 0 0 0 0 1 ] +0.072709 0.154172 0.079737 -59.763654 4.70417 0.881217 1.88212 0.411944 0.408397 0.131239 0.057272 0.284217 0.640081 0.543487 0.344857 0.489999 0.025659 0.080571 0.030025 2.620937 0.803642 0.701902 0.643202 0.525227 0.507916 0.48944 0.439028 0.389667 0.411212 0.469801 0.414228 0.415567 0.016014 0.04064 0.007678 2.265038 0.630513 0.439467 0.596845 0.413389 0.302305 0.273026 0.249763 0.168773 0.202386 0.221185 0.315092 0.178961 0.02406 0.046091 0.030529 3.953997 0.363945 0.284109 0.244811 0.147147 0.172659 0.110795 0.081726 0.058135 0.091542 0.105861 0.079591 0.074465 0.155396 75.0 0.257106 150.0 2.0 0.414448 0.455524 1.430175 [ 0 0 0 0 0 1 ] +0.02808 0.038286 0.07818 -82.301285 8.012447 2.426015 3.290331 0.478383 1.430949 0.672353 0.906949 0.463832 0.617561 -0.038928 0.488613 0.623715 0.014124 0.030879 0.03242 3.766084 1.148628 0.703518 0.714044 0.603675 0.586517 0.525329 0.468578 0.455864 0.452901 0.41163 0.468795 0.462249 0.013585 0.027807 0.007398 4.576131 1.348371 0.568831 0.787842 0.690153 0.665686 0.596411 0.411487 0.422235 0.406581 0.351172 0.358877 0.434458 0.032524 0.062182 0.029978 4.869313 0.552488 0.279952 0.297304 0.248345 0.206274 0.185454 0.145186 0.138545 0.146715 0.107516 0.156461 0.151503 0.026595 96.0 0.0 192.0 2.0 0.064501 0.143257 0.207758 [ 0 0 0 1 1 0 ] +0.125937 0.314195 0.078326 -64.506265 3.013144 0.952658 0.975404 -0.080944 0.512215 0.530398 0.639602 0.466224 0.477021 0.583783 0.436413 0.677847 0.044501 0.108503 0.028108 2.546922 0.781801 0.659103 0.70177 0.522475 0.497505 0.454862 0.455194 0.440426 0.43327 0.423381 0.409227 0.424817 0.043544 0.122441 0.00684 2.380191 0.911929 0.367498 0.484131 0.192926 0.289865 0.203016 0.172086 0.153263 0.14547 0.130546 0.164048 0.116695 0.02262 0.041616 0.030936 3.685131 0.19256 0.184386 0.203959 0.101302 0.075177 0.091022 0.097524 0.067918 0.070403 0.068573 0.054252 0.059408 0.228494 84.0 0.332178 168.0 2.0 0.512076 0.453467 1.745705 [ 1 0 0 0 0 1 ] +0.063605 0.10989 0.081286 -92.831295 7.559924 -0.003787 2.255114 0.038415 1.568938 0.700346 -0.181939 0.351438 -0.212121 0.43303 0.220985 0.269927 0.022386 0.064288 0.029356 2.94431 0.851495 0.76742 0.792377 0.729387 0.641202 0.587808 0.656013 0.695867 0.643692 0.631764 0.610453 0.603686 0.018429 0.043662 0.008742 6.401689 1.228614 0.969236 0.786434 0.99839 0.55879 0.604196 0.677653 0.594109 0.713379 0.781767 0.629166 0.775105 0.027018 0.062851 0.030205 4.91983 0.45673 0.257351 0.304795 0.218807 0.154175 0.164453 0.229839 0.181715 0.195418 0.213616 0.172296 0.191672 0.044885 100.0 0.019415 200.0 2.0 0.239298 0.32069 0.645895 [ 0 0 1 1 0 0 ] +0.104404 0.232711 0.090662 -62.786883 4.305875 -1.198529 2.072365 0.264168 -0.133312 0.365298 0.023994 0.026771 0.199176 0.303027 0.739585 0.636705 0.05524 0.133288 0.038641 3.43396 1.529543 1.071271 0.924316 0.696627 0.737711 0.560595 0.51841 0.481666 0.487796 0.492629 0.48536 0.418484 0.036971 0.075268 0.009213 2.198298 0.671316 0.678246 0.521466 0.306094 0.243021 0.358344 0.294535 0.328987 0.324302 0.34148 0.322295 0.424039 0.035909 0.067011 0.029025 3.756012 0.397121 0.190516 0.243499 0.16217 0.140619 0.090668 0.090997 0.082225 0.116918 0.084891 0.076295 0.084913 0.870779 75.0 1.37633 150.0 2.0 1.053847 0.0 2.465585 [ 1 0 0 0 1 0 ] +0.087632 0.210806 0.078413 -66.630591 3.156732 1.267205 1.836606 1.01864 0.916538 0.382679 0.385751 0.280528 0.339215 0.279889 0.240684 0.449567 0.038102 0.117651 0.029319 3.674584 1.072038 0.696151 0.500658 0.440038 0.442977 0.479009 0.476633 0.45961 0.494834 0.446132 0.532591 0.522983 0.027455 0.069261 0.008327 2.827297 0.741725 0.374316 0.218088 0.150644 0.162456 0.258158 0.200672 0.192003 0.284307 0.212693 0.370725 0.314543 0.024899 0.044049 0.030122 3.601629 0.300663 0.109984 0.148001 0.076545 0.084769 0.096074 0.074685 0.06663 0.155042 0.082476 0.170694 0.200977 0.132441 113.0 0.0 226.0 2.0 0.213493 0.360674 0.591037 [ 0 1 0 0 0 0 ] +0.062103 0.268935 0.091929 -70.642441 3.422265 2.014796 1.56705 0.588996 0.594317 0.332546 0.412399 0.683102 0.105353 0.323004 0.571907 0.287549 0.05241 0.292379 0.035592 6.28346 1.710598 1.216614 1.145615 0.993623 0.71811 0.719259 0.669284 0.560414 0.571927 0.542063 0.536037 0.512404 0.021092 0.066071 0.008961 3.160356 0.726394 0.580677 0.575174 0.518124 0.285199 0.266281 0.196754 0.179855 0.210018 0.183133 0.174985 0.191994 0.02461 0.089952 0.029256 4.281282 0.348421 0.224959 0.293174 0.315754 0.147365 0.13898 0.117818 0.105655 0.096289 0.100889 0.107844 0.0775 0.158283 64.0 0.200787 128.0 2.0 0.172458 0.431147 0.611257 [ 0 0 0 0 0 1 ] +0.038675 0.077361 0.080267 -75.800125 5.86277 1.448652 1.699368 0.719823 0.902368 0.523816 0.683832 0.364196 0.238547 0.263598 0.259128 0.197772 0.024474 0.086383 0.034589 4.390548 1.271734 0.734389 0.611517 0.549968 0.473633 0.480762 0.476438 0.487894 0.47678 0.429948 0.416693 0.502004 0.015064 0.053404 0.008942 4.179857 0.748053 0.87019 0.733532 0.333209 0.303399 0.258908 0.298411 0.252676 0.289306 0.237588 0.289885 0.267857 0.027681 0.082819 0.02992 4.326664 0.414548 0.193118 0.15528 0.164463 0.110458 0.151062 0.177499 0.167768 0.160966 0.146154 0.115557 0.263309 0.018861 84.0 0.064329 168.0 2.0 0.191585 0.049277 0.551654 [ 0 0 1 0 0 0 ] +0.052374 0.097516 0.077279 -74.05266 7.338669 -0.021423 2.06461 0.721543 0.392179 0.585037 0.683928 0.68552 0.611193 0.277674 0.233577 0.38051 0.030192 0.071923 0.029674 4.240383 1.429582 0.946572 0.775299 0.694776 0.616304 0.585829 0.507594 0.532032 0.527566 0.478139 0.442028 0.465193 0.025857 0.059608 0.007776 5.07294 1.456193 0.844783 0.533377 0.635903 0.527991 0.388815 0.378137 0.383824 0.356755 0.286624 0.246402 0.319396 0.032837 0.0666 0.030309 3.743307 0.664998 0.326338 0.235844 0.202103 0.155693 0.141679 0.082863 0.143541 0.113041 0.107058 0.07238 0.100822 0.02323 57.0 0.054395 171.0 3.0 0.227791 0.225583 0.612355 [ 0 0 1 1 1 0 ] +0.058387 0.117035 0.080476 -81.881555 7.125233 -0.794748 2.000198 0.095834 0.931451 0.243246 0.612442 0.245124 0.528939 0.639427 0.389576 0.305547 0.022257 0.057569 0.029285 3.564272 0.863429 0.590214 0.586175 0.546345 0.51683 0.517492 0.53659 0.538489 0.554233 0.557651 0.529915 0.487411 0.021986 0.052893 0.007399 5.131544 1.0863 0.486191 0.402358 0.490831 0.362133 0.329161 0.327464 0.412063 0.470779 0.412173 0.355378 0.325519 0.027044 0.086671 0.029974 4.96045 0.364061 0.164047 0.162022 0.139687 0.096423 0.089923 0.09569 0.142094 0.154312 0.164484 0.162661 0.117468 0.088754 73.0 0.0 146.0 2.0 0.572717 0.320104 0.918046 [ 0 1 1 0 0 0 ] +0.072738 0.188604 0.089119 -62.659135 3.83308 0.631984 1.501129 0.302109 0.732465 0.491517 0.497465 0.440397 0.210586 0.318085 0.391582 0.37141 0.053968 0.173324 0.034109 3.692583 1.391607 0.93827 1.022796 0.776817 0.619923 0.59911 0.582284 0.53175 0.558709 0.518536 0.528123 0.462448 0.020312 0.049435 0.008343 2.192778 0.545387 0.442701 0.547528 0.327298 0.249658 0.290119 0.165748 0.216306 0.207351 0.213894 0.306147 0.110639 0.02223 0.052029 0.02953 3.354492 0.264505 0.199477 0.281843 0.185089 0.109904 0.091048 0.088457 0.089629 0.087265 0.074098 0.102449 0.084128 0.149009 85.0 0.039776 170.0 2.0 0.448589 0.073192 0.835486 [ 0 0 0 0 0 1 ] +0.055456 0.11324 0.079158 -82.317723 6.526623 0.655128 1.835604 0.835817 1.079839 0.531186 0.531326 0.288502 0.774856 0.401824 0.41591 0.569802 0.049807 0.110188 0.033556 4.074723 1.564853 1.062506 0.709457 0.658228 0.514725 0.573311 0.464364 0.464651 0.468512 0.400385 0.430739 0.37094 0.034554 0.076984 0.010748 3.54415 1.196864 0.60268 0.401446 0.299756 0.405902 0.493473 0.327517 0.288199 0.330098 0.267106 0.282969 0.350129 0.057545 0.099149 0.030303 4.853072 0.714555 0.408216 0.215082 0.20155 0.118444 0.161482 0.097076 0.086972 0.147569 0.06345 0.106841 0.075593 0.045525 79.0 0.112824 158.0 2.0 0.153035 0.125296 0.806289 [ 0 0 0 1 1 0 ] +0.115831 0.272616 0.085057 -62.62793 2.067475 -0.396375 1.893726 0.72555 0.918246 0.207844 0.272987 0.293853 0.704982 0.62968 0.63669 0.726 0.058338 0.129392 0.031067 3.983256 0.966306 0.880296 0.847692 0.657614 0.640985 0.550943 0.513707 0.491029 0.470277 0.457627 0.463569 0.493633 0.027801 0.047993 0.007479 3.078728 0.552181 0.498256 0.531274 0.520564 0.349883 0.346337 0.212126 0.231661 0.299537 0.233255 0.306774 0.276647 0.028499 0.057681 0.030446 3.47643 0.209603 0.188533 0.205625 0.136263 0.129435 0.11599 0.088293 0.088381 0.093362 0.07942 0.075566 0.101644 0.829732 69.0 1.07725 138.0 2.0 0.829732 1.084366 1.947738 [ 0 0 0 0 1 1 ] +0.195412 0.666776 0.090393 -73.106238 0.857921 1.596955 1.037544 0.851332 0.819652 1.127952 0.840566 0.93839 0.950654 0.192148 0.523885 0.721167 0.130433 0.314949 0.034823 5.079718 1.256371 0.87651 0.889731 0.684967 0.511707 0.655057 0.533885 0.445527 0.519288 0.502411 0.380905 0.36548 0.117437 0.050724 0.006364 4.460833 1.592973 1.703221 0.617513 0.160931 0.093834 0.25164 0.219149 0.065086 0.177985 0.160514 0.126597 0.044347 0.034195 0.099264 0.029759 3.852069 0.260552 0.242649 0.075345 0.081176 0.050304 0.054009 0.04573 0.04473 0.066945 0.046584 0.056684 0.035587 0.829205 66.0 1.04494 132.0 2.0 1.092054 1.191635 2.545288 [ 1 1 0 0 0 0 ] +0.123639 0.365106 0.088754 -63.396286 3.211787 1.342043 0.991693 0.692573 0.815442 0.652204 0.602722 0.423119 0.566318 0.192432 0.622246 0.41752 0.094723 0.261935 0.034969 3.903671 1.347776 0.927925 0.952171 0.59711 0.52683 0.563725 0.51416 0.484564 0.487381 0.443116 0.429844 0.376119 0.04064 0.099953 0.007331 2.089341 0.825253 0.483862 0.355698 0.224419 0.163861 0.17766 0.136116 0.225556 0.14596 0.131253 0.126067 0.122988 0.030671 0.053792 0.029731 3.600958 0.261398 0.232512 0.217478 0.092086 0.076108 0.083834 0.065896 0.071813 0.081404 0.057691 0.068776 0.050276 0.169019 71.0 0.221615 142.0 2.0 0.437938 0.163749 0.890201 [ 1 0 0 0 0 1 ] +0.032607 0.04038 0.076652 -88.130856 10.123776 2.029637 1.965263 2.25271 1.977678 0.85813 0.208935 0.06448 0.344916 0.526591 0.517817 0.24103 0.008701 0.017434 0.036202 4.531532 0.969153 0.897427 0.488714 0.587202 0.448426 0.424537 0.461854 0.403566 0.567756 0.451516 0.475761 0.380853 0.017986 0.045443 0.010622 6.006006 1.186063 1.039368 0.534187 0.465661 0.404096 0.483031 0.446812 0.419938 0.550227 0.506495 0.519133 0.439944 0.028485 0.059841 0.030286 4.872222 0.555432 0.281277 0.144527 0.218493 0.203374 0.163444 0.156997 0.165924 0.212539 0.19085 0.184963 0.177965 0.01519 61.0 0.017535 122.0 2.0 0.090169 0.098922 0.249788 [ 0 0 1 1 1 0 ] +0.113798 0.332692 0.098167 -71.914119 2.190391 1.795869 2.033926 1.139566 0.696208 0.201832 0.50877 0.598656 0.117429 0.395802 0.473628 0.30078 0.096591 0.267321 0.040963 7.140636 1.639407 1.148493 1.178181 0.988203 0.738794 0.797514 0.646887 0.593498 0.627878 0.558645 0.567737 0.5093 0.032477 0.053484 0.007167 2.458855 0.596016 0.423952 0.441827 0.418152 0.214152 0.25165 0.199632 0.166787 0.196635 0.151471 0.138279 0.129231 0.032655 0.049485 0.028858 3.748417 0.43915 0.234743 0.240613 0.281767 0.125473 0.163408 0.131565 0.112244 0.117216 0.089465 0.099346 0.087826 0.678932 102.0 0.0 204.0 2.0 0.04356 0.812691 0.916641 [ 1 1 0 0 0 0 ] +0.061215 0.122301 0.08259 -83.348667 6.662851 -0.820022 1.608944 0.216891 1.065558 0.653283 0.581792 0.134085 0.250617 0.539056 0.585232 0.572981 0.025884 0.053425 0.029032 4.794392 1.060534 0.614292 0.564079 0.498415 0.507272 0.503282 0.481269 0.488276 0.501545 0.516713 0.449198 0.477403 0.015293 0.034171 0.007838 9.696542 1.386022 0.622157 0.442179 0.346531 0.391557 0.400616 0.384329 0.407895 0.288722 0.321987 0.441849 0.360398 0.025872 0.055317 0.030417 5.180009 0.308454 0.143403 0.130424 0.074639 0.086006 0.082976 0.078084 0.077046 0.113203 0.113735 0.078365 0.10297 0.084943 55.0 0.191421 110.0 2.0 0.437689 0.347983 1.019182 [ 1 1 0 0 0 0 ] diff --git a/tests/emotions0.train b/tests/emotions0.train new file mode 100644 index 0000000..c907faa --- /dev/null +++ b/tests/emotions0.train @@ -0,0 +1,537 @@ +[MULTILABEL, DENSE] +$ 533 +$ 72 +$ 6 +0.081374 0.272747 0.085733 -62.584437 3.183163 -0.218145 0.163038 0.620251 0.458514 0.041426 0.308287 0.538152 0.594871 0.734332 0.415489 0.761508 0.066288 0.26237 0.034438 3.480874 1.596532 0.943803 0.804444 0.511229 0.49867 0.523039 0.480916 0.488657 0.483166 0.445187 0.415994 0.405593 0.013621 0.073041 0.010094 1.243981 0.82979 0.252972 0.347831 0.205087 0.168601 0.178009 0.14408 0.178703 0.146937 0.12558 0.128202 0.107007 0.020028 0.06694 0.029483 3.963534 0.38236 0.168389 0.117525 0.098341 0.087046 0.057991 0.059393 0.059457 0.053439 0.067684 0.070075 0.041565 0.295031 70.0 0.276366 140.0 2.0 0.343547 0.276366 0.710924 [ 1 0 0 0 0 1 ] +0.110545 0.273567 0.08441 -65.235325 2.794964 0.639047 1.281297 0.757896 0.489412 0.627636 0.469322 0.644336 0.441556 0.335964 0.290713 0.158538 0.082743 0.215373 0.03597 4.834742 1.213443 0.864034 0.909222 0.780572 0.550833 0.63974 0.573309 0.526312 0.562622 0.538407 0.492292 0.455562 0.029112 0.070433 0.008525 2.759906 0.592634 0.761852 0.56874 0.589827 0.281181 0.437752 0.479889 0.22732 0.296224 0.273855 0.191804 0.198025 0.038119 0.065427 0.029622 3.371796 0.430373 0.172862 0.177523 0.184333 0.095718 0.139323 0.109279 0.09065 0.117886 0.100852 0.079917 0.085821 0.161574 61.0 0.0 183.0 3.0 0.188693 0.045941 0.457372 [ 0 1 0 0 0 1 ] +0.042481 0.199281 0.093447 -80.305152 5.824409 0.648848 1.75487 1.495532 0.739909 0.809644 0.460945 0.409566 0.680122 0.590405 0.48138 0.621956 0.049939 0.281616 0.044727 6.719538 1.377811 1.265771 0.986178 0.710955 0.706904 0.710147 0.688825 0.699573 0.577976 0.533882 0.501818 0.495368 0.020749 0.106318 0.009108 3.992357 0.656429 0.927692 0.569916 0.378919 0.530714 0.317807 0.308447 0.324934 0.263444 0.359477 0.274257 0.233287 0.032678 0.11948 0.028707 4.125111 0.461304 0.280751 0.246108 0.142805 0.183657 0.124399 0.155513 0.167114 0.113774 0.112815 0.129145 0.12233 0.043012 66.0 0.206562 132.0 2.0 0.102839 0.241934 0.351009 [ 0 0 1 0 0 0 ] +0.07455 0.14088 0.079789 -93.697749 5.543229 1.064262 0.899152 0.890336 0.702328 0.490685 0.796904 0.745373 0.911234 0.594429 0.454186 0.384836 0.035751 0.085592 0.029413 4.755293 1.11629 0.926772 0.634988 0.63966 0.552653 0.527708 0.584705 0.696173 0.648611 0.689096 0.643595 0.578063 0.047014 0.136984 0.010356 7.71314 1.592642 1.02719 0.591399 0.565654 0.52442 0.554501 0.6062 0.61676 0.596926 0.524291 0.637971 0.63796 0.036151 0.087741 0.03018 5.085385 0.551937 0.257562 0.15995 0.175855 0.150907 0.142092 0.222804 0.329188 0.251668 0.265049 0.284196 0.189988 0.029308 100.0 0.144039 200.0 2.0 0.195196 0.310801 0.683817 [ 0 0 0 1 0 0 ] +0.052434 0.110653 0.09677 -69.792637 6.598383 1.258462 2.873985 0.503222 0.782427 -0.143505 0.338997 -0.186085 0.325765 0.157168 0.454723 0.353157 0.0611 0.18247 0.046543 5.414537 1.64609 1.149108 0.903827 0.743446 0.70045 0.610953 0.607789 0.56981 0.515551 0.473992 0.492629 0.467567 0.017641 0.049527 0.007909 3.835748 0.769825 0.808127 0.560954 0.396785 0.420713 0.542216 0.508029 0.473474 0.459661 0.355348 0.308208 0.340781 0.037052 0.075122 0.027889 4.694374 0.443698 0.346999 0.277305 0.154298 0.134325 0.098063 0.129451 0.123337 0.151916 0.082887 0.110493 0.072176 0.218684 64.0 0.05387 128.0 2.0 0.403684 0.24591 0.649594 [ 0 1 1 0 0 0 ] +0.064067 0.147375 0.078124 -68.698041 4.052059 1.14922 2.063466 0.531396 0.877409 0.66098 0.089885 0.51714 0.166582 0.775128 0.812568 0.364786 0.036757 0.120716 0.029871 3.813653 0.924273 0.969948 0.607092 0.562143 0.487347 0.453649 0.476279 0.440538 0.427923 0.436823 0.474516 0.455837 0.019871 0.052885 0.008053 2.713319 0.424945 0.619237 0.336648 0.271894 0.182622 0.2211 0.201635 0.177046 0.182256 0.216797 0.258205 0.18109 0.024036 0.051788 0.030206 3.777514 0.291206 0.182281 0.159225 0.10201 0.08913 0.085498 0.066714 0.078375 0.067474 0.078946 0.09447 0.113727 0.167898 60.0 0.358269 120.0 2.0 0.755628 0.427281 1.182908 [ 1 1 0 0 0 0 ] +0.044949 0.092085 0.097908 -68.406051 4.552287 0.898913 1.641708 1.490264 1.269593 0.884284 0.808403 0.150058 0.474578 0.780169 0.698994 0.767477 0.037329 0.129705 0.043602 5.843585 1.562391 1.162586 1.095826 1.011066 0.753695 0.825064 0.648638 0.658814 0.544174 0.483505 0.565364 0.464623 0.02144 0.042342 0.009317 2.278805 0.584095 0.377787 0.433472 0.405403 0.263973 0.279862 0.233755 0.246134 0.193811 0.128118 0.197081 0.157612 0.035572 0.068647 0.028444 3.708926 0.376434 0.2297 0.237802 0.2602 0.105052 0.116184 0.148467 0.105881 0.11271 0.081464 0.081107 0.071943 0.037882 53.0 0.059756 106.0 2.0 0.23707 0.087547 0.329783 [ 0 0 0 0 0 1 ] +0.081354 0.302058 0.09724 -76.209068 2.419066 1.353814 1.681155 1.077603 1.078218 0.875479 0.858871 0.77323 0.843999 0.734046 0.620638 0.670318 0.087255 0.327868 0.04596 6.512197 1.529419 1.16659 0.81849 0.716019 0.682405 0.539359 0.464374 0.512859 0.502584 0.477341 0.467416 0.453966 0.018392 0.053047 0.009042 2.486091 0.392817 0.437824 0.416101 0.194697 0.217095 0.107007 0.121507 0.136194 0.155098 0.146949 0.173602 0.145579 0.019922 0.03042 0.02836 3.928069 0.223277 0.164591 0.181582 0.118775 0.114469 0.061956 0.079447 0.068104 0.08977 0.060114 0.076139 0.103849 0.78087 66.0 1.156114 132.0 2.0 1.131073 1.204185 2.335258 [ 1 1 0 0 0 0 ] +0.039819 0.056986 0.073635 -83.146547 11.224703 1.280494 1.008498 0.940606 0.401406 0.008756 0.388885 0.428252 0.200104 0.247948 0.508959 0.575344 0.010135 0.019275 0.028009 3.299295 0.862004 0.643745 0.491714 0.487018 0.395002 0.451746 0.415611 0.419919 0.380613 0.42653 0.393594 0.368378 0.014836 0.038131 0.008281 5.209001 1.18906 1.036365 0.420646 0.47551 0.277937 0.409208 0.393988 0.470132 0.247319 0.33531 0.309596 0.288299 0.028101 0.061662 0.030883 4.743869 0.704132 0.253414 0.181521 0.135988 0.128187 0.14627 0.137304 0.15968 0.147272 0.185677 0.114503 0.084013 0.025843 100.0 0.0 200.0 2.0 0.084776 0.137788 0.248702 [ 0 0 1 1 1 0 ] +0.070779 0.249749 0.088224 -71.464692 3.781501 0.946865 2.00859 0.425796 0.431214 0.74882 0.312963 0.684434 0.448612 0.385034 0.636508 0.394653 0.062566 0.233248 0.03709 5.807147 1.09491 1.257772 1.027029 0.82805 0.60801 0.577094 0.563382 0.501218 0.504829 0.438189 0.428289 0.406116 0.029491 0.146032 0.009238 3.767215 0.836447 0.722986 1.010999 0.4118 0.479368 0.292757 0.367049 0.314475 0.282423 0.253884 0.3112 0.17892 0.035783 0.112092 0.029673 4.566799 0.656572 0.380315 0.280867 0.244503 0.131112 0.176219 0.132303 0.104672 0.112889 0.109043 0.086567 0.066596 0.080509 81.0 0.406049 162.0 2.0 0.293736 0.0 0.835918 [ 0 1 1 0 0 0 ] +0.07661 0.173846 0.085544 -73.431108 4.166807 0.256907 2.069593 0.592233 0.346489 0.572659 1.277228 0.843066 0.006599 0.165121 0.490021 0.452169 0.049047 0.133586 0.035605 4.838325 1.197948 1.178439 0.98664 0.711055 0.634663 0.543885 0.601067 0.617135 0.523592 0.45339 0.450317 0.462819 0.022252 0.044207 0.008193 3.353675 0.74539 0.92196 0.868064 0.362126 0.35653 0.241441 0.290889 0.281937 0.257923 0.250197 0.333141 0.198408 0.028081 0.06554 0.029743 4.33184 0.327743 0.375127 0.245478 0.144704 0.13817 0.113705 0.13897 0.122011 0.102979 0.075501 0.081472 0.065556 0.324556 70.0 0.533895 140.0 2.0 0.572201 0.577333 1.342122 [ 0 0 1 0 0 0 ] +0.112665 0.3462 0.094216 -73.22667 2.741632 1.707433 1.257558 0.805555 0.742856 0.615765 0.947719 0.75842 0.813356 0.61255 0.468198 0.494374 0.082081 0.285271 0.038763 4.803621 1.004541 1.101516 0.757763 0.683399 0.630638 0.49182 0.42669 0.462839 0.448752 0.390417 0.425064 0.404553 0.045421 0.073893 0.007405 2.694329 0.741981 0.349342 0.219867 0.303975 0.215078 0.158922 0.131802 0.096486 0.103487 0.073086 0.095559 0.074911 0.02611 0.035949 0.029573 3.85519 0.30037 0.120505 0.101579 0.069436 0.059147 0.053095 0.052991 0.056388 0.052235 0.043043 0.045284 0.049654 1.180777 68.0 1.368186 136.0 2.0 1.233543 1.41513 2.693369 [ 1 0 0 0 0 0 ] +0.031987 0.06375 0.088266 -74.668599 7.50841 0.892436 2.403569 1.482929 1.808649 0.580347 0.945128 0.019582 0.579569 0.571816 0.481704 0.307826 0.020615 0.061726 0.040728 5.697374 2.046307 1.198313 0.694643 0.727845 0.564009 0.584212 0.567323 0.568086 0.535662 0.463622 0.438143 0.501728 0.025331 0.062746 0.007831 4.352911 1.169301 0.657283 0.49144 0.678922 0.314609 0.299643 0.316286 0.304913 0.239969 0.225773 0.233053 0.24319 0.029756 0.066582 0.02885 4.015623 0.545935 0.407243 0.191986 0.213832 0.127072 0.119238 0.161892 0.146425 0.163794 0.094339 0.097982 0.160609 0.017779 100.0 0.014253 200.0 2.0 0.064356 0.11123 0.326031 [ 0 0 1 0 1 0 ] +0.081393 0.490578 0.097462 -75.447622 2.014756 2.359655 1.697092 1.088954 1.203154 0.661206 0.791159 0.699248 0.552733 0.634512 0.445632 0.50295 0.109314 0.403057 0.047636 7.234498 1.330175 1.422433 0.70181 0.594846 0.491434 0.559048 0.347058 0.460241 0.436416 0.433046 0.37454 0.369364 0.01095 0.080254 0.007244 2.350675 0.408559 0.532128 0.114057 0.12235 0.054569 0.133578 0.106018 0.125732 0.066437 0.062333 0.042072 0.072901 0.014764 0.026723 0.027827 3.599747 0.176812 0.122097 0.096764 0.070767 0.052322 0.051835 0.04941 0.056704 0.047733 0.043404 0.034682 0.053409 1.19483 66.0 1.313201 132.0 2.0 1.285485 1.313201 2.618282 [ 1 0 0 0 0 1 ] +0.036562 0.07414 0.077247 -70.267813 8.268667 -0.828732 2.066208 0.477379 1.758715 0.830623 1.08465 0.895668 0.15495 0.517579 -0.028205 0.64094 0.017275 0.051859 0.03012 3.03103 1.220172 0.769348 0.638049 0.55811 0.535562 0.561834 0.523278 0.535594 0.475299 0.477172 0.433362 0.410064 0.01686 0.055012 0.008329 2.708556 1.253066 0.538376 0.411595 0.34881 0.229077 0.270842 0.305822 0.275972 0.294823 0.261171 0.264916 0.163782 0.028386 0.061265 0.030247 4.085003 0.545045 0.268081 0.186048 0.114108 0.109789 0.109193 0.110755 0.095753 0.092783 0.10494 0.086373 0.081639 0.251613 90.0 0.220614 180.0 2.0 0.516142 0.177216 1.164726 [ 0 0 1 1 1 0 ] +0.073788 0.250403 0.094382 -71.74645 3.284483 0.326715 2.334506 0.567338 0.744065 0.510656 0.705776 0.265347 0.137199 0.614462 0.3587 0.579978 0.065977 0.254251 0.050067 6.808461 1.627414 0.991094 0.939982 0.713142 0.698768 0.722498 0.638908 0.595839 0.49767 0.524823 0.503939 0.495169 0.017189 0.057807 0.007417 3.273868 0.675836 0.622131 0.332678 0.302428 0.211394 0.285269 0.264538 0.279959 0.257477 0.171081 0.182987 0.209984 0.021639 0.069582 0.027588 3.39234 0.502725 0.218145 0.13749 0.121531 0.112684 0.183188 0.145547 0.132815 0.086038 0.075193 0.097757 0.070971 0.598458 88.0 1.013591 176.0 2.0 1.493682 0.102761 2.676193 [ 0 1 1 0 0 0 ] +0.072026 0.191563 0.094844 -69.19301 5.131605 1.211724 1.878594 0.518966 0.816461 0.777486 0.394824 0.307957 0.157742 0.188905 0.32326 0.478209 0.086034 0.265663 0.039511 5.820356 2.068388 1.132742 1.064888 0.941567 0.706672 0.719599 0.741495 0.675539 0.700581 0.671143 0.609871 0.538296 0.033104 0.069682 0.009719 3.207479 0.892135 0.529161 0.426963 0.37675 0.276831 0.336539 0.264039 0.297414 0.413503 0.450691 0.217141 0.213195 0.052806 0.070241 0.029315 3.69523 0.520177 0.275734 0.242668 0.223577 0.1198 0.104303 0.103021 0.093423 0.134796 0.136708 0.092251 0.074716 0.093141 91.0 0.068727 182.0 2.0 0.186132 0.335761 0.749744 [ 0 0 0 0 1 1 ] +0.030467 0.044338 0.082121 -75.783124 6.740614 1.740645 1.918101 1.02006 0.59258 0.877341 1.398433 0.283796 0.981018 0.906477 0.115706 0.417938 0.015189 0.03951 0.033947 3.631961 1.328053 0.701078 0.600455 0.520285 0.477569 0.55888 0.499225 0.449488 0.467149 0.43873 0.412085 0.427969 0.014819 0.035091 0.007622 3.485133 0.959965 0.351713 0.500946 0.46595 0.215384 0.551517 0.230752 0.261042 0.380805 0.276766 0.208124 0.180612 0.029553 0.068774 0.029857 4.343962 0.456831 0.19937 0.187168 0.13253 0.106402 0.130246 0.125524 0.075088 0.090343 0.091083 0.094975 0.072846 0.073564 57.0 0.07547 114.0 2.0 0.271633 0.183637 0.580032 [ 0 0 1 1 1 0 ] +0.05804 0.176479 0.08054 -60.734624 3.859824 -0.214225 2.185029 0.396813 0.799851 0.524074 0.674635 0.338175 0.441247 0.51398 0.273593 0.356589 0.037546 0.146401 0.032797 2.310175 1.057221 0.765613 0.627141 0.539703 0.472872 0.441179 0.440828 0.399385 0.417664 0.393819 0.349375 0.35923 0.02235 0.055466 0.008301 1.949031 0.563897 0.319845 0.537201 0.249894 0.190281 0.173325 0.259128 0.1263 0.186445 0.176945 0.138312 0.113457 0.029084 0.081522 0.030164 3.737753 0.363209 0.15261 0.174143 0.125041 0.074468 0.092428 0.098385 0.052777 0.091201 0.068528 0.045189 0.054135 0.171742 67.0 0.211584 134.0 2.0 0.798944 0.314226 1.113169 [ 0 1 0 0 0 0 ] +0.118812 0.282714 0.098123 -73.044706 3.325299 0.843389 1.941173 0.869662 0.410705 0.985148 0.444858 0.376239 0.32359 0.365712 0.60064 0.395985 0.109781 0.251526 0.043624 6.284351 1.988883 1.711572 1.255824 0.979814 1.016693 0.76654 0.719634 0.59864 0.592697 0.545239 0.528358 0.468472 0.056746 0.111822 0.009569 3.531461 0.796007 0.687073 0.53581 0.531361 0.401741 0.289049 0.217922 0.174371 0.218597 0.160786 0.149787 0.122954 0.056593 0.069429 0.028434 3.757581 0.505087 0.337882 0.270039 0.239794 0.148151 0.152759 0.150247 0.105612 0.094192 0.107838 0.08737 0.070076 0.008598 90.0 0.135224 180.0 2.0 0.0198 0.082193 0.46526 [ 0 0 0 0 0 1 ] +0.072312 0.30059 0.08707 -67.149229 2.081332 0.862607 1.363718 1.105382 0.505856 0.288421 0.467216 0.752435 0.136314 0.570828 0.445762 0.304039 0.057446 0.295261 0.035598 4.769029 1.375215 0.904397 1.076684 0.875058 0.608533 0.608196 0.739748 0.614852 0.619513 0.525258 0.523695 0.480678 0.023243 0.086187 0.009017 2.114308 0.602659 0.232994 0.327658 0.38134 0.216241 0.194821 0.224271 0.261608 0.197484 0.159295 0.15043 0.148972 0.026668 0.064286 0.029508 3.677509 0.327112 0.175135 0.265895 0.208162 0.106769 0.120566 0.171566 0.126718 0.106964 0.084656 0.087173 0.072809 0.029456 90.0 0.052152 180.0 2.0 0.158518 0.099286 0.338074 [ 0 0 0 0 0 1 ] +0.049007 0.281936 0.083871 -70.34728 2.039672 2.581988 2.300394 0.915189 0.677891 0.650469 0.405205 0.674459 0.75374 0.62181 0.482005 0.419929 0.039932 0.329674 0.032091 4.93403 1.540143 1.086377 0.9861 0.638159 0.63043 0.575717 0.55796 0.637081 0.538458 0.524832 0.461307 0.44489 0.022343 0.149633 0.008749 3.413602 0.66065 0.652383 0.687878 0.285321 0.246676 0.290367 0.216475 0.286391 0.242166 0.215758 0.167604 0.137985 0.027898 0.094191 0.029881 3.647868 0.493371 0.345906 0.318506 0.166943 0.154008 0.118487 0.121749 0.093806 0.096624 0.098079 0.061595 0.055962 0.226138 90.0 0.401992 180.0 2.0 0.714863 0.055066 1.402736 [ 0 0 1 0 0 1 ] +0.088632 0.442798 0.127395 -84.648714 4.760137 2.634223 1.11421 1.328732 0.896742 1.031994 0.702222 0.786957 0.680357 0.615963 0.435266 0.551936 0.148252 0.41679 0.073213 11.216391 2.482447 1.485184 0.933507 0.662217 0.521061 0.44793 0.446726 0.413804 0.398513 0.450619 0.401092 0.399009 0.03328 0.118903 0.009326 4.520536 0.717237 0.335732 0.157099 0.14936 0.149863 0.165656 0.138559 0.10541 0.096563 0.095483 0.12171 0.10344 0.046914 0.032378 0.02441 3.897176 0.520857 0.320441 0.091216 0.112769 0.07482 0.074949 0.073349 0.057735 0.068087 0.086922 0.073932 0.056119 0.961703 64.0 1.121665 128.0 2.0 1.363866 1.18787 2.582441 [ 0 1 0 0 0 0 ] +0.064307 0.160953 0.089191 -74.909096 6.311891 0.336874 1.185565 0.765824 0.632464 0.357195 0.369065 0.448873 0.347034 0.527732 0.257826 0.529335 0.062133 0.206295 0.037328 6.167515 1.66304 1.263106 1.071688 1.020393 0.896055 0.743335 0.625 0.608769 0.55195 0.546677 0.490779 0.457051 0.024466 0.069486 0.009558 3.572664 0.683182 0.780995 0.520894 0.523674 0.473965 0.298254 0.284341 0.265422 0.1886 0.251175 0.245911 0.210369 0.043819 0.091658 0.030023 4.158394 0.430224 0.292073 0.24984 0.183673 0.208391 0.109178 0.104236 0.101983 0.090868 0.102515 0.091398 0.068021 0.024791 62.0 0.265578 124.0 2.0 0.054307 0.47151 0.538637 [ 0 0 1 0 0 0 ] +0.076866 0.180113 0.081437 -75.702341 3.271842 0.940611 1.82109 0.237869 1.083678 0.260604 0.587516 0.506778 0.37022 1.04258 0.45195 0.463493 0.042547 0.126936 0.030257 4.528805 0.920498 1.034331 0.556338 0.574149 0.474666 0.580043 0.643196 0.600301 0.822595 0.833424 0.749768 0.71106 0.026641 0.069675 0.007097 3.54657 0.515364 0.744976 0.251758 0.301768 0.221514 0.331916 0.432732 0.387992 0.488088 0.709719 0.532268 0.294358 0.023216 0.064285 0.030234 4.383599 0.262389 0.312966 0.119609 0.113151 0.085463 0.130649 0.148153 0.263949 0.296556 0.344459 0.226663 0.225677 0.121307 94.0 0.21486 188.0 2.0 0.1401 0.562735 1.255286 [ 0 0 0 0 0 1 ] +0.065095 0.122639 0.071758 -71.879563 5.626379 1.984911 0.97603 0.345941 0.902974 0.174475 0.748008 -0.193168 0.290674 0.515391 0.290293 0.425881 0.019409 0.072628 0.027325 1.844385 0.76293 0.562925 0.474547 0.472998 0.455755 0.420565 0.47385 0.471256 0.432833 0.401829 0.389945 0.391175 0.01587 0.056518 0.007558 1.757582 0.78365 0.622746 0.302886 0.402675 0.257309 0.315904 0.373752 0.32291 0.219183 0.184146 0.156734 0.194394 0.026141 0.059022 0.030824 4.472607 0.310948 0.177254 0.107299 0.098813 0.089819 0.087719 0.093929 0.084185 0.091393 0.084368 0.068557 0.067064 0.031821 81.0 0.012208 162.0 2.0 0.287588 0.300597 0.700615 [ 0 0 1 1 0 0 ] +0.071472 0.180823 0.087044 -64.174774 3.341259 -0.165425 1.033672 0.884562 0.977612 0.436842 0.513423 0.660604 0.588982 0.171085 0.424199 0.459121 0.051344 0.165588 0.033211 4.658191 1.125761 0.856573 0.861065 0.731949 0.549513 0.551497 0.558602 0.51421 0.495765 0.420292 0.431582 0.41982 0.022776 0.046433 0.007329 1.632537 0.443644 0.356602 0.256549 0.270666 0.215455 0.175285 0.190233 0.137234 0.246438 0.116877 0.122821 0.10563 0.025437 0.065964 0.029762 3.578083 0.180423 0.10778 0.153253 0.10248 0.083893 0.091508 0.075965 0.082381 0.121057 0.060051 0.062659 0.054947 0.298849 54.0 0.025 108.0 2.0 0.473268 0.025 0.511385 [ 1 0 0 0 0 1 ] +0.030595 0.534392 0.093574 -68.993246 2.56374 0.658132 1.776699 1.277034 0.516995 0.198301 0.614064 0.654117 0.596164 0.683188 0.501533 0.545467 0.038894 0.451502 0.036375 5.165737 2.018504 1.064008 0.666533 0.698047 0.596625 0.561818 0.487087 0.470625 0.429173 0.472067 0.460781 0.446695 0.018423 0.068245 0.0068 2.379514 0.567395 0.413336 0.205973 0.247688 0.202598 0.161552 0.145194 0.166048 0.156011 0.1957 0.159712 0.155282 0.029284 0.025335 0.028766 3.378085 0.278666 0.17274 0.104146 0.130362 0.086504 0.085375 0.076147 0.085114 0.079644 0.08552 0.093693 0.088744 0.367847 67.0 0.618572 134.0 2.0 0.583992 0.658488 1.335851 [ 0 0 0 0 0 1 ] +0.110138 0.29666 0.084798 -70.801039 2.747409 0.258451 1.52138 0.326265 0.677583 0.714383 0.799939 0.496232 0.375951 0.649341 0.580951 0.36228 0.056641 0.145393 0.030869 3.251412 0.889242 0.681881 0.631557 0.581846 0.552858 0.57547 0.571203 0.540258 0.496674 0.517994 0.495401 0.463442 0.023841 0.069344 0.007638 2.311733 0.644655 0.318655 0.22565 0.193117 0.180413 0.182739 0.15127 0.171059 0.176332 0.174332 0.14262 0.160093 0.023321 0.05862 0.030213 4.070579 0.213916 0.084461 0.09241 0.08753 0.082315 0.077966 0.087673 0.08051 0.075521 0.072585 0.062165 0.060935 0.529251 66.0 0.704535 132.0 2.0 0.772839 0.894108 1.686925 [ 1 1 0 0 0 0 ] +0.032184 0.062056 0.079228 -78.495456 8.145029 0.644827 1.569112 0.42164 1.051645 0.733475 0.538745 0.287647 0.505428 0.211305 0.525026 0.236589 0.016157 0.038099 0.032599 4.4709 1.060887 0.962915 0.646407 0.552967 0.522822 0.492502 0.448855 0.47649 0.473447 0.469775 0.503468 0.625659 0.017695 0.049232 0.009755 3.76421 0.968671 0.65781 0.504651 0.32534 0.264787 0.256721 0.216876 0.227261 0.3661 0.32855 0.38129 0.526837 0.027572 0.063565 0.029842 4.352684 0.479691 0.284428 0.161346 0.123684 0.114954 0.101062 0.090291 0.107984 0.152586 0.151234 0.144842 0.240027 0.049405 90.0 0.136509 180.0 2.0 0.167846 0.196406 0.672779 [ 0 1 1 0 0 0 ] +0.041702 0.087168 0.078882 -70.862368 7.893239 -1.29354 2.349911 0.751343 1.31306 0.686465 0.811028 0.816391 0.284486 0.93269 0.130367 0.646395 0.02108 0.057175 0.030044 3.578829 1.404586 0.76148 0.710409 0.534024 0.563149 0.505073 0.534513 0.473713 0.440736 0.485628 0.53492 0.454957 0.014325 0.036753 0.008857 3.034295 0.894143 0.528195 0.577136 0.295984 0.32417 0.296836 0.221089 0.2472 0.207489 0.369683 0.368465 0.31775 0.027864 0.056956 0.030115 4.217139 0.58034 0.234279 0.209987 0.139844 0.098898 0.119024 0.123752 0.138135 0.081774 0.125179 0.114717 0.108806 0.18478 57.0 0.285538 114.0 2.0 0.379583 0.423613 0.893542 [ 0 0 1 1 1 0 ] +0.068866 0.154983 0.087297 -72.647457 4.483975 0.052755 2.37475 0.745775 0.257333 0.681076 1.320491 0.702751 0.163937 0.083918 0.596515 0.299277 0.041592 0.1183 0.034277 4.449266 1.319212 1.266303 1.008222 0.756444 0.594816 0.538168 0.560698 0.483818 0.517195 0.508743 0.47571 0.463695 0.022025 0.039457 0.00717 2.565214 0.778887 0.63553 0.577205 0.482589 0.284413 0.228657 0.374248 0.28044 0.238483 0.299589 0.20421 0.280907 0.026279 0.065147 0.029489 4.046569 0.427996 0.321362 0.328802 0.152298 0.105228 0.113319 0.122838 0.114633 0.141201 0.097088 0.09706 0.077387 0.061361 67.0 0.516603 134.0 2.0 0.434334 0.567639 1.001973 [ 0 1 1 0 0 0 ] +0.07409 0.18607 0.077301 -60.397321 3.850498 0.092379 1.259821 0.328131 0.72007 0.507299 0.413618 0.529686 0.525029 0.489065 0.463174 0.252255 0.040786 0.118596 0.030625 2.195631 0.811006 0.71154 0.619494 0.535412 0.45549 0.502466 0.456906 0.440404 0.415108 0.414386 0.418074 0.39572 0.017892 0.045951 0.007345 1.684189 0.435598 0.284715 0.34971 0.243476 0.17039 0.266666 0.179984 0.167015 0.167379 0.16928 0.214783 0.130769 0.028663 0.064573 0.030358 3.863502 0.296043 0.215788 0.157193 0.11989 0.0744 0.095729 0.075211 0.077111 0.074591 0.064339 0.073669 0.074666 0.326196 65.0 0.122637 130.0 2.0 0.788558 0.255456 1.067177 [ 1 1 0 0 0 0 ] +0.04223 0.162502 0.091323 -70.836473 2.664215 0.866047 1.534706 0.673511 0.89135 0.51862 0.802764 0.679695 0.867446 1.146151 0.500947 0.343273 0.035129 0.227921 0.040764 5.453331 1.148239 1.270971 0.957012 0.679229 0.660372 0.593494 0.542989 0.574186 0.537245 0.577688 0.480167 0.480176 0.014959 0.041328 0.005963 2.798244 0.376185 0.442833 0.408539 0.22632 0.289172 0.20737 0.184967 0.1942 0.116807 0.216357 0.11869 0.155256 0.02319 0.055201 0.028634 3.471837 0.171379 0.242177 0.165807 0.12777 0.115026 0.099238 0.102051 0.092193 0.064745 0.123272 0.067683 0.076489 0.04951 56.0 0.073169 112.0 2.0 0.242157 0.1082 0.350356 [ 1 0 0 0 0 1 ] +0.101589 0.374552 0.096043 -69.235643 2.014852 0.969012 1.118819 0.886949 1.035053 0.687012 1.081642 0.679464 0.785798 0.794364 0.421512 0.405698 0.079721 0.294888 0.042347 5.696388 1.284048 0.951477 0.707755 0.621289 0.584614 0.613977 0.589187 0.545655 0.484574 0.543174 0.473393 0.470964 0.018285 0.049315 0.007801 1.903621 0.335999 0.212574 0.191256 0.145209 0.16169 0.149446 0.184289 0.168296 0.1121 0.141928 0.097059 0.168179 0.017352 0.038663 0.028147 3.677299 0.237812 0.182787 0.094265 0.063535 0.059813 0.081115 0.047119 0.079828 0.075063 0.049244 0.064272 0.061126 0.695543 68.0 0.743598 136.0 2.0 0.72066 0.856705 1.632007 [ 0 1 0 0 0 0 ] +0.078378 0.19796 0.077258 -59.286443 3.674146 0.686194 1.561411 0.641371 0.365388 0.477281 0.532947 0.410174 0.598164 0.486294 0.503497 0.523995 0.031614 0.10504 0.028957 2.016933 0.647573 0.702107 0.567091 0.455744 0.461867 0.468794 0.443342 0.428984 0.444477 0.374951 0.406827 0.397314 0.022355 0.064647 0.009261 1.268314 0.583806 0.361051 0.340469 0.203462 0.278197 0.194457 0.2013 0.183297 0.128281 0.137776 0.164585 0.127786 0.024285 0.056743 0.030628 3.839579 0.280173 0.179921 0.145908 0.091791 0.090948 0.085474 0.07053 0.063608 0.081223 0.067117 0.061803 0.075419 0.250584 74.0 0.414649 148.0 2.0 0.403498 0.107992 1.091837 [ 1 0 0 0 1 0 ] +0.039865 0.071602 0.078281 -73.234002 6.275505 1.270865 1.9349 0.452855 1.261385 0.070157 0.229627 0.942958 0.490969 0.607195 0.565214 0.604065 0.030987 0.075756 0.030094 3.151661 1.27313 0.875994 0.709834 0.631925 0.658223 0.620345 0.527849 0.637823 0.527243 0.513415 0.468991 0.473694 0.018295 0.03995 0.008323 3.380073 1.047778 0.487532 0.541185 0.250353 0.433872 0.391585 0.303176 0.408494 0.278516 0.254877 0.304656 0.322022 0.036388 0.067788 0.030344 3.960338 0.456958 0.31385 0.18756 0.186988 0.196363 0.139044 0.097349 0.183004 0.114725 0.116139 0.108056 0.098274 0.18505 87.0 0.059037 174.0 2.0 0.479219 0.078619 0.911228 [ 0 0 1 1 1 0 ] +0.088608 0.223232 0.092032 -65.629025 4.076591 -0.330496 1.5788 0.310146 -0.092158 0.272939 0.041068 0.496756 0.342566 0.383994 0.386517 0.571146 0.064492 0.206557 0.036449 5.690884 1.422977 1.240779 1.208541 1.01928 0.874626 0.790159 0.745746 0.69289 0.715632 0.550686 0.579723 0.581675 0.033293 0.04856 0.007681 2.036534 0.462776 0.567187 0.587768 0.490388 0.385053 0.286683 0.270719 0.264855 0.273849 0.198472 0.247862 0.333028 0.034816 0.084403 0.02906 3.583016 0.30316 0.270042 0.203006 0.269772 0.175428 0.176565 0.159396 0.139216 0.155692 0.095239 0.086577 0.138448 0.118814 53.0 0.152085 106.0 2.0 0.3945 0.3884 0.953621 [ 0 1 1 0 0 0 ] +0.172193 0.515556 0.089991 -72.913644 1.839893 2.3116 0.980418 0.896726 0.706043 0.739761 0.62222 0.594586 0.624585 0.731637 0.700483 0.768523 0.1599 0.34299 0.038401 5.523867 1.196629 0.899613 0.723126 0.614533 0.631685 0.550456 0.494176 0.409218 0.436863 0.473839 0.435852 0.442066 0.015073 0.052396 0.009211 2.807559 0.337401 0.582221 0.210018 0.172792 0.195232 0.182886 0.189635 0.174457 0.158386 0.174415 0.157288 0.195708 0.021006 0.025326 0.028731 3.800043 0.304576 0.219087 0.109618 0.110615 0.117529 0.082431 0.088943 0.056797 0.062861 0.08692 0.07368 0.052369 1.598533 66.0 1.563273 132.0 2.0 1.67105 1.646543 3.331277 [ 1 1 0 0 0 0 ] +0.032045 0.047759 0.076592 -83.37137 8.971076 2.593695 1.825435 0.912541 1.024318 0.453092 0.411699 0.64458 0.308909 0.38194 0.405772 0.631474 0.014327 0.027444 0.030467 3.261876 1.041111 0.781059 0.713756 0.539933 0.527725 0.453581 0.585361 0.487542 0.510306 0.430167 0.373601 0.419561 0.018146 0.039572 0.008213 5.483201 0.927728 1.142149 0.789423 0.684097 0.41623 0.302035 0.407078 0.5416 0.371732 0.251423 0.348424 0.394106 0.029516 0.063912 0.030303 4.585754 0.542942 0.279776 0.449636 0.217284 0.151118 0.129696 0.202411 0.161669 0.13254 0.11611 0.081739 0.098998 0.089957 57.0 0.0 171.0 3.0 0.328762 0.058 0.399818 [ 0 0 1 1 1 0 ] +0.065638 0.158006 0.097638 -77.000707 5.687506 0.379732 2.916244 -0.171923 1.345445 -0.059337 0.921229 0.281923 0.313709 0.717198 0.492632 0.252461 0.042792 0.13639 0.0442 7.572471 2.09619 1.164099 1.073238 0.926317 0.711715 0.676896 0.610994 0.550972 0.554795 0.512648 0.520024 0.493291 0.02622 0.0637 0.009728 5.920752 1.179618 0.969687 1.085658 0.712796 0.43583 0.581749 0.514683 0.387985 0.445773 0.327104 0.359547 0.414408 0.024988 0.091149 0.028582 4.13078 0.584254 0.311726 0.292721 0.286103 0.151692 0.156483 0.179715 0.116174 0.161074 0.113254 0.146377 0.165476 0.069768 52.0 0.098127 156.0 3.0 0.251773 0.090085 0.545423 [ 0 1 1 0 0 0 ] +0.133877 0.325387 0.097055 -68.268806 3.463623 0.126829 2.049976 0.337017 0.391025 0.590258 0.275235 0.485403 0.164968 0.577025 0.278454 0.451434 0.124077 0.276532 0.038831 6.671666 2.298116 1.824233 1.240323 1.121843 0.853734 0.779467 0.870778 0.581799 0.728113 0.589677 0.577047 0.554272 0.038263 0.07391 0.009728 2.386306 0.612293 0.558472 0.502341 0.353533 0.379086 0.274432 0.240346 0.151401 0.224305 0.145073 0.154222 0.188222 0.050498 0.05957 0.029413 4.066258 0.537758 0.4168 0.31826 0.220028 0.156804 0.166672 0.130818 0.08158 0.12493 0.098846 0.091893 0.105163 0.014879 59.0 0.208767 118.0 2.0 0.119513 0.254687 0.503212 [ 0 0 0 0 0 1 ] +0.060728 0.151699 0.095764 -71.537423 4.569557 1.670262 1.670072 0.301721 0.503023 0.663086 0.37139 0.780623 0.557593 0.863158 0.343242 0.637607 0.067438 0.207137 0.041771 5.832003 1.79327 1.394248 1.085709 1.120215 0.730528 0.597298 0.635386 0.593631 0.616045 0.523114 0.490252 0.494859 0.022343 0.059949 0.007668 3.175582 0.61974 0.634598 0.452867 0.401002 0.308779 0.208239 0.210019 0.229722 0.198361 0.141138 0.150772 0.170732 0.037744 0.072544 0.028684 3.501216 0.382038 0.38556 0.194945 0.265742 0.120531 0.093102 0.0944 0.103691 0.141146 0.077882 0.095407 0.082264 0.153827 63.0 0.080904 189.0 3.0 0.343781 0.0 0.766466 [ 1 0 0 0 0 1 ] +0.10152 0.244333 0.09269 -66.508272 4.213296 0.53928 1.117681 0.715445 0.297097 0.566385 0.170705 0.673489 0.386875 0.68155 0.234864 0.504835 0.092606 0.252098 0.036972 4.29293 1.218437 1.107748 1.117365 0.838215 0.738958 0.641611 0.650793 0.584962 0.536638 0.525661 0.531102 0.519254 0.036334 0.064695 0.008793 2.027619 0.435192 0.542599 0.47091 0.293856 0.266276 0.238224 0.284305 0.220439 0.203979 0.227186 0.242969 0.233346 0.042364 0.066461 0.028997 3.730856 0.315186 0.254323 0.205646 0.139384 0.106439 0.126229 0.139581 0.093051 0.083166 0.072316 0.086347 0.076591 0.141854 98.0 0.016314 196.0 2.0 0.103104 0.222081 0.365776 [ 0 0 0 0 0 1 ] +0.043511 0.107128 0.090726 -71.939959 6.32713 1.276947 1.515848 0.117224 0.423398 0.283141 0.520543 0.86479 0.195424 0.707521 0.097329 0.523405 0.033232 0.145683 0.033888 4.69691 2.215324 1.39746 1.070614 0.93134 0.699172 0.662259 0.605626 0.610701 0.750352 0.620659 0.53109 0.500805 0.020397 0.053519 0.007181 2.747723 0.781466 0.543543 0.38372 0.375914 0.305383 0.263264 0.202097 0.242307 0.272836 0.274875 0.197455 0.161415 0.028472 0.077536 0.029495 3.70144 0.519896 0.26541 0.180535 0.223078 0.115846 0.099333 0.099517 0.100401 0.121684 0.118797 0.092125 0.064043 0.044831 102.0 0.0 204.0 2.0 0.138391 0.151616 0.52554 [ 0 0 1 0 1 1 ] +0.092565 0.31292 0.085962 -69.077208 2.639976 1.564388 1.576656 0.255043 0.955882 0.587556 0.423435 0.520499 0.40651 0.554551 0.31633 0.321789 0.084952 0.281762 0.032662 5.498476 1.505243 0.990168 1.078498 0.95629 0.624933 0.591018 0.647529 0.531299 0.585403 0.546337 0.511499 0.511172 0.026462 0.067844 0.007887 2.361893 0.579488 0.626683 0.411554 0.407856 0.199635 0.265587 0.211859 0.235174 0.220972 0.192332 0.176956 0.175724 0.035017 0.077664 0.029688 3.714091 0.406592 0.252498 0.246138 0.186199 0.120267 0.102217 0.119625 0.090132 0.085782 0.105026 0.095775 0.083248 0.312616 64.0 0.034558 192.0 3.0 0.481622 0.262755 0.832237 [ 0 0 0 0 0 1 ] +0.066195 0.249215 0.095474 -69.161298 4.044207 0.848744 1.913779 0.854018 0.605869 1.372892 0.29315 0.649815 0.401037 0.357193 0.639066 0.50236 0.061662 0.269201 0.041896 6.725019 1.875562 1.654084 1.247676 0.978868 0.729756 0.779347 0.729334 0.561947 0.555029 0.524957 0.540929 0.48829 0.022622 0.086512 0.008202 2.102253 0.634904 0.577433 0.497668 0.421028 0.242432 0.245582 0.282903 0.15944 0.244692 0.203093 0.190969 0.162963 0.030677 0.080235 0.029131 3.511324 0.355436 0.36741 0.27393 0.176317 0.142471 0.133551 0.145434 0.106442 0.088716 0.106131 0.113059 0.081495 0.062078 57.0 0.038372 171.0 3.0 0.211575 0.030184 0.386514 [ 1 0 0 0 0 1 ] +0.039839 0.249803 0.086075 -74.543331 4.228762 2.323832 0.90638 0.836521 1.100494 0.663933 1.183798 1.405788 0.824725 0.406794 -0.040397 0.954792 0.045261 0.367799 0.039514 6.301949 1.991959 1.069966 0.557833 0.398908 0.45761 0.357215 0.383447 0.339832 0.371945 0.342047 0.342326 0.396909 0.015158 0.058554 0.008859 4.656899 0.744053 0.289551 0.319484 0.073724 0.100599 0.099655 0.148686 0.125591 0.107227 0.070525 0.096737 0.108203 0.023905 0.047971 0.029245 4.064794 0.406614 0.084178 0.14753 0.08766 0.060687 0.074983 0.080016 0.062617 0.058065 0.043098 0.044086 0.056569 0.294916 69.0 0.546208 138.0 2.0 0.369079 0.620887 1.195642 [ 1 0 0 0 0 1 ] +0.046869 0.080756 0.073406 -73.486406 7.845914 0.302147 2.261804 0.437562 0.742306 0.332098 0.223487 0.738607 0.195169 -0.126377 0.262655 -0.129515 0.015721 0.037363 0.027691 3.146405 0.865926 0.574015 0.494194 0.497723 0.432532 0.421744 0.417842 0.477084 0.430236 0.454335 0.462012 0.488217 0.019227 0.057517 0.008635 3.658667 1.224154 0.537926 0.417075 0.562576 0.374733 0.386291 0.576923 0.611471 0.548353 0.525709 0.637871 0.671418 0.02675 0.063667 0.030537 4.234182 0.435429 0.213808 0.148254 0.146155 0.099269 0.114765 0.127566 0.156413 0.109593 0.187178 0.169512 0.248237 0.091379 65.0 0.085004 195.0 3.0 0.262402 0.368264 1.140646 [ 0 0 1 1 1 0 ] +0.040085 0.086414 0.081994 -78.059109 5.621746 1.946346 1.926829 0.583426 1.29913 0.824114 0.705927 0.903004 0.553409 0.663556 0.338971 0.520724 0.037389 0.125881 0.03444 5.926856 1.64092 1.108872 1.083726 0.866501 0.605456 0.651902 0.558787 0.511588 0.516501 0.514934 0.45667 0.431313 0.020073 0.05237 0.007079 4.789096 1.061585 0.833125 0.836152 0.611055 0.37649 0.280624 0.361801 0.250112 0.252165 0.223032 0.305699 0.211704 0.036197 0.078652 0.029891 4.389186 0.596422 0.330237 0.38285 0.333115 0.128244 0.180087 0.181135 0.135578 0.152238 0.119516 0.109664 0.11042 0.074931 54.0 0.024563 108.0 2.0 0.49939 0.095176 0.625002 [ 0 0 1 1 1 0 ] +0.088597 0.194779 0.081021 -78.10209 5.130189 -0.90274 2.703565 -0.468024 1.248845 0.226696 0.04589 0.777335 0.932453 0.656334 0.572872 0.334509 0.036337 0.080756 0.030857 5.333882 1.154054 0.829719 0.973865 0.794322 0.571059 0.637923 0.61215 0.633534 0.675773 0.496702 0.544494 0.534238 0.02792 0.059675 0.007055 4.41978 0.686331 0.569527 0.692048 0.434448 0.377614 0.462969 0.339998 0.466472 0.583547 0.26952 0.374384 0.383937 0.02287 0.047385 0.030233 4.484561 0.316823 0.202201 0.255193 0.186118 0.1145 0.144869 0.121227 0.173064 0.147802 0.102073 0.153427 0.133456 0.033073 90.0 0.04571 180.0 2.0 0.157624 0.228093 0.837922 [ 0 0 1 0 1 0 ] +0.118839 0.484238 0.123137 -74.269998 2.010431 1.608652 1.369578 1.270624 0.965779 0.689452 0.843093 0.775832 0.647296 0.58152 0.537832 0.640318 0.107317 0.331465 0.070955 9.395944 2.475153 1.505338 1.042217 0.80927 0.640839 0.610799 0.482825 0.490022 0.450424 0.418681 0.449209 0.400854 0.07953 0.137729 0.019001 5.844567 1.030441 0.792157 0.533265 0.425232 0.245601 0.365417 0.166667 0.17481 0.187553 0.217617 0.192457 0.150415 0.05967 0.058314 0.029034 3.657071 0.60442 0.271203 0.238419 0.237358 0.089466 0.14313 0.10653 0.113606 0.104325 0.124576 0.120041 0.095983 0.838998 65.0 0.849094 130.0 2.0 0.993583 0.849094 1.842677 [ 0 1 0 0 1 0 ] +0.06488 0.226548 0.085003 -68.463418 3.08694 0.149376 1.946866 0.506494 0.644724 0.4517 0.465752 0.594159 0.56208 0.704696 0.792605 0.613684 0.048445 0.238844 0.031586 5.835079 1.277085 0.967929 0.839978 0.812374 0.605698 0.595178 0.528093 0.489219 0.501192 0.486915 0.462412 0.499474 0.017815 0.060252 0.009475 3.435518 0.474733 0.566537 0.452784 0.356361 0.3031 0.283414 0.191792 0.141832 0.168521 0.160039 0.231435 0.187729 0.023693 0.088073 0.029422 3.629047 0.248296 0.194667 0.240672 0.198395 0.1516 0.1043 0.105381 0.070084 0.094726 0.076068 0.065026 0.0744 0.143526 55.0 0.0 110.0 2.0 0.509343 0.134587 0.655636 [ 0 0 0 0 1 1 ] +0.074872 0.15859 0.092338 -68.01072 4.642338 0.040838 0.493437 0.943812 0.563324 0.771866 0.230885 0.401122 0.410532 0.690879 0.635403 0.262308 0.06358 0.161764 0.041647 4.931502 1.33828 1.214724 0.908446 0.713689 0.842533 0.6278 0.606197 0.701569 0.652815 0.581865 0.488198 0.469252 0.022277 0.05633 0.00724 3.566675 0.882141 0.933445 0.59469 0.447696 0.572882 0.399678 0.339569 0.462816 0.40442 0.243459 0.239914 0.22001 0.030824 0.062463 0.028784 4.001759 0.357251 0.326672 0.257393 0.157835 0.227399 0.148103 0.120762 0.213784 0.204264 0.126977 0.101109 0.066312 0.634579 68.0 1.232933 136.0 2.0 0.952242 1.232933 2.185176 [ 0 1 1 0 0 0 ] +0.047277 0.082688 0.077634 -72.577129 8.404411 -0.169213 1.309338 0.347541 0.656527 0.558859 0.355602 0.509546 0.399621 0.242203 0.438252 0.15003 0.015808 0.032749 0.028634 2.451823 0.797834 0.671193 0.572791 0.532889 0.49041 0.452732 0.478199 0.438607 0.414932 0.429642 0.462112 0.502423 0.014348 0.02887 0.008515 2.631576 0.616565 0.428542 0.318607 0.342982 0.350618 0.234429 0.226529 0.198249 0.193989 0.214196 0.195453 0.177951 0.025841 0.05304 0.030133 4.082697 0.445142 0.124085 0.116148 0.10472 0.08969 0.062201 0.073791 0.071706 0.05599 0.081515 0.078474 0.070219 0.066972 72.0 0.073609 144.0 2.0 0.29969 0.221671 0.845115 [ 0 0 1 1 0 0 ] +0.029371 0.108221 0.0758 -80.774224 10.888936 0.538926 1.521604 1.19669 0.939025 0.519524 0.670294 0.691004 0.459279 0.287312 0.456869 0.402655 0.010834 0.08036 0.034776 3.75075 0.961263 0.733579 0.521234 0.435905 0.398196 0.387361 0.415185 0.404253 0.376699 0.395447 0.377894 0.341621 0.014399 0.180275 0.007807 5.10797 1.879965 1.066518 0.392434 0.531768 0.31992 0.248148 0.378862 0.346831 0.241458 0.2631 0.392402 0.345281 0.028195 0.146787 0.029572 4.768659 0.527863 0.296981 0.142991 0.15105 0.118641 0.090607 0.116093 0.120842 0.098587 0.108461 0.121589 0.090832 0.008398 81.0 0.008943 162.0 2.0 0.072465 0.018442 0.099851 [ 0 0 1 1 1 0 ] +0.029734 0.050096 0.076935 -72.723537 7.965135 -0.53466 2.529736 0.525686 1.573721 1.335123 0.796928 0.461046 0.64369 0.925769 0.239679 0.787538 0.01453 0.045541 0.031138 2.951091 1.15433 0.674607 0.601903 0.547123 0.522569 0.578496 0.505095 0.495024 0.46185 0.440116 0.502836 0.404328 0.011944 0.041159 0.007141 2.125653 0.649129 0.586734 0.450784 0.310785 0.341926 0.391913 0.328958 0.35496 0.291142 0.200243 0.320826 0.256068 0.028421 0.063245 0.029912 4.528038 0.52298 0.293496 0.160544 0.107876 0.113302 0.117868 0.107878 0.120821 0.08109 0.090506 0.119319 0.070217 0.211537 91.0 0.132495 182.0 2.0 0.138138 0.452404 1.001798 [ 0 0 1 1 1 0 ] +0.083939 0.177467 0.089385 -72.410747 2.255514 0.054667 2.435505 0.732674 1.336346 0.40242 1.054842 0.604162 0.722138 0.728284 0.754793 0.697412 0.07706 0.172464 0.037335 6.643614 1.514002 1.361619 1.010538 0.919305 0.744576 0.772839 0.561571 0.616307 0.566418 0.535821 0.54069 0.48635 0.024809 0.057799 0.008391 3.772378 1.011833 0.667733 0.499934 0.515233 0.27936 0.364254 0.207068 0.362499 0.246194 0.297993 0.244886 0.127103 0.026469 0.055763 0.028966 3.905412 0.477964 0.375195 0.33267 0.292092 0.137601 0.162369 0.1119 0.128373 0.114705 0.106375 0.106469 0.078675 0.123782 52.0 0.0 104.0 2.0 0.220604 0.0 0.220604 [ 1 0 0 0 0 1 ] +0.068161 0.144386 0.091536 -75.532381 4.584341 -0.062341 2.112233 0.397187 0.169292 0.364107 1.405861 0.786084 0.220797 0.285969 0.477625 0.559279 0.048554 0.108936 0.040864 4.537112 1.157751 1.136499 0.972236 0.779752 0.71635 0.570142 0.542884 0.538758 0.490805 0.49358 0.509813 0.445482 0.023514 0.05063 0.008607 3.781293 0.769183 0.690241 0.776198 0.571944 0.48941 0.249658 0.425174 0.357752 0.36562 0.300972 0.278241 0.292104 0.031621 0.062013 0.029121 4.087316 0.337903 0.315752 0.259715 0.213764 0.15352 0.123035 0.103996 0.108707 0.082696 0.094844 0.109482 0.074347 0.307725 70.0 0.443281 140.0 2.0 0.542302 0.556348 1.143828 [ 0 0 1 0 0 0 ] +0.028436 0.096746 0.077945 -84.288328 5.70336 2.895177 1.706145 1.409593 0.59117 0.114055 0.203401 0.442141 0.581783 0.494387 0.461318 0.626365 0.019001 0.154616 0.029727 5.140994 1.194132 1.032862 0.570465 0.563122 0.455416 0.459495 0.479267 0.391717 0.39412 0.422575 0.413088 0.423066 0.017879 0.091915 0.007711 3.738662 0.704898 0.555971 0.317135 0.34095 0.229335 0.245822 0.241932 0.150291 0.127279 0.153997 0.186965 0.228121 0.026624 0.146208 0.030184 4.416312 0.365383 0.243952 0.106632 0.135326 0.080738 0.070891 0.092705 0.058662 0.07993 0.110914 0.08666 0.088999 0.084419 76.0 0.515134 152.0 2.0 0.423925 0.0 1.19975 [ 0 0 1 1 1 0 ] +0.061783 0.276007 0.096884 -77.047992 4.105681 0.817239 2.240627 0.219947 0.493088 0.70843 0.451084 0.919583 0.476419 0.563828 0.568076 0.376735 0.065891 0.312865 0.045252 7.027483 1.561032 1.509863 1.181333 0.830715 0.737485 0.64486 0.62976 0.558554 0.455355 0.443474 0.453492 0.420936 0.037574 0.126607 0.006667 3.119159 0.818706 0.668385 0.60251 0.41881 0.338367 0.312389 0.464087 0.339075 0.230495 0.252981 0.231706 0.172441 0.045132 0.091857 0.028625 3.951593 0.399315 0.384046 0.296737 0.252562 0.176768 0.125 0.17693 0.131281 0.086722 0.084682 0.103089 0.078608 0.13372 90.0 0.19583 180.0 2.0 0.389352 0.012057 0.72834 [ 0 1 1 0 0 0 ] +0.096718 0.411587 0.097933 -72.28475 2.465583 1.290684 1.635215 0.901723 0.786447 0.980582 0.977885 0.363846 0.749967 0.677266 0.384874 0.494527 0.09018 0.321321 0.041659 6.263426 1.687317 1.335092 1.014498 0.704115 0.613809 0.553621 0.520131 0.449562 0.443457 0.409886 0.402615 0.38248 0.020872 0.089735 0.007564 2.132924 0.711521 0.449123 0.254505 0.182479 0.209303 0.108125 0.120901 0.107711 0.124554 0.067617 0.096933 0.069655 0.022539 0.052091 0.028453 3.676774 0.266469 0.217248 0.120928 0.076213 0.071101 0.060299 0.06273 0.049372 0.050217 0.040028 0.052998 0.044109 0.967686 66.0 0.840347 132.0 2.0 1.102323 1.088424 2.354439 [ 1 0 0 0 0 1 ] +0.09441 0.236249 0.09369 -69.743761 3.080256 2.12768 2.61666 1.231063 0.955406 0.689613 0.45685 0.265578 0.138285 0.007397 0.333076 0.751567 0.059315 0.181092 0.038064 4.030022 1.158172 0.85543 0.724205 0.628535 0.544205 0.497238 0.470332 0.450142 0.468595 0.429762 0.397418 0.453236 0.069687 0.189653 0.008399 2.665696 0.854867 0.675354 0.459358 0.387298 0.221744 0.221745 0.284451 0.281527 0.257059 0.249996 0.173112 0.226067 0.028776 0.051231 0.029582 3.652307 0.371322 0.139323 0.102474 0.090508 0.094535 0.068528 0.074367 0.077987 0.073865 0.050009 0.043739 0.056056 0.072297 68.0 0.036566 136.0 2.0 0.238555 0.485665 1.071412 [ 1 0 0 0 0 1 ] +0.080581 0.206185 0.090765 -75.192376 4.48941 0.667208 1.3327 0.618657 0.835212 0.787321 0.544161 0.564393 0.474425 0.5109 0.682413 0.592409 0.078625 0.224187 0.036065 5.994878 1.331352 1.049547 1.136245 0.809558 0.71158 0.689121 0.625577 0.53991 0.59064 0.482625 0.491527 0.482738 0.037383 0.085589 0.009668 3.789926 0.730044 0.584462 0.581667 0.397468 0.311818 0.556136 0.203421 0.265274 0.384715 0.154547 0.293931 0.225234 0.054558 0.089495 0.029393 4.25466 0.466067 0.268981 0.351584 0.223318 0.156694 0.156439 0.128527 0.096254 0.119643 0.093315 0.101994 0.077506 0.176495 68.0 0.124188 136.0 2.0 0.664626 0.146477 0.811103 [ 0 0 0 0 0 1 ] +0.088223 0.156644 0.082247 -74.329536 5.929392 -0.72888 1.497519 -0.131672 0.722617 0.040061 0.537981 0.309143 0.552515 0.557208 0.31439 0.089344 0.025013 0.055346 0.029294 3.156435 1.074314 0.651408 0.650403 0.586109 0.579559 0.610533 0.591217 0.61386 0.585408 0.608153 0.610518 0.573396 0.021784 0.049309 0.008531 5.025693 1.037012 0.614205 0.468471 0.495272 0.705817 0.6403 0.39876 0.831677 0.61581 0.55094 0.615501 0.400219 0.026633 0.054404 0.030039 4.269719 0.41617 0.162141 0.184045 0.16703 0.169738 0.193166 0.138896 0.155219 0.133502 0.200619 0.170744 0.156193 0.039697 67.0 0.167071 134.0 2.0 0.295711 0.268653 0.644027 [ 1 1 1 0 0 0 ] +0.075896 0.167156 0.090672 -67.317107 5.100871 1.57271 2.227846 0.577227 0.235956 0.575726 0.379162 0.266641 0.145314 0.334082 0.302214 0.168333 0.067916 0.179681 0.035275 5.630262 1.860124 1.523159 1.234465 0.953186 0.870482 0.731721 0.677902 0.624092 0.630562 0.589615 0.552983 0.5667 0.02786 0.061216 0.007128 2.797215 0.695634 0.504285 0.653449 0.470084 0.378302 0.301137 0.360177 0.307611 0.271439 0.231329 0.22797 0.298024 0.039348 0.066673 0.029392 4.788774 0.490175 0.327198 0.239373 0.240131 0.208534 0.124835 0.151332 0.105602 0.101677 0.097737 0.094896 0.081371 0.067724 71.0 0.0 213.0 3.0 0.278798 0.068072 0.50348 [ 0 0 1 0 1 1 ] +0.076382 0.143003 0.084506 -79.021975 6.278864 -0.491294 1.835204 0.185194 0.852797 0.575641 0.805313 0.282275 0.414822 0.527308 0.181813 -0.039002 0.024459 0.055851 0.030561 4.165478 1.053732 0.634777 0.620472 0.561762 0.561165 0.534132 0.601247 0.616631 0.607051 0.640538 0.585664 0.56594 0.028857 0.054313 0.008712 8.479161 1.466266 0.50755 0.456653 0.403059 0.397553 0.42199 0.612432 0.736857 0.491809 0.735642 0.497091 0.397987 0.026825 0.053372 0.029727 4.715678 0.601846 0.200849 0.148911 0.115714 0.112407 0.09928 0.152094 0.158778 0.150541 0.18019 0.158101 0.143568 0.052313 74.0 0.186366 148.0 2.0 0.303492 0.321585 1.05614 [ 0 1 1 0 0 0 ] +0.065836 0.165511 0.089585 -71.043471 4.681551 -0.540461 1.500811 0.330204 1.051206 0.375939 0.604523 0.638359 0.413949 0.337998 0.680299 0.315392 0.040271 0.151145 0.039143 5.925295 1.381845 1.088151 1.127575 0.820951 0.715579 0.626937 0.646143 0.650701 0.56098 0.494347 0.514868 0.501819 0.020037 0.036555 0.006947 3.092137 0.826016 0.645828 0.717799 0.454782 0.37913 0.235784 0.422989 0.319252 0.233472 0.25163 0.215446 0.222383 0.020662 0.054446 0.029568 4.129074 0.370953 0.252984 0.291808 0.189896 0.130919 0.125531 0.180703 0.152228 0.110902 0.109857 0.090744 0.115461 0.120341 84.0 0.371029 168.0 2.0 0.321914 0.001466 0.857912 [ 0 1 1 0 0 0 ] +0.125297 0.393485 0.103872 -77.419126 2.891618 0.734992 1.958153 1.39115 0.594176 0.980179 0.626074 0.800057 0.46811 0.374877 0.390975 0.311095 0.123551 0.323191 0.048882 9.205739 2.364199 1.704923 1.373682 0.961089 1.013231 0.803248 0.719547 0.654181 0.697944 0.573798 0.533195 0.581603 0.067148 0.100063 0.00893 3.549451 0.722846 0.527973 0.633865 0.376039 0.292395 0.30243 0.19289 0.231435 0.264102 0.168268 0.200763 0.150009 0.062547 0.086616 0.028177 3.44041 0.481627 0.22757 0.261019 0.194271 0.169944 0.143526 0.128495 0.140578 0.116294 0.090053 0.090702 0.099359 0.936644 93.0 0.0 186.0 2.0 0.0 1.035425 1.043695 [ 0 0 0 0 0 1 ] +0.095814 0.263647 0.100987 -69.122912 4.01499 2.172354 0.97536 0.512699 0.894028 0.815181 0.352697 0.387909 0.639317 0.867782 0.148967 -0.00626 0.083836 0.257248 0.043123 5.664704 1.839648 1.107302 1.078899 0.981348 0.772816 0.708669 0.741921 0.639912 0.797841 0.633604 0.572918 0.556736 0.024486 0.06006 0.007637 1.747477 0.544913 0.511349 0.504862 0.632898 0.568053 0.405648 0.404473 0.44676 0.396324 0.34694 0.316327 0.191489 0.031998 0.054035 0.027972 3.794899 0.344798 0.213183 0.184395 0.231321 0.179723 0.124271 0.163186 0.11504 0.166675 0.144735 0.117223 0.089629 0.144292 75.0 0.024719 150.0 2.0 0.397492 0.554649 1.256742 [ 0 0 0 0 0 1 ] +0.070826 0.307189 0.089427 -66.021677 2.907091 0.665645 1.454806 0.23868 0.932339 0.537154 0.369033 0.173962 0.372966 0.373026 0.60698 0.582067 0.064047 0.30868 0.036345 5.102558 1.561631 1.049105 0.975135 0.959493 0.721634 0.711445 0.731904 0.592227 0.583604 0.61876 0.529857 0.502484 0.031655 0.090254 0.009357 2.407654 0.520637 0.586734 0.349551 0.394236 0.237926 0.292538 0.279147 0.166736 0.170526 0.16887 0.130105 0.177857 0.039805 0.072122 0.029551 3.550855 0.359024 0.244085 0.232772 0.221668 0.149167 0.134573 0.136176 0.110073 0.100991 0.097185 0.082515 0.080753 0.278203 54.0 0.286156 108.0 2.0 0.466891 0.288669 1.058043 [ 0 0 0 0 0 1 ] +0.015754 0.287126 0.090862 -79.346168 7.000784 1.585092 1.275982 0.697591 0.872735 0.613072 1.226897 1.342047 0.899802 0.339871 0.262839 0.784792 0.014039 0.430221 0.048102 7.632067 1.484611 0.943002 0.452744 0.343973 0.41551 0.335192 0.322271 0.329776 0.310128 0.350607 0.302748 0.298141 0.013925 0.049208 0.0068 2.987226 0.505554 0.125179 0.079273 0.055489 0.040192 0.048815 0.105411 0.124359 0.065573 0.048231 0.050848 0.040482 0.028274 0.025059 0.027764 3.620718 0.211689 0.091653 0.084633 0.055977 0.055379 0.059578 0.060529 0.066021 0.051892 0.044027 0.032472 0.04816 0.302846 67.0 0.660427 134.0 2.0 0.532731 0.725635 1.405558 [ 1 0 0 0 0 0 ] +0.082219 0.164966 0.074991 -71.707719 5.401837 -0.443525 2.43297 -0.527253 0.891568 -0.236457 0.379082 0.3153 0.329821 -0.037258 0.573858 0.182328 0.028039 0.065307 0.029758 4.03606 1.273121 0.621463 0.631774 0.57528 0.549822 0.478866 0.502971 0.504142 0.503869 0.571234 0.509915 0.56918 0.027473 0.06537 0.009939 4.090437 1.278695 0.505828 0.561414 0.571617 0.684764 0.465595 0.443783 0.516217 0.566709 0.686858 0.434462 0.520937 0.025399 0.05887 0.030071 4.259469 0.488267 0.202428 0.243482 0.164388 0.148391 0.152471 0.177503 0.120913 0.141301 0.205086 0.222488 0.19148 0.030605 72.0 0.026499 144.0 2.0 0.222135 0.22843 0.559116 [ 0 0 1 0 1 0 ] +0.126684 0.554933 0.103935 -70.164326 2.189237 2.552461 1.496289 0.651685 0.216779 -0.11854 0.382728 0.183928 0.578497 0.328051 0.512357 0.844594 0.141849 0.357819 0.05707 6.377111 2.027143 0.874753 0.789965 0.641509 0.619921 0.546426 0.564856 0.544524 0.516911 0.498547 0.451052 0.437907 0.029578 0.065737 0.008985 2.911218 0.832633 0.786247 0.673387 0.503401 0.368563 0.334398 0.319592 0.230247 0.16683 0.247291 0.218166 0.223947 0.014882 0.045036 0.028814 3.377221 0.244802 0.299039 0.166598 0.131548 0.09692 0.070846 0.07994 0.078221 0.075736 0.093365 0.076689 0.097533 0.918303 66.0 1.495118 132.0 2.0 1.335698 1.534298 2.869996 [ 1 0 0 0 0 0 ] +0.042251 0.579014 0.104078 -77.391031 4.00295 -0.163757 1.919519 0.991743 0.877082 0.879518 0.392381 0.694832 0.587819 0.659953 0.628131 0.568303 0.058974 0.409431 0.05527 8.552923 2.26206 1.696002 1.004875 0.831509 0.687261 0.584793 0.682059 0.52789 0.51667 0.534389 0.498277 0.528109 0.030285 0.155901 0.010202 5.133125 1.013815 1.291708 0.636216 0.429465 0.312894 0.258588 0.412016 0.241914 0.272826 0.198227 0.200196 0.23847 0.046919 0.046453 0.028681 3.989661 0.584694 0.370874 0.277187 0.206801 0.145546 0.155961 0.1891 0.124955 0.128723 0.116288 0.109978 0.164795 0.069679 93.0 0.0 186.0 2.0 0.071225 0.340146 0.503774 [ 0 0 1 0 0 0 ] +0.032578 0.229365 0.07672 -99.090802 5.416575 3.057155 1.625344 1.006122 1.039268 0.830065 1.01244 0.807894 0.703949 0.752952 0.50938 0.384687 0.027072 0.287364 0.030949 5.131172 1.57404 0.906871 0.659243 0.554216 0.496743 0.424967 0.415595 0.399109 0.388105 0.371826 0.350121 0.339011 0.03278 0.168734 0.008653 8.751678 2.051257 0.676644 0.545612 0.668803 0.458335 0.377261 0.217707 0.208101 0.233092 0.335024 0.17539 0.175192 0.036237 0.159344 0.029951 5.589574 0.652084 0.379262 0.206401 0.155459 0.137269 0.107265 0.095718 0.105565 0.097475 0.111172 0.073157 0.062122 0.020726 52.0 0.017572 104.0 2.0 0.082216 0.144486 0.26895 [ 0 0 1 1 0 0 ] +0.055128 0.124592 0.094374 -66.6025 5.021809 0.382416 1.940156 1.042366 0.678008 0.44515 0.561226 0.277827 0.4846 0.492986 0.500435 0.618529 0.050347 0.143736 0.043819 5.183566 1.582814 1.251092 0.871754 0.798172 0.710057 0.612052 0.627515 0.587313 0.577344 0.596127 0.535457 0.505193 0.018674 0.039884 0.00702 3.276353 0.889856 0.789516 0.488126 0.546042 0.382948 0.400547 0.30358 0.348544 0.337456 0.36568 0.331501 0.237694 0.028488 0.056445 0.028314 4.635004 0.314267 0.266586 0.174153 0.182108 0.180133 0.157901 0.120788 0.139666 0.124037 0.120761 0.181428 0.116747 0.250753 74.0 0.496006 148.0 2.0 0.470432 0.014947 1.141973 [ 0 0 1 0 1 0 ] +0.047946 0.089625 0.082202 -77.406966 7.626969 -0.262166 1.636232 0.100436 0.772571 0.214604 0.501804 0.273944 0.78915 0.959606 0.619931 0.143474 0.025645 0.060084 0.033839 4.720481 1.385797 0.663917 0.635171 0.650368 0.546325 0.612831 0.486839 0.563355 0.61876 0.656988 0.668172 0.610754 0.021284 0.04059 0.009173 4.335371 1.642591 0.504437 0.564303 0.577275 0.398966 0.481942 0.332376 0.445694 0.572006 0.607137 0.503354 0.446285 0.025989 0.0632 0.029491 4.065246 0.404836 0.140671 0.149951 0.203196 0.15325 0.21562 0.133809 0.215973 0.239261 0.262973 0.277836 0.265402 0.103862 87.0 0.033941 174.0 2.0 0.341551 0.056164 0.661704 [ 0 0 1 1 0 0 ] +0.056806 0.23133 0.09402 -69.769836 2.457773 0.78967 1.572476 0.43689 1.030961 0.524997 0.683694 0.496384 0.590433 0.453868 0.726463 0.500902 0.051474 0.266985 0.03787 5.383248 1.526871 1.137077 0.962082 0.836908 0.6675 0.679447 0.628544 0.576449 0.522193 0.499176 0.535437 0.466453 0.027796 0.07299 0.006018 1.873779 0.755857 0.483691 0.391117 0.349679 0.211916 0.184934 0.160421 0.229969 0.141584 0.149887 0.194345 0.133337 0.032359 0.074509 0.028712 4.298612 0.498685 0.233287 0.14928 0.142201 0.094156 0.109718 0.115869 0.099862 0.075045 0.071913 0.095809 0.060521 0.17922 56.0 0.268844 112.0 2.0 0.49603 0.350496 0.885866 [ 0 0 0 0 0 1 ] +0.08629 0.235833 0.077016 -75.190633 6.606154 0.67989 0.32983 0.472609 0.703915 0.664646 1.080427 0.556378 0.819151 0.685666 0.370347 0.327772 0.034481 0.120021 0.028465 2.790651 0.900587 0.564028 0.478503 0.480392 0.468179 0.444887 0.434967 0.46072 0.421154 0.40091 0.395249 0.370516 0.040432 0.173728 0.010118 4.955289 2.078427 1.148107 0.784929 0.934044 0.712852 0.309344 0.371273 0.768318 0.619133 0.227312 0.321884 0.270983 0.031921 0.114928 0.030329 5.195055 0.769 0.234995 0.102084 0.140889 0.078322 0.070208 0.082025 0.13825 0.113974 0.072466 0.068853 0.05609 0.264648 64.0 0.333092 128.0 2.0 0.477038 0.762768 1.331577 [ 0 0 0 0 1 0 ] +0.168687 0.698277 0.093261 -73.425628 1.493242 2.14045 0.850997 1.20121 1.039796 0.835462 0.735223 0.91073 0.589377 0.728285 0.507632 0.279079 0.159724 0.291835 0.03849 4.840004 1.444947 1.205771 0.661735 0.542841 0.496997 0.543896 0.461103 0.424683 0.435203 0.494753 0.459678 0.479423 0.019341 0.045761 0.007403 1.945159 0.30615 0.275933 0.124533 0.149156 0.139869 0.117577 0.082045 0.100513 0.077564 0.099763 0.074044 0.074705 0.010917 0.030447 0.029267 4.017287 0.221908 0.194496 0.071575 0.06782 0.053997 0.064642 0.049763 0.058136 0.042171 0.055324 0.053138 0.051551 0.579124 68.0 0.670814 136.0 2.0 0.66514 0.694562 1.507699 [ 1 0 0 0 0 1 ] +0.04431 0.328247 0.089572 -74.488069 3.611494 1.038638 2.136364 0.547973 0.760812 0.820011 0.413674 0.893327 0.709733 0.388724 0.594064 0.373953 0.045083 0.347362 0.043276 5.480823 1.406603 0.922545 0.882728 0.728157 0.574977 0.560553 0.575661 0.485209 0.436312 0.440098 0.450463 0.425604 0.021746 0.148849 0.008791 4.241698 0.731199 0.654923 0.856593 0.524006 0.379491 0.312854 0.455609 0.384568 0.211095 0.184107 0.33294 0.244056 0.026864 0.091097 0.030124 4.050137 0.333973 0.22979 0.29068 0.232147 0.133839 0.118676 0.174752 0.10197 0.087717 0.097796 0.130348 0.088035 0.200492 73.0 0.30889 146.0 2.0 0.484372 0.48184 1.309615 [ 0 0 1 0 1 0 ] +0.054193 0.138174 0.092916 -75.647394 5.193538 0.893623 1.418559 0.583133 0.799449 0.17421 0.960944 0.34644 0.531635 0.191043 0.728246 0.357453 0.038358 0.165032 0.040963 5.174867 1.337371 1.433698 0.922969 0.89559 0.842967 0.619369 0.548888 0.60882 0.50758 0.477451 0.474479 0.457126 0.015983 0.04931 0.007357 3.480443 0.581082 0.940138 0.462418 0.402926 0.366702 0.275508 0.221438 0.253278 0.215937 0.231597 0.159736 0.169806 0.027703 0.088124 0.028367 3.948931 0.29061 0.261964 0.246256 0.226469 0.171514 0.14195 0.089937 0.116422 0.087762 0.088216 0.089065 0.094868 0.290335 76.0 0.860527 152.0 2.0 0.544442 0.0 1.426767 [ 0 1 1 0 0 0 ] +0.065251 0.17252 0.078082 -60.418849 3.522476 -0.313147 1.908576 0.625787 0.553086 0.359123 0.446398 0.408188 0.5883 0.56739 0.500989 0.584293 0.031354 0.094979 0.030078 2.341556 0.80742 0.761064 0.636045 0.517174 0.519756 0.490393 0.455051 0.458374 0.464856 0.449255 0.412357 0.402491 0.022269 0.062552 0.007871 1.433715 0.622373 0.543481 0.342558 0.249062 0.264632 0.248744 0.214402 0.287694 0.290267 0.252478 0.197081 0.185015 0.022942 0.048284 0.030357 3.896263 0.302048 0.205318 0.17151 0.106137 0.091664 0.080031 0.072952 0.065163 0.081554 0.060796 0.060169 0.058631 0.114344 69.0 0.267371 138.0 2.0 0.248287 0.461747 0.948444 [ 1 0 0 0 0 1 ] +0.068296 0.175175 0.0934 -66.047116 5.295966 0.712742 0.659024 -0.099046 -0.237114 0.493464 0.833826 0.921015 0.165118 0.042163 0.214335 0.245008 0.051958 0.203283 0.040029 5.262989 1.729503 1.077033 1.115992 0.794022 0.751556 0.674363 0.729291 0.612353 0.587026 0.622152 0.579702 0.53507 0.020793 0.047904 0.007356 2.455381 0.525773 0.34671 0.385781 0.268522 0.243642 0.203719 0.346435 0.165061 0.321485 0.314927 0.166634 0.22251 0.023464 0.054796 0.028864 3.271986 0.328418 0.198145 0.247924 0.165197 0.141527 0.104046 0.122883 0.092085 0.110522 0.100702 0.120886 0.086112 0.389991 94.0 0.0 188.0 2.0 0.073621 0.609145 0.831004 [ 0 0 0 0 0 1 ] +0.039252 0.071174 0.082229 -83.020945 8.019265 3.192298 0.943949 0.64553 0.878602 0.312472 0.64532 0.457973 0.755565 0.549191 0.638168 0.787415 0.034608 0.082662 0.038463 4.623689 1.772542 1.101135 0.866803 0.657452 0.607451 0.582968 0.522369 0.52864 0.469107 0.444088 0.396434 0.382976 0.020457 0.042738 0.008588 10.078571 1.01752 1.734866 0.599979 0.543447 0.475365 0.454457 0.223077 0.274548 0.393001 0.321277 0.287245 0.225532 0.037842 0.079361 0.029494 4.54968 0.57345 0.34919 0.316822 0.18925 0.160207 0.182812 0.13249 0.161948 0.116181 0.107135 0.101102 0.07127 0.086763 84.0 0.097715 168.0 2.0 0.318303 0.112681 0.819872 [ 0 0 1 1 1 0 ] +0.115189 0.414242 0.094059 -75.378674 1.606148 2.342139 1.812999 1.05149 1.438829 0.667829 0.449984 0.46088 0.498692 0.510979 0.588261 0.525591 0.112585 0.320013 0.038055 5.190688 1.723788 1.233927 0.815743 0.596136 0.508677 0.445645 0.485653 0.427396 0.424817 0.454642 0.395791 0.397478 0.050823 0.157574 0.008455 4.21032 1.581974 0.286731 0.680235 0.240936 0.203077 0.162612 0.169742 0.173915 0.157385 0.172297 0.143565 0.147299 0.046598 0.041073 0.02887 3.953426 0.51975 0.42844 0.146548 0.082766 0.095803 0.061377 0.075374 0.067745 0.061418 0.057972 0.046068 0.052862 1.513175 66.0 1.750715 132.0 2.0 1.57803 1.750715 3.328744 [ 1 0 0 0 0 1 ] +0.038503 0.118093 0.095043 -72.73539 3.794645 0.563289 2.163561 0.53435 1.273385 0.558633 0.906469 0.733906 0.775456 0.606171 0.652886 0.371171 0.037813 0.176348 0.039548 6.218719 1.279799 1.325518 0.992972 0.766 0.685355 0.701846 0.546925 0.53978 0.510679 0.488979 0.499973 0.523304 0.01846 0.053649 0.007915 2.281013 0.547133 0.511488 0.51689 0.272111 0.291314 0.340332 0.20974 0.197656 0.179063 0.171857 0.161142 0.17642 0.023942 0.072356 0.028761 3.826915 0.2206 0.250757 0.187303 0.152543 0.118528 0.124362 0.09071 0.085431 0.071144 0.091806 0.090821 0.121756 0.104968 64.0 0.011003 192.0 3.0 0.189689 0.005646 0.214782 [ 0 0 0 0 0 1 ] +0.109854 0.277762 0.093164 -62.827197 4.299022 1.293202 0.63267 0.734857 0.561576 0.072472 0.213964 0.181683 0.167576 0.531653 0.243327 0.669452 0.106567 0.27927 0.040181 4.800283 1.894137 1.172007 1.102708 0.840481 0.723333 0.754639 0.634785 0.565308 0.577347 0.563741 0.534925 0.507497 0.029775 0.07018 0.008771 1.517341 0.640005 0.311494 0.567015 0.434911 0.240369 0.209515 0.204165 0.187992 0.174073 0.196715 0.161331 0.133751 0.034469 0.038603 0.028847 3.633795 0.296543 0.170878 0.193936 0.149261 0.155876 0.127953 0.087963 0.103884 0.091936 0.111931 0.08544 0.072196 1.041326 64.0 1.37496 128.0 2.0 1.081662 1.37496 2.456622 [ 1 1 0 0 0 0 ] +0.048399 0.108212 0.088223 -75.834076 5.751326 0.339326 2.024609 0.75136 0.97187 0.364988 0.613684 0.595442 0.47391 0.218227 0.722351 0.409944 0.02959 0.114445 0.037896 4.940302 1.216772 1.064614 0.943717 0.820212 0.695649 0.65551 0.67076 0.552222 0.546883 0.546801 0.566685 0.521477 0.016326 0.03949 0.00796 3.508426 0.918427 0.539875 0.631634 0.589874 0.380151 0.397526 0.451765 0.391929 0.372139 0.429158 0.475627 0.424407 0.027149 0.079866 0.028932 3.903759 0.444695 0.304322 0.246958 0.253868 0.17166 0.169427 0.180893 0.125113 0.115849 0.119001 0.14117 0.137451 0.08407 81.0 0.085611 162.0 2.0 0.148901 0.0 0.290531 [ 0 0 1 0 0 0 ] +0.188637 0.53726 0.09617 -77.755431 0.697836 1.256725 1.018783 0.604422 0.062336 -0.222341 -0.365837 -0.266999 -0.115835 0.219704 0.57915 0.865868 0.159072 0.283909 0.043638 7.538116 1.830212 1.081559 0.578155 0.619981 0.526656 0.593485 0.636938 0.590556 0.489679 0.364293 0.300775 0.365913 0.076478 0.211029 0.011398 2.421157 0.878061 0.575877 0.144097 0.138019 0.409286 0.526364 0.616439 0.569491 0.480976 0.269164 0.074935 0.183279 0.063173 0.067855 0.02928 4.049621 0.489036 0.207737 0.146382 0.189046 0.092753 0.109037 0.097806 0.086184 0.070136 0.049698 0.048886 0.065033 1.223974 60.0 1.762948 120.0 2.0 1.443186 1.762948 3.206134 [ 0 0 0 0 0 1 ] +0.127205 0.326821 0.093832 -62.476633 2.894884 0.362094 0.989734 0.380176 0.394804 0.22996 0.163534 0.547556 0.381874 0.250762 0.333514 0.340219 0.0865 0.242955 0.035361 5.473999 1.34039 1.046066 1.241698 0.831684 0.764533 0.761065 0.747219 0.654583 0.674506 0.542973 0.593929 0.574261 0.043244 0.061144 0.007876 1.840007 0.512526 0.392526 0.539831 0.340107 0.241628 0.260178 0.243209 0.261472 0.260827 0.174934 0.208222 0.188735 0.030337 0.06114 0.029041 3.539047 0.241677 0.183983 0.241997 0.149841 0.111987 0.12229 0.116351 0.143572 0.110075 0.100813 0.098022 0.093786 0.15061 67.0 0.278411 134.0 2.0 0.329887 0.317514 0.682229 [ 0 0 0 0 0 1 ] +0.061797 0.201539 0.099604 -71.117121 4.804369 2.593395 1.850331 0.864284 0.088872 0.395229 0.12656 0.298731 0.176661 0.263618 0.337183 0.261118 0.064731 0.273158 0.04635 6.818363 2.312392 1.672104 1.217576 0.927173 0.803353 0.671826 0.708232 0.633456 0.62567 0.577666 0.635619 0.567583 0.028203 0.0768 0.008557 3.498158 0.998907 0.713145 0.766192 0.467341 0.422235 0.321288 0.312909 0.308706 0.286313 0.279762 0.33061 0.290594 0.034218 0.061511 0.028604 3.393549 0.3697 0.342271 0.315264 0.205168 0.172947 0.145145 0.165406 0.161748 0.141985 0.111522 0.190286 0.146457 0.403657 96.0 0.010828 192.0 2.0 0.230695 0.485445 0.823295 [ 0 0 1 0 0 0 ] +0.052813 0.298965 0.085116 -72.555062 3.63856 1.954787 0.684279 0.631724 1.000271 0.593158 1.084478 1.41682 0.902828 0.494284 -0.024559 0.773423 0.0607 0.358579 0.039751 5.682914 1.884272 1.028182 0.558871 0.383517 0.442639 0.362487 0.364472 0.329729 0.350395 0.353141 0.320182 0.381911 0.015238 0.048313 0.009755 1.987316 0.181559 0.147548 0.181831 0.059505 0.11457 0.050367 0.091162 0.132833 0.057608 0.05361 0.041973 0.081765 0.022257 0.022982 0.02945 3.670844 0.249999 0.107641 0.242197 0.067151 0.070516 0.057146 0.054473 0.071818 0.057378 0.041163 0.034151 0.03727 0.424826 68.0 0.535613 136.0 2.0 0.478736 0.707363 1.322494 [ 1 0 0 0 0 1 ] +0.067292 0.345558 0.090496 -71.854502 2.819 0.58838 2.312619 0.660094 1.195471 1.105491 0.472755 0.943823 0.639486 0.74361 0.526339 0.727677 0.08062 0.363861 0.039115 5.737887 1.651758 1.050217 0.966787 0.707486 0.682138 0.624676 0.625621 0.570509 0.565731 0.477832 0.510919 0.499719 0.031515 0.098056 0.007654 2.789533 0.728374 0.571191 0.62251 0.381596 0.349631 0.301191 0.334265 0.320459 0.291517 0.282051 0.288915 0.274841 0.040868 0.073761 0.028812 3.815364 0.347379 0.258286 0.253174 0.181347 0.142045 0.126834 0.156433 0.146972 0.121934 0.095299 0.133577 0.095511 0.211661 53.0 0.002048 159.0 3.0 0.774701 0.052928 0.89274 [ 0 1 1 0 0 0 ] +0.089807 0.355494 0.104687 -69.666516 3.843698 0.368941 0.827751 0.602461 0.606471 0.32378 0.708761 0.505736 0.435319 0.475929 0.617512 0.447339 0.074609 0.314055 0.056822 6.890438 1.592111 1.043403 0.807732 0.693869 0.541031 0.472213 0.478192 0.423774 0.46847 0.401368 0.378725 0.361034 0.050307 0.087278 0.010029 3.082618 0.561926 1.041257 0.709612 0.558468 0.314874 0.22206 0.163587 0.123835 0.116244 0.114929 0.107474 0.091665 0.028752 0.124414 0.02896 3.860038 0.267321 0.203259 0.206165 0.193078 0.101376 0.116446 0.101028 0.084346 0.09484 0.077979 0.055646 0.052357 0.41824 64.0 0.388194 128.0 2.0 0.635831 0.467518 1.272256 [ 1 0 0 0 0 1 ] +0.138981 0.42799 0.086244 -68.067004 3.566178 1.022574 0.538632 1.208261 0.280466 -0.114396 0.641286 0.957263 0.77508 0.441725 0.205453 0.324599 0.115753 0.31634 0.036979 4.095634 1.626069 1.133669 0.843277 0.677107 0.544461 0.555452 0.443732 0.416915 0.428042 0.392951 0.513556 0.375165 0.03038 0.076026 0.008947 1.847563 0.404531 0.389796 0.149128 0.24982 0.145368 0.166991 0.089864 0.104955 0.089621 0.071059 0.110731 0.073399 0.018578 0.019933 0.029352 3.770452 0.179367 0.151279 0.11199 0.096201 0.059575 0.062551 0.044343 0.049377 0.055734 0.038065 0.052858 0.062389 1.344336 65.0 1.627135 130.0 2.0 1.344336 1.674678 3.019014 [ 1 1 0 0 0 0 ] +0.057926 0.131317 0.082645 -78.082053 5.323925 0.194754 1.052897 0.883875 1.14539 0.948649 0.693143 0.456558 0.636702 0.493905 0.365899 0.301469 0.035234 0.103956 0.032359 4.471385 1.189095 1.116171 0.670713 0.563714 0.472395 0.473043 0.433836 0.406186 0.413061 0.398547 0.406138 0.371873 0.026744 0.071924 0.010108 4.485654 0.857237 1.092109 0.571689 0.375544 0.301404 0.278705 0.181855 0.19607 0.248181 0.159551 0.226903 0.259222 0.032818 0.078531 0.029986 4.30986 0.423335 0.292563 0.15663 0.153293 0.092296 0.087243 0.070862 0.095701 0.088483 0.069486 0.0722 0.092553 0.033654 98.0 0.045024 196.0 2.0 0.086709 0.249494 0.581262 [ 0 0 0 0 0 1 ] +0.101962 0.34279 0.096588 -73.150654 3.676109 0.719896 0.289061 1.209981 0.821483 0.711324 0.720339 0.741599 0.551949 0.554191 0.636879 0.550567 0.094528 0.328552 0.044163 5.701098 1.500152 1.135117 0.757394 0.80417 0.610621 0.606839 0.463078 0.547607 0.532878 0.520295 0.626012 0.459309 0.039497 0.072919 0.007389 2.623998 0.949229 0.981624 0.602286 0.453204 0.338398 0.422306 0.235662 0.166414 0.147232 0.156308 0.122614 0.104267 0.021742 0.066967 0.028396 3.917953 0.26387 0.151311 0.167226 0.116578 0.072522 0.075303 0.046429 0.076931 0.07877 0.065338 0.12625 0.07578 0.69122 66.0 0.328074 132.0 2.0 1.105126 0.58516 2.051738 [ 1 0 0 0 0 0 ] +0.043024 0.10051 0.076044 -73.497313 7.381629 0.242112 1.523284 0.893587 0.848772 0.404758 0.499266 0.353071 0.480475 0.256727 0.206894 0.003378 0.019692 0.073214 0.028385 3.392818 1.003963 0.756959 0.47383 0.448766 0.440409 0.418495 0.408025 0.414215 0.41598 0.40089 0.461478 0.595933 0.02022 0.110316 0.009116 3.491641 1.083561 0.963026 0.266662 0.47122 0.299081 0.233771 0.303619 0.298039 0.310571 0.395266 0.495751 0.722593 0.028634 0.110815 0.030201 4.297803 0.515437 0.236297 0.128432 0.105906 0.094272 0.101734 0.111313 0.119737 0.117111 0.133956 0.203875 0.298235 0.015129 53.0 0.020962 159.0 3.0 0.079128 0.021825 0.211983 [ 0 0 1 1 1 0 ] +0.172679 0.504049 0.098053 -69.838918 1.96014 0.882767 0.600617 0.74082 0.494457 0.262374 0.612255 0.384021 0.520553 0.538658 0.287866 0.587128 0.099352 0.26818 0.040251 6.016942 1.427473 1.169778 0.925533 0.651726 0.595919 0.562239 0.514081 0.470622 0.48176 0.506053 0.479365 0.392892 0.116201 0.118158 0.007194 1.975033 0.771494 0.352188 0.386513 0.227132 0.203619 0.189237 0.165418 0.135733 0.105642 0.140691 0.081147 0.073143 0.027119 0.086751 0.028525 3.678887 0.331296 0.154918 0.202152 0.088551 0.058142 0.056681 0.071631 0.050587 0.062754 0.068965 0.069775 0.073431 0.426073 68.0 0.675755 136.0 2.0 0.448257 1.175462 2.258324 [ 1 0 0 0 0 1 ] +0.032599 0.079806 0.087205 -72.304115 3.283207 0.64536 2.337256 0.796628 1.310627 0.83602 0.760788 0.777964 0.945295 0.637162 0.542933 0.563904 0.031942 0.124736 0.033365 5.577852 1.421708 1.165156 0.860172 0.74859 0.616558 0.611832 0.506979 0.516091 0.478222 0.475912 0.482392 0.502531 0.013304 0.030628 0.008228 2.868656 0.57433 0.515312 0.380628 0.418188 0.35477 0.234679 0.180975 0.150165 0.197784 0.164733 0.147367 0.169859 0.025412 0.056617 0.02961 3.699322 0.269187 0.259855 0.256508 0.161204 0.122431 0.121473 0.082115 0.094969 0.071295 0.072111 0.079228 0.077247 0.206209 55.0 0.0 165.0 3.0 0.739993 0.0 0.765219 [ 0 0 0 0 1 1 ] +0.039597 0.068991 0.073582 -80.98613 7.141753 2.053993 2.43986 0.776649 1.256168 0.206945 -0.121682 0.559762 0.125328 0.179199 0.445627 0.195385 0.014279 0.046044 0.027572 3.941761 0.909441 0.817847 0.514759 0.507813 0.515944 0.430236 0.405874 0.395766 0.381973 0.409844 0.432293 0.426956 0.018438 0.063081 0.008231 4.885282 1.276654 1.306121 0.456844 0.551826 0.482203 0.371283 0.393767 0.252426 0.310045 0.535108 0.716644 0.703079 0.028439 0.097073 0.030577 4.784835 0.463092 0.339367 0.18143 0.18661 0.14053 0.11142 0.105554 0.087205 0.124509 0.182915 0.168524 0.186861 0.012557 65.0 0.017506 130.0 2.0 0.060216 0.11997 0.206799 [ 0 1 1 1 0 0 ] +0.05654 0.123146 0.086451 -78.038761 5.029335 -0.094122 2.646499 0.434019 0.138903 0.448408 1.47488 1.010465 0.438387 0.159111 0.508103 0.455481 0.040638 0.113782 0.037251 5.113531 1.162916 1.068577 0.793973 0.616952 0.684374 0.534799 0.531945 0.492844 0.485505 0.504403 0.464913 0.483711 0.021162 0.041089 0.008244 4.115521 0.551986 0.712897 0.74598 0.479044 0.533525 0.354346 0.337015 0.316295 0.297767 0.292342 0.316192 0.324464 0.024892 0.070023 0.029166 4.568299 0.333182 0.319513 0.249224 0.133346 0.155048 0.090069 0.092571 0.084206 0.099386 0.129188 0.119217 0.13807 0.334843 66.0 0.275384 132.0 2.0 0.564342 0.33412 0.898462 [ 0 1 1 0 0 0 ] +0.034731 0.166653 0.086036 -71.814531 5.139119 1.076793 1.304352 1.004239 0.911294 0.301178 0.286891 0.488505 0.462666 0.798157 0.151072 0.448615 0.026911 0.238283 0.039013 5.301389 1.216823 1.210924 0.870835 0.653732 0.601234 0.659573 0.598669 0.547907 0.535867 0.491014 0.495403 0.452722 0.020235 0.113348 0.007594 3.135501 0.527528 0.878712 0.264558 0.210786 0.292827 0.408725 0.252533 0.256882 0.165018 0.254525 0.242216 0.204158 0.028773 0.14846 0.029281 3.627938 0.353926 0.260112 0.156363 0.112134 0.128188 0.215788 0.125154 0.093896 0.096842 0.092988 0.093273 0.080118 0.035295 91.0 0.0137 182.0 2.0 0.129035 0.153852 0.327411 [ 0 0 1 0 1 0 ] +0.038674 0.165774 0.086206 -77.501905 6.065846 -0.282856 1.981126 0.705378 1.207684 0.367805 0.524682 0.676641 0.518456 0.37406 0.701561 0.105635 0.029154 0.232385 0.036903 6.118431 1.365777 1.035778 1.026335 0.73214 0.636568 0.632198 0.588891 0.529622 0.511494 0.498472 0.558852 0.463856 0.016259 0.090466 0.006692 4.06415 0.893058 0.595173 0.824382 0.437243 0.469583 0.356914 0.400892 0.379323 0.284939 0.290506 0.255344 0.205165 0.025281 0.104282 0.029275 4.066038 0.349679 0.296491 0.314144 0.180369 0.151176 0.142445 0.132144 0.122505 0.095765 0.11998 0.131556 0.075094 0.70748 79.0 0.001834 158.0 2.0 1.167109 0.11083 1.296629 [ 0 0 1 0 1 0 ] +0.064984 0.322048 0.096059 -69.02028 4.550192 1.655251 1.126918 0.476409 0.397545 0.586 0.531333 0.028731 0.436326 0.424011 0.322187 0.056799 0.072016 0.361003 0.045115 6.303973 2.138303 1.187849 1.097353 0.972428 0.785427 0.805382 0.7179 0.730613 0.639513 0.600369 0.580488 0.572603 0.033311 0.093837 0.008386 2.481751 0.83917 0.501933 0.53196 0.506723 0.446666 0.261096 0.276509 0.220331 0.2375 0.261476 0.213148 0.261984 0.041001 0.055111 0.028086 3.485903 0.389784 0.197995 0.237843 0.208238 0.139831 0.153081 0.128776 0.140606 0.107967 0.108997 0.113052 0.098819 0.093769 59.0 0.0 177.0 3.0 0.235092 0.05239 0.311204 [ 0 0 1 0 0 1 ] +0.026397 0.039277 0.078939 -73.956632 6.71742 0.893289 2.477158 0.926868 1.529064 0.573774 1.689284 0.720802 1.048844 0.383043 1.088186 0.526405 0.012606 0.033139 0.033106 3.263413 0.995791 0.655432 0.668262 0.612328 0.575324 0.637535 0.473328 0.514247 0.447688 0.510022 0.446107 0.418615 0.015352 0.039756 0.008052 3.777652 0.735892 0.547388 0.638895 0.605563 0.613771 0.716325 0.279768 0.410499 0.399066 0.302026 0.223818 0.261607 0.028981 0.068621 0.029799 4.266548 0.423461 0.214591 0.275344 0.196948 0.197616 0.203477 0.120659 0.15323 0.100973 0.103505 0.113599 0.130456 0.118365 84.0 0.123639 168.0 2.0 0.249093 0.008785 0.493828 [ 0 0 1 1 1 0 ] +0.08558 0.279243 0.098685 -74.149915 3.743536 -0.563684 2.497154 0.823285 0.338471 0.357739 0.574406 0.485848 0.433568 0.290881 0.474203 0.22878 0.079976 0.278893 0.043285 6.149465 1.829553 1.218864 1.211388 0.945912 0.850299 0.617695 0.641544 0.588193 0.583997 0.456792 0.502462 0.453254 0.023956 0.072573 0.007988 2.849276 0.629681 0.392233 0.361707 0.328199 0.384656 0.218816 0.195627 0.172586 0.222417 0.123442 0.176689 0.121025 0.027052 0.073355 0.028684 3.697335 0.383598 0.244794 0.238498 0.194575 0.142643 0.097978 0.111507 0.091612 0.111308 0.06553 0.064258 0.066624 0.067032 59.0 0.0 177.0 3.0 0.159511 0.033998 0.193509 [ 0 0 0 0 0 1 ] +0.080957 0.235946 0.091354 -68.97358 3.698868 1.082361 1.227564 0.955292 0.599472 0.452516 0.622823 0.257092 0.377194 0.541306 0.307199 0.205131 0.065276 0.235376 0.039136 5.304012 1.175204 1.036534 0.938077 0.643785 0.661654 0.622722 0.619136 0.609162 0.615414 0.571318 0.504472 0.514547 0.03625 0.086405 0.007574 2.319746 0.487768 0.715188 0.686392 0.494336 0.435163 0.343489 0.299259 0.475998 0.372369 0.303753 0.26603 0.273239 0.031936 0.07755 0.028953 3.991324 0.256872 0.301811 0.312131 0.128736 0.177345 0.153406 0.132275 0.156146 0.161409 0.135513 0.102924 0.111696 0.305873 65.0 0.016195 195.0 3.0 0.374139 0.120199 0.918027 [ 0 1 1 0 0 0 ] +0.030919 0.073223 0.080426 -74.12816 4.945854 1.761822 1.019767 0.731084 0.981441 0.869285 1.183175 1.223514 0.740915 0.53914 0.220521 0.722795 0.024107 0.144751 0.03293 3.216966 1.1111 0.635697 0.438436 0.375337 0.385542 0.367657 0.368676 0.362066 0.367179 0.362915 0.328389 0.343715 0.013406 0.036151 0.007374 2.601057 0.622933 0.441103 0.326788 0.139052 0.093935 0.190031 0.130333 0.169919 0.135438 0.084703 0.1368 0.09842 0.026297 0.081023 0.029735 4.103891 0.227055 0.126653 0.082337 0.054468 0.048313 0.052238 0.055512 0.065179 0.06779 0.038657 0.043578 0.043468 0.258682 69.0 0.433313 138.0 2.0 0.338799 0.483341 0.87192 [ 1 0 0 0 0 1 ] +0.044781 0.075495 0.072399 -94.840663 4.001947 3.391531 1.807693 0.974066 0.190413 0.628499 0.211149 0.169187 0.419128 1.290063 1.876704 1.168054 0.021197 0.053213 0.027811 3.670083 0.912795 0.748275 0.472019 0.440677 0.440091 0.339254 0.423879 0.529922 0.411728 0.371416 0.509909 0.453734 0.037984 0.102025 0.00768 6.571795 1.426872 1.098371 0.60049 0.824674 0.778531 0.305928 1.229979 1.729741 0.724856 0.694658 1.181478 1.066014 0.031523 0.081155 0.030652 5.277163 0.45958 0.369506 0.180443 0.22899 0.26485 0.172158 0.233334 0.411033 0.231477 0.236264 0.295025 0.286266 0.012098 80.0 0.0 160.0 2.0 0.04159 0.0 0.04159 [ 0 0 0 1 1 0 ] +0.076105 0.292287 0.091568 -70.698102 3.072442 -1.213713 1.993607 0.386897 0.781711 0.593979 0.359247 0.547864 0.537368 0.518365 0.733638 0.784378 0.068877 0.276475 0.042253 4.87673 1.363096 0.830408 0.862018 0.641477 0.585644 0.504254 0.532985 0.511646 0.475528 0.468091 0.476034 0.414684 0.02892 0.114447 0.007283 2.14063 0.714441 0.585106 0.437835 0.310199 0.32839 0.247443 0.257473 0.304149 0.242023 0.243176 0.322227 0.244572 0.022277 0.097159 0.028895 4.43605 0.236326 0.222516 0.213125 0.126804 0.112662 0.095479 0.101228 0.10186 0.078125 0.089693 0.154439 0.095207 0.031941 75.0 0.034263 150.0 2.0 0.230172 0.269288 0.594269 [ 0 1 1 0 0 0 ] +0.058562 0.155087 0.099631 -68.730464 4.336577 1.2607 0.693808 0.33877 0.607962 0.324605 0.666964 0.533622 0.319292 0.223457 0.346723 0.31954 0.043713 0.178039 0.042975 4.685229 1.306356 0.993609 0.771164 0.611288 0.55774 0.534361 0.515106 0.505534 0.547082 0.543948 0.54869 0.467192 0.024541 0.065976 0.006387 2.417101 0.659144 0.659449 0.43221 0.284576 0.29431 0.271471 0.374437 0.431981 0.430377 0.276469 0.163261 0.181615 0.020404 0.045286 0.028638 3.702831 0.22701 0.263475 0.130308 0.083826 0.091495 0.055751 0.088256 0.075841 0.094214 0.077812 0.086088 0.067727 0.152174 65.0 0.311013 130.0 2.0 0.264897 0.415824 0.871924 [ 1 0 0 0 0 1 ] +0.042421 0.06925 0.081866 -80.67018 9.280361 -0.795268 2.120061 0.885239 0.886188 0.631933 0.204551 0.252705 0.654197 0.622752 0.159243 0.158689 0.01402 0.033964 0.039752 4.868159 1.010511 0.672286 0.544754 0.552736 0.497935 0.446997 0.561696 0.537552 0.529101 0.499432 0.609696 0.524287 0.016071 0.037026 0.009194 7.142825 1.441464 0.432295 0.474632 0.698052 0.370847 0.35959 0.467254 0.43615 0.580668 0.419506 0.556965 0.514307 0.027058 0.053807 0.028894 4.278842 0.607476 0.193206 0.159256 0.169644 0.119436 0.133657 0.207659 0.19201 0.195238 0.152925 0.337381 0.199931 0.078529 78.0 0.0 156.0 2.0 0.408718 0.070038 0.613866 [ 0 0 1 1 0 0 ] +0.061812 0.162229 0.094201 -68.406334 4.502215 0.634231 1.388073 0.931668 0.761655 0.503258 0.494978 0.19706 0.355062 0.597289 0.618456 0.310737 0.058918 0.189239 0.037833 6.077897 1.803099 1.209848 0.930278 0.962253 0.659443 0.625789 0.595727 0.568974 0.547122 0.496206 0.472554 0.483384 0.020209 0.056406 0.007414 1.833159 0.719493 0.33271 0.313291 0.423004 0.213055 0.213677 0.147113 0.180902 0.155928 0.154356 0.127602 0.131561 0.03701 0.079205 0.029182 4.470107 0.470053 0.223693 0.150262 0.212128 0.12175 0.103284 0.100146 0.091718 0.079705 0.07832 0.085275 0.082285 0.189838 67.0 0.002621 134.0 2.0 0.377987 0.046083 0.427089 [ 0 0 0 0 0 1 ] +0.063169 0.162713 0.085342 -70.507395 3.693131 0.65534 1.300283 0.801208 0.722893 0.698114 0.867604 0.946097 0.768792 0.397347 0.466566 0.246736 0.040035 0.148334 0.034189 3.810015 1.016096 0.89721 0.586016 0.534109 0.499931 0.458029 0.504543 0.498591 0.491573 0.502345 0.427103 0.425127 0.0212 0.051756 0.008718 2.769335 0.441766 0.771874 0.477324 0.319569 0.270972 0.293223 0.339083 0.391483 0.370361 0.37586 0.255935 0.248899 0.023682 0.060703 0.029507 3.930286 0.262519 0.253596 0.093505 0.102583 0.088625 0.089534 0.105619 0.104299 0.092889 0.110468 0.080074 0.061317 1.114043 66.0 1.254678 132.0 2.0 1.217294 1.276947 2.579975 [ 1 0 0 0 0 0 ] +0.032004 0.069772 0.081334 -79.103672 7.340928 1.328014 1.773946 1.190642 0.661326 0.234756 0.244828 0.475479 0.377815 0.54219 0.521324 0.391351 0.018683 0.078969 0.034387 5.168958 1.688497 0.993453 0.553269 0.516187 0.538321 0.506927 0.504405 0.425326 0.502552 0.51395 0.485999 0.393672 0.016956 0.074246 0.007352 3.553779 1.585255 0.462194 0.293887 0.353061 0.331816 0.389069 0.28931 0.272449 0.282675 0.293839 0.276211 0.310648 0.027193 0.11123 0.029927 4.141134 0.494401 0.209322 0.125325 0.125804 0.13974 0.12568 0.114701 0.101703 0.208859 0.199225 0.144324 0.063802 0.124447 102.0 0.0 204.0 2.0 0.156885 0.430486 0.704362 [ 0 1 1 0 0 0 ] +0.035977 0.13999 0.080878 -73.146643 6.315539 0.871116 0.735255 0.528011 0.590547 0.565179 0.74184 0.648105 0.511962 0.518125 0.484651 0.442249 0.02251 0.199212 0.032205 3.556611 0.984967 0.751461 0.565687 0.639367 0.613693 0.574868 0.591945 0.667725 0.690295 0.588405 0.67186 0.517636 0.015035 0.097383 0.007489 2.443123 0.749055 0.510963 0.492559 0.456655 0.396793 0.398797 0.349173 0.33506 0.32275 0.253268 0.326922 0.234105 0.026631 0.143586 0.029839 4.437819 0.353536 0.171036 0.175926 0.20393 0.202636 0.175464 0.169902 0.307834 0.225959 0.175493 0.198315 0.120916 0.038367 64.0 0.044748 128.0 2.0 0.128921 0.064599 0.200475 [ 1 1 0 0 0 0 ] +0.124628 0.262126 0.088286 -73.488363 2.930643 -0.395207 1.396992 0.577302 0.079088 0.446914 1.72242 1.259782 0.103201 0.16658 0.543511 0.205983 0.073384 0.170748 0.036247 4.422413 1.325725 1.388104 0.893238 0.848487 0.736561 0.640364 0.643027 0.617996 0.543732 0.588624 0.490879 0.473501 0.024985 0.042482 0.007235 3.307818 0.709652 1.039546 0.755093 0.510433 0.483288 0.318069 0.365866 0.377845 0.25452 0.375408 0.183747 0.322965 0.032635 0.057169 0.02952 4.222461 0.36806 0.303093 0.20362 0.207119 0.148526 0.129615 0.118551 0.105923 0.106779 0.139957 0.103371 0.102959 0.14673 67.0 0.656695 134.0 2.0 0.50402 0.720786 1.265261 [ 0 1 1 0 0 0 ] +0.030395 0.076078 0.090462 -78.811242 3.728447 1.8846 2.039208 1.275419 1.510876 1.087001 1.053526 0.841672 0.955622 0.567459 0.559133 0.475799 0.034614 0.143491 0.038465 5.648552 1.519974 0.760416 0.647528 0.598493 0.577287 0.509926 0.471579 0.476535 0.5006 0.489105 0.420859 0.397122 0.022247 0.052294 0.008564 3.656244 1.161883 0.394848 0.367658 0.361894 0.30587 0.161923 0.17994 0.253462 0.272241 0.314235 0.221986 0.181877 0.028711 0.080555 0.028885 4.351867 0.374771 0.226938 0.20695 0.178781 0.140284 0.116456 0.118103 0.107284 0.127736 0.138748 0.067128 0.071154 0.025073 68.0 0.008266 204.0 3.0 0.077302 0.021284 0.106852 [ 0 0 0 0 1 1 ] +0.152477 0.574501 0.0931 -72.424554 2.664424 0.96003 0.545693 1.155961 0.602254 0.510832 0.38702 1.125728 0.481861 0.913516 0.544501 0.390905 0.139685 0.328228 0.035992 5.442701 1.808946 1.104276 0.708078 0.681276 0.544827 0.488458 0.454722 0.451581 0.511094 0.496393 0.393212 0.406787 0.020906 0.081376 0.007226 2.753911 0.604319 0.846918 0.433778 0.34988 0.127998 0.107178 0.133418 0.113439 0.092999 0.121122 0.095163 0.115053 0.020082 0.017141 0.02928 3.741103 0.227271 0.170587 0.123746 0.060883 0.071671 0.058788 0.054269 0.043153 0.062901 0.044549 0.050669 0.05352 1.556545 66.0 1.693339 132.0 2.0 1.657962 1.737106 3.422899 [ 1 0 0 0 0 0 ] +0.055423 0.115516 0.082213 -74.904585 5.311599 0.930162 2.601184 1.366456 1.211284 0.98402 0.588133 0.860405 0.847581 0.257134 -0.023016 0.239465 0.038788 0.125531 0.034454 3.334232 1.450685 0.846346 0.594767 0.511795 0.53688 0.541025 0.480955 0.507037 0.439625 0.404149 0.420282 0.377406 0.023406 0.074312 0.007638 3.646699 1.258564 0.956083 0.459677 0.350672 0.259804 0.198111 0.215275 0.231452 0.203888 0.182662 0.229036 0.137237 0.033229 0.085698 0.029917 3.9695 0.536788 0.226289 0.200209 0.096517 0.129709 0.118665 0.106167 0.068935 0.069802 0.070301 0.063659 0.051015 0.066168 84.0 0.426427 168.0 2.0 0.200127 0.843088 1.625395 [ 0 0 0 0 0 1 ] +0.174965 0.544257 0.085136 -68.11825 1.660375 0.367742 0.917574 0.990992 0.917184 0.359717 0.459195 0.856958 0.399287 0.523514 0.191279 0.353198 0.129921 0.290624 0.033109 4.413764 1.169372 1.073329 0.645387 0.550906 0.483114 0.495494 0.41412 0.467667 0.400346 0.410832 0.442905 0.404067 0.018882 0.051657 0.0059 2.17195 0.306443 0.360884 0.250997 0.211778 0.165114 0.157895 0.16406 0.156487 0.102478 0.134925 0.123237 0.100054 0.014994 0.025466 0.030259 3.547493 0.138179 0.111024 0.109675 0.078054 0.069673 0.061393 0.048667 0.058985 0.045488 0.051311 0.054614 0.054532 1.188861 68.0 1.399786 136.0 2.0 1.201197 1.435895 2.656136 [ 1 0 0 0 0 0 ] +0.061659 0.180256 0.087022 -74.094832 4.253594 1.097453 1.927231 0.606217 0.42448 0.633663 0.065608 0.71453 0.34445 0.395647 0.299825 0.472307 0.058036 0.234827 0.040081 5.700182 1.292794 0.932029 0.965795 0.734156 0.625889 0.555401 0.585688 0.496962 0.491351 0.44611 0.434422 0.428434 0.034307 0.080151 0.007703 3.837103 0.656959 0.542185 0.653541 0.404674 0.396628 0.273693 0.313883 0.325569 0.422726 0.324582 0.191618 0.199175 0.032538 0.059021 0.028805 3.640447 0.274154 0.278496 0.363183 0.253099 0.135935 0.099844 0.123226 0.099773 0.092866 0.074927 0.082035 0.061632 0.279071 61.0 0.01438 122.0 2.0 0.558981 0.079784 0.877491 [ 0 1 1 0 0 0 ] +0.045862 0.084129 0.076686 -83.289375 5.632994 1.528128 1.526764 1.081583 1.093585 0.61373 0.322409 0.617342 0.804145 0.377727 0.513551 0.56249 0.027488 0.08201 0.031047 4.364011 1.162568 0.85349 0.59471 0.541643 0.440751 0.486205 0.46786 0.505428 0.51991 0.537654 0.557195 0.566123 0.015921 0.04425 0.008175 4.685154 1.234939 0.969685 0.371662 0.328412 0.188994 0.259724 0.208757 0.421376 0.437714 0.37866 0.394674 0.39158 0.028318 0.07951 0.030252 4.597927 0.48823 0.286378 0.152764 0.129513 0.092179 0.099765 0.110369 0.11924 0.153441 0.136102 0.134886 0.157816 0.107017 80.0 0.22459 160.0 2.0 0.404458 0.177013 0.867644 [ 0 0 1 1 1 0 ] +0.08745 0.251114 0.095398 -67.657984 2.144222 2.469966 1.750901 1.667266 0.915825 1.021892 0.856928 0.60826 0.628725 0.875762 0.102432 0.202953 0.08 0.263971 0.043785 4.995024 1.825113 1.402365 0.660933 0.648943 0.521108 0.711499 0.458105 0.41684 0.407394 0.482713 0.759374 0.468661 0.019502 0.048051 0.008345 1.258922 0.36286 0.625575 0.211724 0.233416 0.214012 0.230809 0.203876 0.135621 0.096981 0.089936 0.134294 0.0671 0.020965 0.033186 0.028513 4.218026 0.163605 0.173113 0.061927 0.092458 0.055238 0.065124 0.055496 0.056887 0.048366 0.04625 0.072605 0.050209 0.122698 68.0 0.111567 136.0 2.0 0.187177 0.125963 0.480385 [ 1 0 0 0 0 1 ] +0.086984 0.235779 0.087717 -71.261883 4.060915 0.219847 1.439402 0.200722 0.438377 0.040569 -0.001505 0.690251 0.634051 0.317493 0.431671 0.279292 0.059167 0.202853 0.036482 5.378733 1.810605 1.210233 0.944729 0.812555 0.733162 0.682132 0.708887 0.639204 0.604577 0.585435 0.480782 0.494508 0.027152 0.080377 0.006839 6.487334 1.271196 0.884491 0.960282 0.446046 0.412547 0.497263 0.601132 0.405875 0.397877 0.468911 0.268708 0.217591 0.030882 0.084727 0.029035 4.471056 0.662812 0.341701 0.358965 0.193375 0.239827 0.207468 0.159523 0.132441 0.138643 0.169194 0.099244 0.120334 0.113958 100.0 0.209021 200.0 2.0 0.330602 0.206709 0.900712 [ 0 0 0 0 0 1 ] +0.069728 0.158571 0.087806 -68.799587 5.674185 -2.235707 2.946012 0.031415 1.49772 0.415397 0.29154 0.9425 0.552576 0.977477 0.2497 0.545164 0.037149 0.07591 0.033719 4.501468 1.326894 0.891972 0.813272 0.679905 0.704204 0.609424 0.568694 0.602412 0.55223 0.540709 0.514078 0.459413 0.026244 0.061987 0.006786 3.837869 1.158515 0.628184 0.643587 0.529499 0.503881 0.285764 0.395251 0.420837 0.400316 0.423372 0.227569 0.22069 0.025058 0.053888 0.02968 3.946783 0.388526 0.228898 0.209064 0.177628 0.16043 0.134628 0.098055 0.11871 0.108447 0.092261 0.103391 0.080164 0.025526 66.0 0.225247 132.0 2.0 0.076868 0.349698 0.429966 [ 0 0 1 0 0 0 ] +0.070886 0.269692 0.092204 -64.628691 1.91372 -0.68159 0.334413 0.9041 1.497044 0.803386 0.801078 0.795022 0.865678 0.589975 0.652578 0.645348 0.060109 0.2736 0.037952 4.503481 0.853468 0.833044 0.603076 0.561438 0.493937 0.444332 0.407018 0.398058 0.392195 0.356921 0.337254 0.323069 0.014445 0.052448 0.006795 1.148407 0.470296 0.263556 0.369898 0.188231 0.163081 0.079442 0.068473 0.070493 0.088465 0.067061 0.053202 0.050234 0.020961 0.032325 0.02883 3.668686 0.273784 0.048375 0.204319 0.057104 0.067928 0.056112 0.056029 0.035569 0.040276 0.0521 0.035783 0.043037 0.702683 68.0 0.976442 136.0 2.0 0.769534 0.99514 1.784893 [ 1 0 0 0 0 1 ] +0.041876 0.463525 0.104036 -71.652024 3.500456 -0.23202 2.006773 0.769196 0.733023 0.853143 -0.041479 0.365384 0.709157 0.449613 0.67596 0.627266 0.04709 0.419794 0.056623 6.844765 2.25031 1.56972 1.125016 0.909234 0.757273 0.664343 0.737242 0.683574 0.724054 0.619916 0.627174 0.61422 0.019908 0.100122 0.008066 2.970435 0.773254 0.561234 0.547686 0.537163 0.350219 0.333604 0.342156 0.276711 0.232852 0.229285 0.220474 0.20197 0.029058 0.043968 0.026692 3.394722 0.412439 0.292489 0.281258 0.163615 0.160509 0.115573 0.140707 0.124638 0.145803 0.146344 0.135057 0.131919 0.348186 88.0 0.158444 176.0 2.0 0.460454 0.119255 0.961923 [ 1 0 0 0 0 1 ] +0.105758 0.423998 0.091926 -64.387461 2.601808 -0.081195 1.002989 0.604222 0.627464 0.37688 0.436206 0.62475 0.656124 0.601632 0.670745 0.287184 0.074921 0.271175 0.038185 4.56958 1.292089 0.896689 0.630159 0.625212 0.573932 0.54001 0.530027 0.473175 0.495842 0.480339 0.429721 0.417354 0.049126 0.11007 0.014215 3.901853 0.725072 0.740133 0.314571 0.322914 0.45331 0.448982 0.306991 0.23336 0.318509 0.306805 0.208528 0.171755 0.038417 0.158788 0.030969 4.22837 0.52867 0.23702 0.155013 0.157809 0.170958 0.155621 0.178716 0.093322 0.126653 0.1339 0.089605 0.108924 0.69424 64.0 0.578331 128.0 2.0 0.910544 0.809058 1.777028 [ 1 1 0 0 0 0 ] +0.0664 0.169621 0.078533 -62.621914 4.290378 -0.002037 2.036271 0.393175 0.470849 0.746969 0.576836 0.738678 0.462158 0.727663 0.222645 0.325047 0.026296 0.076018 0.029789 2.380587 0.728133 0.616357 0.658564 0.507325 0.466024 0.484313 0.443465 0.426977 0.424259 0.403924 0.386905 0.386301 0.014434 0.060185 0.009031 3.382239 0.876128 0.703981 1.472541 0.412012 0.418571 0.589286 0.304352 0.245276 0.297803 0.284736 0.244513 0.272066 0.026545 0.065934 0.030575 3.890454 0.295187 0.149204 0.260063 0.093882 0.097311 0.116104 0.069322 0.083227 0.072302 0.095323 0.060598 0.066782 0.04017 71.0 0.077657 142.0 2.0 0.178373 0.230053 0.514729 [ 0 1 0 0 0 0 ] +0.07588 0.415133 0.09547 -72.021922 1.65277 -0.109276 1.477642 1.768205 1.244006 0.812403 1.0019 0.53248 0.562641 0.747206 0.422803 0.559508 0.073458 0.360671 0.041128 5.685952 1.479313 1.109743 0.850179 0.689694 0.564058 0.486167 0.438057 0.413531 0.436244 0.418604 0.377381 0.369731 0.026567 0.048874 0.006228 2.502399 0.552137 0.719892 0.471715 0.290536 0.174435 0.149787 0.148153 0.1276 0.065979 0.130103 0.076841 0.070852 0.030812 0.023818 0.028566 3.50627 0.152329 0.193227 0.081382 0.097357 0.083113 0.067518 0.067628 0.048472 0.0459 0.05173 0.041859 0.040636 0.452238 68.0 0.645693 136.0 2.0 0.519582 0.692006 1.256205 [ 1 0 0 0 0 1 ] +0.010201 0.617722 0.15078 -87.988669 8.359849 2.856937 1.638622 0.957354 1.185031 0.773191 0.592638 0.489282 0.644543 0.537776 0.362532 0.269506 0.008608 0.469152 0.110101 7.097305 2.421803 0.82386 0.744111 0.636283 0.599518 0.533115 0.546572 0.377332 0.585511 0.51069 0.440184 0.581651 0.015019 0.098983 0.02273 3.894635 0.990113 0.350548 0.243612 0.210864 0.138856 0.116081 0.102951 0.093287 0.092761 0.087495 0.082899 0.092593 0.029516 0.025938 0.02562 4.200382 0.607798 0.14513 0.119631 0.111516 0.0872 0.083667 0.092668 0.069376 0.121097 0.086738 0.076011 0.12119 0.318984 64.0 0.727568 128.0 2.0 0.538392 0.936542 1.495651 [ 0 0 0 0 0 1 ] +0.124974 0.2469 0.076837 -64.683503 3.749087 -0.334172 1.229398 0.327778 0.559885 0.28081 0.333681 0.354917 0.477054 0.401558 0.531188 0.543282 0.034234 0.085295 0.027563 2.430765 0.829156 0.713785 0.938902 0.643 0.551342 0.533426 0.496477 0.515967 0.490537 0.437645 0.419318 0.451556 0.013998 0.050869 0.009946 1.530032 0.377724 0.672863 0.498598 0.312255 0.233963 0.235021 0.212694 0.251231 0.226177 0.226821 0.198333 0.227887 0.023637 0.059077 0.031105 4.44178 0.449596 0.247498 0.296315 0.161113 0.1204 0.112499 0.089459 0.100908 0.098797 0.071327 0.066891 0.092731 0.07805 84.0 0.120807 168.0 2.0 0.418994 0.150835 1.190895 [ 0 1 0 0 0 0 ] +0.082983 0.30054 0.085602 -71.372412 3.145401 0.714134 1.123619 0.862533 0.806506 0.398096 0.29512 0.315694 0.78221 0.54173 0.585211 0.150867 0.082135 0.303433 0.033937 4.004739 1.268769 0.802766 0.586996 0.529168 0.504591 0.491653 0.500285 0.456431 0.459529 0.47544 0.509359 0.485804 0.024466 0.079459 0.006586 2.870643 0.353131 0.344814 0.191284 0.204201 0.241819 0.183717 0.186684 0.135467 0.180765 0.305718 0.36131 0.30325 0.027099 0.043483 0.029805 3.748058 0.215116 0.127531 0.100803 0.08498 0.077117 0.084654 0.073212 0.074158 0.076209 0.072488 0.081253 0.092276 0.508472 66.0 0.719361 132.0 2.0 0.722095 0.719361 1.507637 [ 1 0 0 0 0 0 ] +0.040818 0.062507 0.075378 -78.540065 10.250785 0.864172 2.073003 0.189105 0.822186 0.43566 0.13108 0.640483 0.453037 0.560823 0.856998 0.325034 0.011069 0.024813 0.030623 3.33838 0.915455 0.655961 0.496168 0.51501 0.412758 0.419854 0.408523 0.3985 0.422852 0.439312 0.455606 0.450419 0.016189 0.042041 0.008099 4.699336 1.05421 1.031071 0.564339 0.699728 0.342499 0.314771 0.317852 0.359665 0.37486 0.39183 0.669253 0.531872 0.028221 0.0609 0.030183 4.724008 0.743022 0.229856 0.148695 0.13288 0.075656 0.092213 0.084147 0.067537 0.113323 0.156909 0.232385 0.194903 0.013309 75.0 0.0 150.0 2.0 0.129483 0.023137 0.152619 [ 0 0 0 1 1 0 ] +0.086124 0.155707 0.081526 -72.657464 6.928686 -1.793201 1.205349 -0.376918 1.387676 0.633687 1.033081 0.642657 -0.084683 0.350527 0.887527 0.431368 0.029185 0.063593 0.037849 4.432572 1.695705 0.852433 0.555503 0.434803 0.492276 0.425246 0.41544 0.428784 0.411089 0.393031 0.44911 0.315902 0.012427 0.020695 0.006785 2.01841 0.708632 0.545832 0.195892 0.172082 0.227886 0.177447 0.180275 0.131499 0.168946 0.089988 0.189561 0.103983 0.023003 0.047797 0.029132 4.150037 0.448436 0.233739 0.100991 0.050026 0.082862 0.064722 0.080083 0.054248 0.084305 0.045042 0.076392 0.037729 0.468954 64.0 0.738897 128.0 2.0 0.564109 0.765339 1.378187 [ 1 0 0 0 0 1 ] +0.115636 0.441821 0.087938 -70.34185 2.714254 1.08692 0.615066 0.803207 0.830422 0.606523 0.788295 0.892701 0.151616 0.785338 0.453032 0.598925 0.140928 0.378189 0.038519 5.341694 1.624186 1.002649 0.702523 0.585733 0.497048 0.452183 0.360535 0.401846 0.410856 0.448534 0.445181 0.403076 0.013363 0.044887 0.007338 1.790994 0.495953 0.375276 0.139571 0.144646 0.08174 0.100965 0.144074 0.133711 0.143659 0.115322 0.052091 0.051521 0.013152 0.020035 0.029565 3.649605 0.428048 0.117842 0.054015 0.062232 0.050673 0.040493 0.040925 0.047343 0.050531 0.042073 0.045348 0.051826 0.902254 66.0 0.642348 132.0 2.0 1.107557 0.71947 1.936093 [ 1 0 0 0 0 1 ] +0.062079 0.265855 0.090604 -77.677107 3.722371 1.284853 2.350868 0.490832 0.576838 0.777813 0.505027 0.644092 0.478505 0.592435 0.591228 0.628688 0.061641 0.290245 0.047078 6.079297 1.344232 1.092844 0.952338 0.728748 0.674971 0.616432 0.608953 0.504479 0.473799 0.46265 0.430293 0.403312 0.042784 0.153808 0.007681 3.539961 0.580462 0.597307 0.680799 0.358858 0.507416 0.341763 0.393106 0.285307 0.267853 0.307694 0.319911 0.36899 0.043986 0.094588 0.028928 3.954231 0.326795 0.393978 0.255696 0.25158 0.167425 0.137543 0.168835 0.096092 0.108382 0.103186 0.092341 0.091055 0.02429 100.0 0.024237 200.0 2.0 0.031493 0.07273 0.16307 [ 0 1 1 1 0 0 ] +0.049386 0.086982 0.076463 -76.062293 6.040022 1.882878 1.591389 0.691705 1.145646 -0.069368 -0.022274 0.450824 0.277937 0.407369 0.587039 0.467387 0.020549 0.066417 0.033372 4.674637 1.384798 0.873704 0.485288 0.520032 0.459672 0.506636 0.488774 0.450629 0.395981 0.47794 0.503081 0.495809 0.020605 0.053817 0.007085 3.25329 1.06723 0.75873 0.272605 0.476861 0.291343 0.274172 0.327626 0.425822 0.359587 0.350746 0.388479 0.365926 0.026289 0.079728 0.030038 4.951752 0.577454 0.303033 0.127105 0.162818 0.104628 0.131948 0.137957 0.13294 0.144396 0.201987 0.168843 0.225917 0.09856 100.0 0.0 200.0 2.0 0.054678 0.616067 0.702316 [ 0 0 0 1 1 0 ] +0.074997 0.287184 0.087383 -70.844542 3.112653 1.113814 0.538881 0.661123 0.771471 0.686562 0.898366 0.567824 0.700903 0.381233 0.534412 0.717499 0.065126 0.299934 0.037808 5.006048 1.004425 0.852315 0.607506 0.63469 0.536243 0.594133 0.46219 0.53101 0.564841 0.582155 0.450541 0.395644 0.01793 0.049548 0.006725 1.88188 0.480739 0.303931 0.199127 0.126895 0.143026 0.12697 0.133732 0.172156 0.170097 0.193277 0.100363 0.07872 0.023393 0.028996 0.02955 3.73286 0.1664 0.106252 0.083543 0.067515 0.087165 0.063749 0.062113 0.079618 0.081156 0.145276 0.059838 0.058098 1.203611 68.0 1.25259 136.0 2.0 1.240886 1.270969 2.537738 [ 0 0 0 0 0 1 ] +0.033318 0.099097 0.076649 -77.401805 6.483624 1.368732 1.933134 1.057842 1.106989 0.419037 0.59865 0.604886 0.89255 0.553447 0.221234 0.572569 0.02602 0.136564 0.029352 3.504694 1.097885 0.601763 0.576345 0.439593 0.431994 0.472704 0.456987 0.396744 0.387707 0.396914 0.425353 0.395727 0.028637 0.103777 0.009666 5.215611 1.191397 0.549859 0.546724 0.396062 0.515132 0.598131 0.553139 0.429488 0.349428 0.286055 0.56012 0.258417 0.048056 0.148942 0.030324 4.578983 0.600157 0.251412 0.220678 0.143704 0.128316 0.167389 0.162378 0.110887 0.1085 0.094177 0.111933 0.108294 0.025429 54.0 0.017679 108.0 2.0 0.17689 0.068891 0.257209 [ 0 0 1 1 1 0 ] +0.015045 0.368269 0.112005 -79.297856 8.139472 1.742927 1.800501 1.024516 1.182993 0.978228 0.742722 0.515032 0.762382 0.581339 0.632344 0.438524 0.015336 0.464514 0.066539 7.863114 2.191757 1.220497 0.764172 0.601874 0.419632 0.347897 0.33871 0.347854 0.375391 0.430105 0.331333 0.31837 0.012874 0.051251 0.011607 2.935503 0.684151 0.457415 0.35052 0.17741 0.179873 0.117825 0.090743 0.070991 0.077442 0.101822 0.094791 0.053911 0.028584 0.015678 0.024893 3.559992 0.409639 0.205205 0.14086 0.067219 0.077123 0.054315 0.044292 0.041669 0.055717 0.055492 0.056063 0.035386 0.615679 67.0 0.716661 134.0 2.0 0.691431 0.716661 1.457576 [ 0 0 0 0 0 1 ] +0.038643 0.075646 0.088143 -69.353246 5.511925 1.132769 1.994149 0.567069 1.403564 0.66654 0.532428 0.375936 0.869247 0.447637 0.400726 0.489843 0.026145 0.078954 0.03598 6.198187 1.363345 0.951539 1.041413 0.739014 0.762488 0.723416 0.590345 0.543442 0.519549 0.482357 0.521607 0.466343 0.015805 0.036043 0.007406 2.660443 0.647418 0.643875 0.607381 0.313185 0.324604 0.410804 0.23401 0.245388 0.206521 0.243941 0.209364 0.213395 0.026212 0.057366 0.029321 3.46864 0.280202 0.208888 0.198293 0.191614 0.155965 0.176703 0.12018 0.106413 0.099684 0.088416 0.103309 0.089506 0.129071 70.0 0.0 140.0 2.0 0.323677 0.27321 0.596887 [ 0 1 0 0 0 0 ] +0.059203 0.122951 0.092034 -73.500311 6.82265 -0.23205 1.732324 0.942071 0.71718 0.984072 0.498924 0.152646 0.329774 0.658966 0.202987 0.682235 0.052961 0.146129 0.04125 4.924186 1.760906 1.087586 1.002661 0.785911 0.695123 0.651891 0.527782 0.602469 0.54863 0.482303 0.549932 0.521275 0.023175 0.052402 0.008925 2.753388 1.155046 0.637286 0.731782 0.443589 0.498551 0.371573 0.265385 0.370891 0.29088 0.210998 0.402508 0.32545 0.035966 0.070919 0.028803 3.959519 0.403799 0.293861 0.18066 0.18202 0.159458 0.116818 0.088974 0.115316 0.097254 0.081374 0.119593 0.103382 0.114443 75.0 0.0 150.0 2.0 0.599066 0.249179 0.852691 [ 0 0 1 0 0 0 ] +0.053929 0.18923 0.083865 -64.240531 3.752716 0.123361 0.689976 1.374366 1.003698 0.739786 0.731513 0.854851 0.739648 0.788481 0.401964 0.739474 0.037713 0.235515 0.034984 3.96947 1.334256 0.979409 0.618949 0.547471 0.732022 0.493009 0.522116 0.477967 0.587556 0.518172 0.496846 0.391877 0.012551 0.029016 0.007816 1.469984 0.611517 0.292522 0.189845 0.227531 0.183131 0.085774 0.127196 0.097417 0.119859 0.074248 0.0604 0.082031 0.023046 0.041784 0.029273 3.703882 0.25246 0.132919 0.059091 0.080115 0.081397 0.041673 0.057588 0.032399 0.056571 0.038015 0.051055 0.035829 0.430191 68.0 0.020108 136.0 2.0 0.462993 0.020108 0.617393 [ 0 0 0 0 0 1 ] +0.082293 0.193139 0.094761 -66.825767 4.061994 0.823375 0.938858 1.340398 0.743328 0.229585 0.6005 0.078175 0.85954 0.670836 0.554244 0.433209 0.063936 0.171084 0.042542 5.090928 1.731306 1.279096 1.173224 0.883898 0.646448 0.622095 0.63454 0.594047 0.588507 0.567908 0.603728 0.498645 0.016794 0.038683 0.007637 2.778554 0.76359 0.812097 0.636602 0.515058 0.309613 0.326065 0.320872 0.348015 0.316581 0.29013 0.295268 0.19603 0.026637 0.043206 0.028644 3.527111 0.338592 0.32304 0.252771 0.187326 0.104403 0.101106 0.104509 0.138743 0.091828 0.0875 0.097719 0.066893 0.058773 64.0 0.65318 128.0 2.0 0.207709 0.869197 1.076906 [ 0 0 1 0 1 0 ] +0.103149 0.232967 0.091453 -71.61846 2.139315 0.474616 1.717564 0.784327 1.405562 0.861008 0.964517 0.831661 0.688222 0.66213 0.655183 0.533817 0.097657 0.205368 0.03922 6.385307 1.459394 1.524373 1.059381 0.773071 0.65006 0.619974 0.531335 0.565993 0.490191 0.492851 0.468583 0.441745 0.030838 0.054269 0.007189 2.841529 0.502671 0.452577 0.421073 0.313769 0.220274 0.224544 0.160519 0.16075 0.10398 0.119561 0.147263 0.117092 0.03372 0.045669 0.029133 3.544964 0.336473 0.260041 0.174931 0.180573 0.114319 0.110505 0.082867 0.096797 0.079394 0.088 0.08664 0.076528 0.211011 61.0 0.0 183.0 3.0 0.222806 0.098341 0.52502 [ 0 0 0 0 0 1 ] +0.058056 0.090415 0.077227 -84.646931 7.119 -0.578244 0.932902 0.69219 0.668167 0.40329 0.247557 -0.118664 -0.089399 0.113576 -0.008587 -0.01778 0.017039 0.046568 0.030007 4.132612 0.998206 0.692281 0.532079 0.462127 0.458592 0.444734 0.425515 0.468808 0.489854 0.499165 0.489283 0.576476 0.032072 0.052181 0.009827 9.286859 1.548665 1.493879 0.532156 0.379648 0.42941 0.450767 0.512416 0.802756 0.791802 0.735334 1.16005 1.809666 0.028022 0.067968 0.029656 5.171694 0.646898 0.376793 0.143887 0.121232 0.138809 0.150346 0.122953 0.216557 0.26296 0.308444 0.312084 0.399116 0.051543 113.0 0.0 226.0 2.0 0.126064 0.149061 0.328504 [ 0 0 1 1 1 0 ] +0.085033 0.203858 0.096673 -66.984755 3.46927 -1.234014 0.289973 0.666062 1.410057 0.745897 0.726845 0.400142 0.373862 0.326034 0.6327 0.605972 0.05368 0.159506 0.039675 4.81837 1.374627 0.840946 0.611467 0.532577 0.536796 0.430109 0.403742 0.435678 0.419653 0.427339 0.407368 0.388308 0.010574 0.038732 0.007222 1.31339 0.663879 0.415823 0.384038 0.252059 0.362916 0.195019 0.210668 0.321506 0.304769 0.156278 0.308531 0.171841 0.02013 0.06191 0.028678 3.810223 0.386472 0.151937 0.070757 0.071836 0.105741 0.051637 0.048744 0.067306 0.063304 0.04698 0.068181 0.050425 0.541544 68.0 0.609713 136.0 2.0 0.666036 0.77807 1.613032 [ 0 0 0 0 0 1 ] +0.130384 0.459788 0.088932 -67.676658 2.565913 0.620231 0.914739 1.007294 0.915024 0.632548 0.307047 0.352873 0.596772 0.438749 0.564733 0.36336 0.111115 0.322399 0.036573 3.980374 1.185594 0.743619 0.574995 0.459841 0.430183 0.473638 0.487477 0.487251 0.436034 0.431606 0.397949 0.403164 0.015141 0.049879 0.008401 1.999887 0.36549 0.276507 0.212551 0.11375 0.095092 0.115343 0.160394 0.202958 0.157715 0.124421 0.062901 0.117104 0.018132 0.051812 0.029745 3.643539 0.205032 0.138321 0.078404 0.064017 0.057519 0.078893 0.083675 0.075584 0.062626 0.066898 0.050906 0.055739 1.039388 66.0 1.265708 132.0 2.0 1.16653 1.349442 2.530439 [ 1 0 0 0 0 0 ] +0.072272 0.243549 0.083263 -73.957542 4.163409 0.384698 1.404664 0.354069 0.648839 0.722919 0.666292 0.606306 0.688345 0.92604 0.450733 0.549758 0.064778 0.268223 0.033675 4.795188 1.243649 1.143901 1.029153 0.820908 0.610108 0.637708 0.535043 0.546703 0.493119 0.54896 0.481038 0.460094 0.030869 0.091588 0.007544 3.317567 0.683433 0.736631 0.633749 0.473082 0.369644 0.298291 0.195795 0.321887 0.225883 0.265906 0.253374 0.23203 0.043271 0.096312 0.029952 4.174386 0.33967 0.278383 0.236801 0.135959 0.120072 0.139073 0.099495 0.11244 0.092317 0.125206 0.094702 0.081403 1.04437 66.0 1.389929 132.0 2.0 1.174277 1.389929 2.576441 [ 0 0 1 0 1 0 ] +0.075804 0.17712 0.086337 -74.977838 4.211009 -0.453023 3.196087 0.531016 1.098315 0.754951 0.319444 0.647859 0.732481 0.94197 0.75418 0.805721 0.051155 0.137571 0.037496 6.889522 1.865293 1.081717 1.017085 0.812119 0.702575 0.772238 0.620317 0.649657 0.571258 0.505716 0.529332 0.597292 0.037342 0.071988 0.007781 5.000543 1.699545 0.595329 0.746077 0.642574 0.553121 0.744061 0.387173 0.332693 0.350373 0.24686 0.337471 0.454674 0.025923 0.079389 0.029534 4.221782 0.563023 0.264693 0.276157 0.261359 0.122574 0.14455 0.111518 0.123373 0.116367 0.088742 0.141331 0.135836 0.45389 75.0 0.062848 150.0 2.0 0.955599 0.133176 1.310646 [ 0 0 1 1 1 0 ] +0.107558 0.28041 0.088658 -68.003009 2.646582 1.38502 1.536225 0.530545 0.982815 0.65512 0.458284 0.559972 0.411552 0.553372 0.459881 0.462035 0.077115 0.212825 0.034159 5.205999 1.361096 1.047785 0.957139 0.84346 0.686088 0.611267 0.614017 0.525897 0.528201 0.489737 0.483263 0.454057 0.030603 0.068766 0.007445 2.24681 0.660807 0.58618 0.42613 0.26665 0.270914 0.263991 0.214665 0.261833 0.181678 0.167596 0.155796 0.169125 0.024422 0.05154 0.030071 4.13059 0.393977 0.213435 0.248459 0.187636 0.155655 0.103619 0.101475 0.095253 0.081609 0.067333 0.077498 0.056717 0.251191 59.0 0.012827 177.0 3.0 0.354375 0.101464 0.77416 [ 0 0 0 0 0 1 ] +0.050194 0.238148 0.086178 -75.475009 4.384101 1.947962 0.597421 0.389231 0.727658 0.517144 1.168998 1.564683 1.056599 0.451163 -0.018296 0.499248 0.051942 0.304929 0.043466 6.221928 1.808245 1.025677 0.545658 0.416597 0.452396 0.384079 0.391524 0.38225 0.369265 0.409509 0.428796 0.511477 0.018575 0.098615 0.007092 4.15686 1.095872 0.127334 0.161126 0.369917 0.428859 0.128513 0.114834 0.186077 0.200652 0.109138 0.069755 0.392332 0.024729 0.084555 0.028871 3.872721 0.302402 0.067745 0.106258 0.08615 0.078439 0.049677 0.071526 0.099334 0.062693 0.089297 0.162021 0.191375 0.453483 68.0 0.783361 136.0 2.0 0.470912 0.97987 1.70247 [ 0 0 0 0 0 1 ] +0.041949 0.09446 0.081561 -62.894955 5.924532 0.065796 1.623288 0.524832 1.081143 0.245201 0.412437 0.205379 0.334754 0.368257 0.392306 0.33505 0.020166 0.054282 0.034939 3.480119 1.097322 0.620009 0.543849 0.486966 0.467708 0.451201 0.440286 0.438243 0.377483 0.409495 0.415314 0.381224 0.016294 0.050527 0.008164 2.457271 0.991227 0.481519 0.455968 0.329808 0.196247 0.276693 0.175876 0.282124 0.149131 0.207968 0.203887 0.276951 0.027113 0.060588 0.030413 4.426164 0.542862 0.165254 0.131456 0.119642 0.100583 0.117561 0.084561 0.118388 0.066672 0.08308 0.10271 0.088777 0.376595 59.0 0.0 118.0 2.0 0.486486 0.304349 1.276029 [ 1 0 0 0 0 1 ] +0.062768 0.222477 0.096054 -65.21457 4.125334 0.785891 1.34925 0.644372 0.236353 0.841198 0.476742 0.398065 0.571031 0.397217 0.731894 0.34025 0.058954 0.268347 0.042759 5.179751 1.672605 1.288226 0.985034 0.808311 0.82646 0.686076 0.690718 0.645525 0.609008 0.549128 0.548788 0.480706 0.018027 0.053782 0.008995 3.010553 0.503115 0.663279 0.392874 0.339872 0.341735 0.229086 0.245589 0.291722 0.228703 0.164681 0.280617 0.187136 0.029201 0.061891 0.029931 3.479002 0.48208 0.328299 0.235137 0.18415 0.163489 0.151499 0.116157 0.135423 0.116958 0.096527 0.083057 0.065797 0.137105 52.0 0.053646 104.0 2.0 0.243382 0.113101 0.356483 [ 0 0 0 0 0 1 ] +0.10879 0.277053 0.085306 -66.216799 2.711523 0.160423 0.889211 0.082194 0.734185 0.608732 0.779655 1.065569 0.851595 0.380755 0.609172 1.092881 0.073841 0.187332 0.034578 3.07477 1.070096 0.621424 0.494747 0.691011 0.530898 0.497166 0.418891 0.427689 0.432624 0.432522 0.443554 0.514403 0.02092 0.053506 0.009159 1.722886 0.770467 0.443908 0.385335 0.34761 0.24666 0.117125 0.139287 0.13399 0.134081 0.146652 0.084109 0.129755 0.025223 0.053695 0.029884 3.839399 0.340847 0.134391 0.106554 0.090036 0.069486 0.060702 0.058363 0.050236 0.080841 0.054602 0.081723 0.067279 0.800435 68.0 1.026106 136.0 2.0 0.816114 1.120407 1.956465 [ 0 1 0 0 0 0 ] +0.177109 0.507998 0.092037 -69.035817 0.051474 0.219874 -0.443957 0.811118 1.222732 0.827212 0.428245 0.995599 0.37405 0.67774 0.52371 0.39788 0.140946 0.270769 0.038869 6.002879 1.245533 0.928566 0.911636 0.666283 0.52693 0.442093 0.432213 0.434833 0.386571 0.409072 0.389234 0.433581 0.021436 0.045658 0.007042 1.67134 0.515621 0.154168 0.205974 0.143731 0.089649 0.091988 0.082279 0.086772 0.06505 0.048837 0.050827 0.044679 0.009299 0.030827 0.028619 3.470141 0.295279 0.069729 0.083911 0.064645 0.070842 0.04113 0.044954 0.043969 0.047294 0.04701 0.046095 0.041818 1.331439 66.0 1.333808 132.0 2.0 1.490878 1.383828 2.885928 [ 1 0 0 0 0 0 ] +0.058323 0.276537 0.0962 -74.222266 4.218408 0.415933 1.640724 0.573841 0.679627 0.75968 0.292407 0.798472 0.818948 0.461959 0.310963 0.286698 0.066331 0.330008 0.04623 7.0642 1.316938 1.043931 1.141721 0.868545 0.693897 0.658251 0.624326 0.58297 0.593058 0.52621 0.580265 0.545344 0.031269 0.102273 0.009267 3.765438 0.769323 0.64657 0.730018 0.447451 0.357291 0.238062 0.318884 0.294902 0.356452 0.282631 0.320928 0.303473 0.051924 0.083027 0.028965 3.612692 0.28917 0.275284 0.329738 0.224551 0.165468 0.127254 0.130997 0.090082 0.120084 0.121045 0.139876 0.138174 0.319601 59.0 0.0 118.0 2.0 0.448569 0.053954 0.784614 [ 0 1 1 0 0 0 ] +0.082788 0.168759 0.08128 -69.797753 4.777137 0.156781 1.066205 0.499967 0.941953 0.300578 0.277646 0.232851 0.851605 0.613225 0.224697 0.717423 0.029034 0.092112 0.030031 4.478881 0.892166 0.991349 0.882324 0.578833 0.548978 0.586093 0.517807 0.541725 0.503318 0.505877 0.477479 0.496615 0.022885 0.055678 0.00892 2.578558 0.673917 0.796365 0.672011 0.322397 0.337698 0.351636 0.329543 0.439771 0.324629 0.309215 0.358286 0.24034 0.026298 0.069301 0.030416 4.09726 0.351926 0.300354 0.191863 0.151884 0.116414 0.118421 0.096084 0.132468 0.136181 0.10919 0.101861 0.11008 0.143288 63.0 0.490267 126.0 2.0 0.821658 0.85744 1.691989 [ 0 0 1 0 0 0 ] +0.066218 0.208038 0.091095 -68.998597 4.956389 0.304131 2.073372 0.240701 1.07209 0.02695 0.499889 0.097694 -0.197067 0.372549 0.526801 0.492292 0.048804 0.204149 0.039535 4.991497 1.342422 0.979497 0.942053 0.811703 0.687225 0.647479 0.718785 0.824364 0.842697 0.545775 0.65117 0.724074 0.030874 0.062339 0.006672 2.692037 0.57554 0.323263 0.527916 0.639389 0.471982 0.370499 0.361696 0.849324 0.711604 0.293079 0.590662 0.540614 0.023727 0.087115 0.029207 3.689329 0.30791 0.156907 0.167162 0.212176 0.137247 0.105836 0.151629 0.279331 0.285233 0.122835 0.211985 0.279967 0.842816 59.0 0.002689 118.0 2.0 0.976143 0.030985 1.007128 [ 0 1 1 0 0 0 ] +0.088297 0.267556 0.087532 -68.983988 4.66717 -0.097793 -0.154632 0.590259 0.780323 0.911183 0.819172 0.518926 0.26257 0.271131 0.372106 0.445127 0.071232 0.255348 0.034225 4.269548 1.666582 0.989102 0.698851 0.548414 0.594068 0.511962 0.555539 0.483569 0.47026 0.499736 0.421185 0.4634 0.020534 0.070905 0.007015 2.553619 1.033422 1.453016 0.44022 0.282277 0.261981 0.199209 0.2166 0.204807 0.14508 0.207815 0.172497 0.17774 0.02526 0.084893 0.029847 3.759436 0.376927 0.252442 0.118597 0.088637 0.126404 0.080562 0.08139 0.078488 0.054636 0.092339 0.060148 0.078843 0.416674 68.0 0.243528 136.0 2.0 0.557922 0.355576 1.222911 [ 1 0 0 0 0 0 ] +0.035117 0.30836 0.104195 -75.09367 5.102427 0.048774 2.009931 0.465896 1.299332 0.169002 0.472282 0.341833 0.449589 0.525277 0.597711 0.473255 0.037743 0.374922 0.058475 7.088267 1.498091 0.885184 0.725196 0.642298 0.530442 0.524824 0.508649 0.467944 0.475962 0.487242 0.442758 0.408053 0.022717 0.111437 0.00815 2.909383 0.767018 0.349985 0.380701 0.254054 0.188234 0.172579 0.12035 0.114553 0.118297 0.143477 0.141306 0.139291 0.027939 0.111272 0.027907 3.643178 0.338393 0.168042 0.18078 0.116846 0.082125 0.079492 0.076358 0.075009 0.059556 0.09189 0.056311 0.047828 0.585421 65.0 0.525255 130.0 2.0 0.786478 0.615703 1.444856 [ 0 1 0 0 0 0 ] +0.032228 0.054853 0.075302 -80.699562 6.171016 2.536768 1.379951 1.097838 0.932675 0.813303 0.553377 0.058349 0.212576 0.38168 0.897993 0.482536 0.015629 0.043105 0.029144 4.379324 1.041231 1.147129 0.512631 0.440565 0.458842 0.431895 0.44556 0.465204 0.425441 0.419253 0.426345 0.367447 0.014892 0.048587 0.009444 4.319574 0.878656 0.936583 0.309429 0.281999 0.269091 0.227952 0.277168 0.330737 0.315473 0.256036 0.239902 0.226694 0.027745 0.072697 0.030483 4.696632 0.41053 0.447152 0.130888 0.091459 0.131204 0.099342 0.108261 0.136206 0.08128 0.111367 0.122537 0.070729 0.056792 96.0 0.143421 192.0 2.0 0.183156 0.394811 0.964877 [ 0 0 0 1 1 0 ] +0.049905 0.084548 0.074718 -89.37407 5.988351 1.982151 1.487149 0.876363 0.478012 0.506907 0.285662 -0.026502 0.481965 -0.175797 -0.021072 0.047381 0.020868 0.073276 0.028881 5.367457 1.144812 0.958999 0.598481 0.452383 0.494993 0.453989 0.450135 0.488806 0.538828 0.585908 0.637529 0.80178 0.019872 0.050265 0.007057 8.527643 1.224344 0.971288 0.424631 0.344002 0.403181 0.263094 0.273704 0.411462 0.546909 0.541782 0.642495 0.80091 0.028112 0.089246 0.030723 5.620447 0.46019 0.387658 0.136498 0.083462 0.123223 0.09556 0.10738 0.157887 0.236099 0.22757 0.262997 0.377038 0.022736 79.0 0.012189 158.0 2.0 0.218801 0.028867 0.819777 [ 0 0 1 1 0 0 ] +0.067437 0.145222 0.079973 -91.473329 8.175081 -2.03767 3.171676 0.78793 0.260882 1.439812 -0.229156 0.02029 0.520701 0.454606 0.670418 0.484603 0.026004 0.054998 0.029175 4.235231 1.008206 1.06966 0.870131 0.664955 0.702974 0.65405 0.625923 0.647666 0.56648 0.526027 0.535469 0.542244 0.019538 0.041641 0.007502 5.347109 0.779757 0.82763 0.725086 0.790234 0.91648 0.714024 0.527997 0.491453 0.441935 0.496362 0.386729 0.340423 0.023581 0.047572 0.030113 5.185736 0.43339 0.378184 0.303919 0.18554 0.22441 0.207124 0.178502 0.199179 0.183784 0.127868 0.125451 0.160903 0.026951 84.0 0.030775 168.0 2.0 0.151106 0.020829 0.40811 [ 0 1 1 0 0 0 ] +0.071706 0.25067 0.091955 -74.350217 3.043582 0.748674 1.307823 0.494147 1.511834 0.614861 0.449806 0.657729 0.215495 0.768625 0.062161 0.300991 0.061775 0.250851 0.03558 4.922034 1.479924 1.019194 1.182721 0.91367 0.67658 0.679069 0.595538 0.560119 0.586416 0.587626 0.54979 0.528077 0.021495 0.077216 0.006801 2.462166 0.816981 0.829911 0.764406 0.461412 0.337898 0.348063 0.343559 0.232979 0.279046 0.285414 0.216843 0.334303 0.028503 0.09024 0.029304 4.47449 0.383154 0.200555 0.242588 0.186751 0.119623 0.137461 0.09162 0.081588 0.095704 0.107989 0.106351 0.070774 0.023903 54.0 0.047709 108.0 2.0 0.160762 0.227954 0.609562 [ 0 0 1 0 0 0 ] +0.072598 0.257115 0.088002 -70.681204 4.2503 1.350091 1.317858 0.702633 0.71359 0.491601 0.40043 0.353063 0.412114 0.50726 0.472796 0.358575 0.065621 0.288438 0.040027 4.819776 1.587349 0.97669 0.932928 0.808096 0.607459 0.603173 0.545265 0.51126 0.482905 0.498326 0.509166 0.500085 0.026946 0.074044 0.006672 2.619995 0.864155 0.724778 0.598133 0.555822 0.317827 0.375529 0.366759 0.31008 0.259554 0.22833 0.321959 0.298971 0.030713 0.06551 0.028788 3.822021 0.458167 0.237437 0.274633 0.2118 0.143599 0.130499 0.09767 0.131916 0.095129 0.135854 0.131785 0.149881 0.407622 100.0 0.0 200.0 2.0 0.020399 0.523349 0.570859 [ 0 1 0 0 0 0 ] +0.061903 0.121791 0.0773 -81.929769 7.307117 -0.700041 1.850503 0.073356 0.762665 0.177509 0.66524 0.421521 0.175561 0.313893 0.308341 0.510152 0.019801 0.050361 0.028607 3.248917 0.974584 0.620396 0.516868 0.484851 0.479879 0.47091 0.490437 0.541677 0.546967 0.48805 0.462708 0.486836 0.020379 0.046215 0.007659 8.43441 1.55407 0.695322 0.525045 0.339689 0.351838 0.352101 0.47789 0.456091 0.494511 0.3397 0.254079 0.276394 0.026663 0.058797 0.030409 4.320993 0.439101 0.253109 0.119789 0.102912 0.103792 0.098975 0.138567 0.188692 0.178334 0.126848 0.126146 0.144367 0.048969 67.0 0.100456 134.0 2.0 0.240999 0.137842 0.51928 [ 0 1 1 0 0 0 ] +0.05228 0.206482 0.093154 -70.369712 3.66391 2.889221 1.243308 0.794265 0.958739 0.88253 0.866225 0.638612 0.519024 0.078782 0.258085 0.499956 0.054888 0.271631 0.04666 6.473139 2.13177 1.087124 0.792466 0.766291 0.627569 0.680227 0.73364 0.588859 0.609533 0.669712 0.541873 0.414779 0.016823 0.096627 0.00741 2.2688 1.020371 0.486799 0.316773 0.298998 0.255682 0.156096 0.189245 0.353661 0.314868 0.24602 0.205637 0.231378 0.026316 0.082252 0.028427 4.575764 0.726545 0.144142 0.131118 0.22064 0.157199 0.180387 0.141652 0.111748 0.124942 0.194389 0.135372 0.050689 0.284552 63.0 0.297717 126.0 2.0 0.527209 0.326275 1.026823 [ 1 0 0 0 0 1 ] +0.09505 0.248788 0.084516 -67.497069 3.233478 0.839221 1.207273 1.509885 0.918269 0.402323 -0.081477 0.293277 0.690093 0.342973 0.367012 0.357599 0.089562 0.262404 0.038287 5.482719 1.645886 1.333907 1.138734 0.890745 0.793071 0.687652 0.676033 0.628541 0.657596 0.582146 0.528457 0.504815 0.042244 0.086477 0.00828 3.0355 1.1456 0.657201 0.690831 0.431658 0.472286 0.402094 0.331559 0.338544 0.465327 0.333393 0.290116 0.276548 0.042972 0.055887 0.029488 3.668206 0.479889 0.351214 0.31324 0.250643 0.212632 0.159934 0.139327 0.129221 0.18289 0.109778 0.100552 0.096434 0.186466 91.0 0.0 182.0 2.0 0.023768 0.55047 0.574238 [ 0 0 1 0 0 0 ] +0.078472 0.107742 0.07435 -93.796253 7.942797 -0.520165 0.427459 0.163341 0.819622 0.244458 0.188076 0.847151 0.935066 0.216858 0.211499 0.571018 0.015455 0.030351 0.028027 2.91871 0.930881 0.759659 0.602235 0.60087 0.640572 0.558133 0.61462 0.602563 0.665753 0.6714 0.630172 0.540565 0.026386 0.038912 0.007153 7.595726 2.259404 2.202609 0.713606 0.681991 1.038158 0.77614 1.102845 1.027611 0.902719 0.965738 0.815131 0.589643 0.02601 0.055096 0.030694 5.337896 0.471066 0.315948 0.170907 0.171075 0.223316 0.149632 0.224293 0.265622 0.278609 0.275863 0.286619 0.202907 0.019298 93.0 0.005768 186.0 2.0 0.052909 0.100994 0.194858 [ 0 0 1 1 0 0 ] +0.05188 0.293084 0.096427 -76.138605 3.082414 1.04875 1.901207 1.085106 0.789564 0.978586 0.675219 0.632511 0.86139 0.469036 0.825165 0.451228 0.065979 0.352943 0.045344 8.102162 1.243787 1.298004 1.033466 0.82695 0.643873 0.658648 0.524726 0.51322 0.528362 0.468399 0.539133 0.468851 0.023269 0.082975 0.00761 2.395946 0.479382 0.597861 0.581663 0.257527 0.299781 0.19977 0.222046 0.234661 0.320031 0.153517 0.211163 0.174085 0.042904 0.065797 0.028391 3.9661 0.269593 0.223224 0.247684 0.131262 0.170947 0.12985 0.090048 0.127489 0.191102 0.074197 0.156659 0.087639 0.635291 73.0 0.451089 146.0 2.0 0.917135 0.144449 1.565584 [ 0 1 1 0 0 0 ] +0.095213 0.383033 0.090835 -74.087452 2.889852 1.631078 1.328667 0.715136 0.527462 0.461961 0.693743 0.647447 0.788399 0.590578 0.717072 0.630029 0.078165 0.326646 0.035188 5.410906 1.787716 0.852039 0.83706 0.628679 0.557059 0.488882 0.428332 0.484565 0.457233 0.447236 0.456359 0.412045 0.037158 0.071739 0.010184 4.808671 1.173834 0.723667 0.449051 0.296075 0.205197 0.231278 0.157637 0.109293 0.132172 0.154571 0.219011 0.124172 0.024968 0.046673 0.02986 3.843131 0.5125 0.220526 0.195373 0.137301 0.128843 0.106941 0.075877 0.06086 0.052181 0.059932 0.072253 0.067754 1.457519 68.0 1.686793 136.0 2.0 1.457519 1.703461 3.173568 [ 1 0 0 0 0 1 ] +0.022381 0.091175 0.092197 -73.737886 7.059311 0.261114 1.252132 0.703336 1.202734 -0.005127 0.621967 0.609519 0.439962 0.554018 0.687475 0.807891 0.017407 0.168514 0.041963 3.973304 1.495716 1.016692 0.781199 0.637981 0.635464 0.548278 0.535873 0.522509 0.492578 0.474425 0.439694 0.461611 0.018308 0.068249 0.012939 2.002773 2.410458 0.87873 1.245184 0.41922 0.609124 0.250234 0.305327 0.181331 0.194393 0.173965 0.18214 0.200804 0.027583 0.123914 0.029942 4.161548 0.53352 0.127016 0.185306 0.126786 0.093251 0.082739 0.083198 0.085687 0.07878 0.0882 0.05871 0.094813 0.585211 66.0 0.0 198.0 3.0 0.685463 0.03518 0.859743 [ 1 0 0 0 0 1 ] +0.039354 0.26102 0.090212 -74.172635 3.166254 0.298833 2.28458 0.211077 1.289851 0.498556 0.832937 0.785781 0.799473 0.723156 0.668523 0.470855 0.037778 0.291573 0.03594 6.520033 1.204542 1.398188 1.043868 0.804516 0.607452 0.647501 0.594073 0.536872 0.519092 0.477697 0.489915 0.4729 0.025349 0.172001 0.007418 2.571472 0.454385 0.555339 0.584891 0.347474 0.195865 0.247266 0.223537 0.166468 0.15253 0.151557 0.196137 0.129884 0.027918 0.139491 0.028818 3.826674 0.235176 0.279261 0.2754 0.194102 0.128757 0.104784 0.122034 0.101605 0.098025 0.124498 0.11928 0.088088 0.070483 61.0 0.007556 183.0 3.0 0.098548 0.234732 0.624398 [ 0 1 0 0 0 0 ] +0.034219 0.05537 0.073654 -77.39883 6.541328 2.419413 1.278584 0.976806 0.87355 0.753895 0.493714 0.024698 0.172486 0.346165 0.851465 0.475054 0.016005 0.039265 0.027864 4.343775 1.035474 1.131558 0.516413 0.443688 0.463334 0.424981 0.453031 0.475616 0.427571 0.423242 0.42313 0.368283 0.013357 0.036689 0.008876 4.083452 0.941322 0.951447 0.319505 0.277976 0.285122 0.24215 0.28913 0.335945 0.334175 0.271242 0.220045 0.229506 0.028164 0.064971 0.030289 4.573886 0.40282 0.439369 0.151475 0.089602 0.128773 0.098441 0.111687 0.141549 0.081175 0.107682 0.124421 0.071292 0.174455 93.0 0.127015 186.0 2.0 0.236535 0.370252 0.98496 [ 0 0 0 0 1 0 ] +0.044898 0.064366 0.072828 -77.483016 10.102984 -0.845677 2.551586 0.602643 0.647118 0.069658 -0.145489 0.167072 0.248628 0.2066 0.305416 0.349577 0.010748 0.026607 0.029382 3.646437 0.781231 0.575109 0.51535 0.481654 0.462257 0.490103 0.42785 0.452255 0.425912 0.4663 0.457772 0.518707 0.012791 0.026456 0.006828 2.667517 0.638948 0.273919 0.263594 0.264002 0.172133 0.275422 0.258883 0.364869 0.280658 0.319649 0.331952 0.286348 0.027194 0.055011 0.030459 4.463032 0.464978 0.146193 0.133305 0.10366 0.087036 0.093938 0.069917 0.08292 0.089688 0.112975 0.116468 0.149043 0.048234 98.0 0.112448 196.0 2.0 0.20993 0.278098 1.013506 [ 1 1 1 0 0 0 ] +0.144383 0.367614 0.089963 -65.087749 2.855727 0.251221 0.738186 0.985149 0.792803 0.3906 0.479241 0.47263 0.41807 0.64838 0.320994 0.500505 0.140443 0.310444 0.038574 5.316217 1.929717 1.214333 0.885604 0.747609 0.624829 0.63379 0.504826 0.567919 0.520766 0.489446 0.415034 0.443562 0.019801 0.045731 0.006955 1.762351 0.808168 0.338593 0.352196 0.32217 0.199299 0.222662 0.184127 0.236894 0.217711 0.205423 0.123141 0.147008 0.024953 0.02224 0.028624 3.689968 0.522196 0.201649 0.157783 0.146872 0.099021 0.114304 0.091019 0.106371 0.134212 0.095082 0.066797 0.060918 1.281313 66.0 1.038188 132.0 2.0 1.371686 1.075695 2.447382 [ 1 0 0 0 0 0 ] +0.029022 0.553287 0.094462 -75.244129 4.755547 1.249849 2.09616 0.704277 0.851439 0.477804 0.568785 0.570909 0.270226 0.476552 0.315881 0.45624 0.038548 0.439334 0.047632 7.254376 1.269017 1.230037 0.849281 0.697029 0.632862 0.746358 0.648164 0.561194 0.59286 0.538371 0.496157 0.524625 0.024172 0.140817 0.00862 4.512319 0.573633 0.710445 0.447188 0.294589 0.228607 0.409637 0.259344 0.199836 0.274916 0.205758 0.220348 0.243763 0.03237 0.033099 0.028199 3.411623 0.278628 0.262849 0.167129 0.108279 0.099863 0.21522 0.134856 0.113996 0.122113 0.122391 0.118048 0.086931 0.258169 72.0 0.178796 144.0 2.0 0.427735 0.164804 0.970506 [ 0 0 1 0 1 0 ] +0.104806 0.285973 0.0886 -68.956268 2.208183 1.099843 1.341293 0.779968 0.574934 0.59085 0.793556 0.695845 0.467143 0.748597 0.574728 0.635241 0.08069 0.239467 0.0349 5.487421 1.418107 1.086564 0.936827 0.8095 0.638214 0.651749 0.570226 0.562391 0.517446 0.557036 0.511568 0.497961 0.041528 0.080118 0.008765 1.54783 0.492778 0.331033 0.315556 0.293409 0.178587 0.173621 0.175059 0.210762 0.187753 0.172254 0.144786 0.176784 0.036783 0.044668 0.029669 4.02592 0.284473 0.185316 0.151062 0.149649 0.108747 0.095393 0.104229 0.092483 0.058114 0.079299 0.061743 0.061703 0.119257 55.0 0.381268 110.0 2.0 0.146768 0.465162 0.629682 [ 0 0 0 0 0 1 ] +0.081647 0.254547 0.101962 -75.367339 6.397246 -0.745176 2.459356 0.515218 0.54461 0.816125 0.564427 1.08563 0.44684 0.872487 0.406205 0.714454 0.104518 0.320801 0.043708 5.122518 1.633504 1.124299 0.954636 0.725473 0.612265 0.659055 0.569784 0.555121 0.535991 0.490413 0.499947 0.482901 0.030175 0.086138 0.00822 4.577518 1.208703 0.79809 0.507519 0.596124 0.277449 0.503126 0.320004 0.352388 0.408535 0.230078 0.293638 0.370056 0.035659 0.064979 0.028591 4.266252 0.401653 0.266846 0.186466 0.146891 0.117214 0.173529 0.115564 0.134065 0.107559 0.085454 0.119995 0.123236 0.177161 76.0 0.152088 152.0 2.0 0.447768 0.103095 0.786969 [ 0 0 1 0 1 0 ] +0.040666 0.257272 0.093445 -66.586104 2.885991 0.58564 1.751104 0.445043 0.933948 0.654671 1.113874 0.926618 0.5648 0.377119 0.217405 0.274589 0.03162 0.330503 0.042534 4.521203 1.190908 0.912304 0.812099 0.651815 0.596611 0.529292 0.562876 0.599747 0.494902 0.455827 0.476286 0.438562 0.013424 0.084437 0.008151 2.083409 0.331453 0.365416 0.425238 0.231423 0.261063 0.166244 0.293007 0.395817 0.23691 0.232494 0.221965 0.200847 0.02484 0.071805 0.028789 3.599069 0.213228 0.12638 0.199125 0.115016 0.123119 0.079071 0.103763 0.129777 0.087397 0.052652 0.064161 0.055716 0.515798 66.0 0.701643 132.0 2.0 0.666051 0.747663 1.494238 [ 1 1 0 0 0 0 ] +0.012104 0.143387 0.081193 -98.890602 7.347373 3.126707 1.81114 1.321239 0.98858 0.895205 0.854133 0.852267 0.926217 0.864904 0.76117 0.601681 0.006918 0.155856 0.034542 5.500512 1.057085 0.90436 0.584844 0.486298 0.424504 0.329479 0.322254 0.327975 0.296855 0.297832 0.281625 0.273264 0.014348 0.234718 0.010222 5.400335 0.820745 0.541136 0.467058 0.355307 0.262376 0.202086 0.218053 0.220207 0.214354 0.227485 0.215945 0.234918 0.029448 0.186134 0.029718 4.958524 0.444437 0.199917 0.169574 0.150957 0.140376 0.093543 0.096259 0.091277 0.094313 0.087255 0.087084 0.082214 0.693605 61.0 0.0 183.0 3.0 1.053135 0.0 1.053135 [ 0 0 0 1 0 0 ] +0.047238 0.141878 0.084832 -72.193229 3.969381 -0.232162 1.784472 1.310798 0.997446 0.576468 0.734138 0.591926 0.786351 0.632205 0.580207 0.423569 0.038649 0.178513 0.033638 5.807075 1.281608 1.162898 1.188446 1.063363 0.750244 0.732857 0.560715 0.594667 0.624784 0.521792 0.539041 0.494307 0.020787 0.060911 0.00711 1.984688 0.701279 0.490222 0.488452 0.472059 0.337174 0.31649 0.21504 0.175171 0.186168 0.209788 0.19665 0.16437 0.02538 0.097654 0.02991 4.547696 0.473082 0.278968 0.25244 0.192889 0.126933 0.125419 0.08508 0.109769 0.13007 0.082611 0.078925 0.0703 0.091587 74.0 0.008853 148.0 2.0 0.205188 0.054466 0.409109 [ 0 0 0 0 0 1 ] +0.042323 0.092709 0.078387 -76.024638 8.460942 -0.495622 2.119735 0.094583 0.835708 -0.020234 0.470137 0.38527 0.68535 0.338721 0.283764 0.456652 0.017846 0.077702 0.034804 4.080947 0.968838 0.691239 0.649757 0.607538 0.534982 0.560782 0.505669 0.517033 0.510837 0.480354 0.430855 0.468521 0.01585 0.04711 0.009145 4.913179 1.207367 0.758865 0.939065 0.485182 0.513797 0.685528 0.488125 0.538498 0.433691 0.360088 0.301147 0.336604 0.027264 0.102188 0.030458 4.873344 0.682589 0.246316 0.146653 0.154864 0.138694 0.129863 0.1467 0.1559 0.169371 0.129481 0.116233 0.119582 0.174272 61.0 0.050615 122.0 2.0 0.313714 0.231952 0.570406 [ 0 0 1 1 1 0 ] +0.092435 0.226614 0.082882 -63.435299 4.117509 0.029011 2.421237 -0.507896 0.981931 -0.225304 0.382724 0.466939 0.402704 0.741379 0.554808 0.524236 0.040554 0.090852 0.031072 5.31881 1.229503 0.714083 0.821715 0.73982 0.55787 0.565747 0.559549 0.50715 0.529752 0.47607 0.535423 0.418207 0.02748 0.059576 0.007693 3.055545 0.956141 0.367406 0.450575 0.433303 0.286995 0.271749 0.23247 0.180077 0.245883 0.15562 0.330969 0.131956 0.023239 0.051518 0.030078 4.503763 0.583867 0.234704 0.239311 0.245221 0.130604 0.152285 0.148249 0.122566 0.099089 0.115568 0.127607 0.055109 0.179426 65.0 0.47355 130.0 2.0 0.422437 0.647243 1.112877 [ 0 1 0 0 0 0 ] +0.041604 0.329611 0.095629 -69.359474 3.766187 0.36214 1.608835 0.797143 1.123242 0.717531 0.802174 0.685472 0.694509 0.517663 0.466005 0.559425 0.039412 0.390071 0.050875 6.446369 2.099224 1.172418 0.965616 0.630561 0.562125 0.497648 0.51438 0.432796 0.42724 0.390603 0.4197 0.373484 0.018819 0.053627 0.006801 2.623584 0.632947 0.310521 0.378209 0.204815 0.086767 0.144627 0.085838 0.086671 0.093734 0.065859 0.098542 0.090393 0.023444 0.035726 0.028203 3.296878 0.223203 0.168564 0.108313 0.071677 0.057557 0.054649 0.062818 0.040784 0.052503 0.052024 0.054797 0.039062 0.774906 68.0 0.827992 136.0 2.0 0.813926 0.827992 1.736174 [ 1 0 0 0 0 1 ] +0.096942 0.278464 0.093632 -70.570735 2.341161 -1.281439 0.306131 2.046689 1.484437 0.785379 1.304485 0.868698 0.510344 0.937766 0.903237 0.578556 0.070619 0.225626 0.036998 3.955944 1.456885 1.113193 0.755004 0.875803 0.610705 0.560189 0.550275 0.434928 0.457082 0.398133 0.467556 0.472693 0.030792 0.042803 0.009442 5.060664 1.451417 0.390005 0.484121 0.40401 0.254966 0.194758 0.214444 0.169934 0.135052 0.147811 0.122905 0.096533 0.024685 0.069485 0.029305 3.838357 0.176019 0.13773 0.137798 0.130065 0.094577 0.064825 0.070963 0.063794 0.048466 0.044492 0.055805 0.054153 0.54723 68.0 0.535742 136.0 2.0 0.820894 0.670969 1.638014 [ 1 0 0 0 0 1 ] +0.084954 0.483612 0.09869 -72.344899 1.290666 0.460461 0.576 1.079802 0.972196 0.899942 0.82869 0.70473 0.785971 0.796431 0.600766 0.498806 0.120199 0.404979 0.043777 5.380785 1.009255 0.7615 0.575275 0.492364 0.4271 0.420816 0.380656 0.393278 0.368289 0.377524 0.393851 0.356421 0.014558 0.052022 0.007492 1.44818 0.49869 0.228972 0.145997 0.068828 0.073824 0.093061 0.071556 0.066722 0.072453 0.067788 0.070359 0.060751 0.016326 0.027988 0.027643 4.176831 0.35173 0.140692 0.05266 0.071618 0.048763 0.05913 0.049382 0.052778 0.041937 0.038786 0.041955 0.046113 0.954495 66.0 1.273027 132.0 2.0 1.162634 1.368172 2.544938 [ 0 0 0 0 0 1 ] +0.129164 0.412287 0.094445 -65.813213 0.390556 0.679728 1.494694 1.161142 1.156776 0.583127 0.599986 0.494436 0.497063 0.616839 0.408506 0.487622 0.114502 0.304371 0.04977 6.606125 2.25654 1.149504 0.766189 0.651139 0.530676 0.558119 0.501434 0.492399 0.434068 0.429788 0.439024 0.42084 0.040852 0.056182 0.006979 2.708207 0.694053 0.608411 0.280079 0.241119 0.178033 0.218764 0.189097 0.197788 0.158123 0.110767 0.160514 0.116264 0.017563 0.058186 0.027623 3.242398 0.282739 0.260918 0.226398 0.162327 0.09556 0.12581 0.093162 0.073059 0.082589 0.095753 0.077066 0.056562 0.58094 64.0 0.689974 128.0 2.0 0.732272 0.778798 1.51107 [ 1 0 0 0 0 0 ] +0.11109 0.347182 0.080456 -70.660423 2.095129 0.587896 2.116776 1.328059 0.793689 0.419727 0.738145 0.553413 0.811294 0.58772 0.349061 0.482173 0.074167 0.225722 0.029985 3.979044 1.396438 0.8598 0.926211 0.816977 0.713159 0.761476 0.732084 0.633367 0.839606 0.607453 0.628868 0.472818 0.03494 0.085299 0.007458 2.795886 0.815603 0.40606 0.389395 0.406922 0.541398 0.302904 0.486709 0.632224 0.701999 0.421944 0.341336 0.179554 0.030626 0.095403 0.030308 3.71665 0.402518 0.185379 0.185225 0.173826 0.168968 0.136653 0.173988 0.119581 0.174644 0.114116 0.179787 0.072477 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 [ 0 0 0 0 1 0 ] +0.066531 0.15729 0.096311 -78.212559 4.246679 0.689976 2.273904 1.152249 1.068688 0.521654 0.705302 0.547289 0.757278 0.613319 0.215135 0.67692 0.057135 0.176517 0.043087 5.433433 1.473553 1.064766 0.931533 0.826692 0.732731 0.639261 0.602952 0.547645 0.503291 0.521587 0.503134 0.499988 0.02591 0.059693 0.009971 3.786266 0.765475 0.559773 0.774781 0.492912 0.418302 0.447398 0.265689 0.297536 0.356419 0.294647 0.254758 0.225871 0.026686 0.062421 0.029529 4.393537 0.452515 0.218832 0.283182 0.163715 0.164367 0.143562 0.104777 0.128113 0.105118 0.111541 0.08463 0.108775 0.036754 67.0 0.070563 134.0 2.0 0.36169 0.348108 0.751676 [ 0 0 1 1 1 0 ] +0.048371 0.116022 0.080426 -82.206906 4.747611 1.306496 1.076953 1.230918 0.989815 0.352858 0.361401 0.280897 0.970792 0.840761 1.004732 0.46457 0.038121 0.133684 0.035851 4.421598 1.590204 0.981276 0.557775 0.450381 0.451199 0.492156 0.460527 0.437957 0.460654 0.452927 0.521237 0.528255 0.023603 0.060019 0.008121 4.91004 0.926376 1.212283 0.430773 0.314691 0.436355 0.388718 0.583838 0.528615 0.538642 0.788228 0.746571 0.603282 0.026996 0.099789 0.029203 4.238681 0.528274 0.355208 0.156283 0.107159 0.131142 0.194111 0.147592 0.208344 0.249614 0.24497 0.281542 0.316074 0.060194 93.0 0.0 186.0 2.0 0.193793 0.157334 0.380476 [ 0 0 0 1 1 0 ] +0.094979 0.398927 0.093443 -71.603378 2.486128 2.411389 0.589 0.603551 0.712169 0.359835 0.355986 0.675138 0.674991 0.840373 0.690852 0.2829 0.098525 0.357678 0.040647 4.465413 1.475548 0.988712 0.710295 0.549543 0.58083 0.536896 0.467529 0.522403 0.474543 0.411251 0.428037 0.492969 0.01878 0.058907 0.007236 1.805135 0.304847 0.241193 0.243052 0.275881 0.18871 0.128256 0.146553 0.180483 0.194795 0.140092 0.097256 0.117462 0.019896 0.0253 0.028284 4.170856 0.25091 0.084063 0.085446 0.086639 0.085237 0.072535 0.065526 0.071708 0.077694 0.051745 0.064793 0.075487 0.811212 66.0 0.881802 132.0 2.0 0.969738 1.082043 2.067781 [ 0 0 0 0 0 1 ] +0.087793 0.247403 0.089135 -73.879627 2.483261 -0.113441 2.383639 0.121328 1.42048 0.008093 1.098779 0.395561 1.032957 0.44072 0.646994 0.629204 0.080223 0.251546 0.034504 6.170188 1.276206 1.250728 0.916941 0.695391 0.626183 0.705633 0.559173 0.53754 0.559535 0.494529 0.490545 0.545661 0.031358 0.059542 0.008492 2.611381 0.616288 0.444262 0.375931 0.187767 0.266038 0.23846 0.2073 0.189315 0.212645 0.128752 0.139495 0.145517 0.022167 0.061357 0.029225 3.874379 0.318828 0.246346 0.217256 0.145229 0.098334 0.129866 0.096134 0.105789 0.110646 0.101848 0.089031 0.093932 0.03588 100.0 0.0 200.0 2.0 0.115946 0.13962 0.255566 [ 1 0 0 0 0 1 ] +0.168099 0.487447 0.096774 -67.769255 1.972527 0.572923 -0.604609 0.280258 0.765851 0.462841 0.686671 0.413082 0.356008 0.436474 0.337238 0.514321 0.124023 0.272499 0.041774 4.924591 1.440049 1.12409 0.996151 0.616206 0.537851 0.589137 0.489928 0.439332 0.469095 0.427108 0.421839 0.375799 0.033303 0.114459 0.009158 1.816123 1.239647 0.339965 0.56896 0.110252 0.102349 0.113379 0.101072 0.115064 0.134396 0.230443 0.179073 0.14484 0.032932 0.036282 0.02834 3.672274 0.166951 0.137176 0.200465 0.071034 0.066199 0.071868 0.056588 0.057733 0.053815 0.049361 0.050255 0.063788 1.030868 68.0 1.290204 136.0 2.0 1.110611 1.43616 2.546771 [ 0 0 0 0 0 1 ] +0.075592 0.253171 0.087795 -70.899833 3.532747 0.673223 1.990152 0.296594 0.432791 0.680382 0.428085 0.764688 0.481984 0.496545 0.808151 0.473674 0.065498 0.269641 0.039723 5.394288 1.196663 0.965766 1.123112 0.78717 0.648076 0.594303 0.570212 0.503082 0.47783 0.479896 0.504525 0.484889 0.019702 0.051479 0.006732 2.757227 0.727233 0.405371 0.752947 0.41941 0.371683 0.221336 0.253114 0.298541 0.301524 0.22711 0.242649 0.232968 0.029397 0.056249 0.028827 3.604938 0.2602 0.163607 0.22144 0.188818 0.144855 0.124363 0.096599 0.066324 0.09879 0.098318 0.106397 0.126897 0.973697 61.0 0.062614 122.0 2.0 1.361623 0.149072 1.510695 [ 0 1 1 0 0 0 ] +0.077256 0.326453 0.084823 -71.86264 3.8191 1.299715 1.521183 0.941717 0.325691 0.664599 0.157669 0.315881 0.529171 0.519277 0.452298 0.722483 0.084702 0.340973 0.035409 5.686544 1.461715 0.967735 1.155495 0.733985 0.692178 0.636843 0.604666 0.617336 0.50791 0.465117 0.533351 0.502166 0.04154 0.112174 0.007601 3.488421 0.679979 0.846007 0.795515 0.388714 0.488524 0.385193 0.323174 0.392027 0.259475 0.249452 0.298028 0.316257 0.058532 0.081017 0.029875 3.697272 0.430983 0.320842 0.34093 0.16967 0.154296 0.116903 0.186242 0.177914 0.110901 0.082994 0.10329 0.114464 0.010805 98.0 0.007265 196.0 2.0 0.030644 0.046872 0.22587 [ 0 0 1 0 0 0 ] +0.067879 0.123795 0.076088 -92.769986 6.907845 -0.108449 1.829104 0.384103 0.637556 0.189491 0.910067 1.45344 0.569292 -0.118293 0.031459 0.452327 0.021596 0.043508 0.028198 3.117045 0.711245 0.593578 0.526735 0.52293 0.491494 0.476916 0.539642 0.608606 0.510142 0.521819 0.496246 0.516983 0.026392 0.047258 0.007685 8.365609 1.559673 0.937911 0.567945 0.540692 0.358603 0.451682 0.852217 1.047484 0.606102 0.662713 0.723623 0.502242 0.024801 0.060917 0.030416 5.582809 0.335637 0.18951 0.11484 0.095422 0.083121 0.078974 0.13936 0.213503 0.101925 0.179923 0.18724 0.191668 0.068603 68.0 0.077976 204.0 3.0 0.195027 0.637977 0.986877 [ 0 1 1 1 0 0 ] +0.084873 0.274471 0.088382 -68.403967 1.443946 0.472447 1.828428 1.387086 1.250183 0.759043 0.544236 0.556004 0.914436 1.006386 0.733771 0.408915 0.06583 0.244537 0.032789 4.142571 0.944306 0.879107 0.585619 0.487942 0.582191 0.437489 0.422709 0.428717 0.401703 0.405319 0.422266 0.383355 0.023035 0.044908 0.006823 1.350594 0.491056 0.383217 0.189356 0.213628 0.14554 0.07637 0.145776 0.229863 0.062833 0.257439 0.183196 0.103697 0.017223 0.053699 0.029718 4.691041 0.123552 0.066169 0.074933 0.079197 0.052512 0.050747 0.099251 0.179424 0.042948 0.127827 0.073809 0.072756 0.50876 68.0 0.630137 136.0 2.0 0.571075 0.724348 1.571304 [ 0 0 0 0 0 1 ] +0.041178 0.174097 0.084437 -69.736587 3.624657 -0.092257 1.934537 0.772536 1.200591 0.536146 0.582101 0.543468 0.677564 0.644771 0.698649 0.307119 0.034761 0.226568 0.032032 4.450148 1.209018 1.046608 0.870734 0.804699 0.60551 0.548324 0.471109 0.537374 0.489091 0.471493 0.438721 0.457166 0.022805 0.092779 0.00864 2.119037 0.533409 0.49733 0.325217 0.33792 0.176785 0.221032 0.14762 0.136691 0.133132 0.150973 0.104441 0.164062 0.02604 0.122482 0.030209 3.915447 0.302491 0.274586 0.277543 0.229112 0.118506 0.121881 0.072289 0.088931 0.080087 0.063118 0.050452 0.068906 0.127996 58.0 0.003874 116.0 2.0 0.507659 0.006315 0.513974 [ 0 0 0 0 0 1 ] +0.026497 0.365584 0.09212 -74.902369 4.206333 1.386189 1.823401 0.73785 0.847633 0.426222 0.53063 0.655969 0.447421 0.182407 0.110909 0.698926 0.027014 0.396358 0.042737 3.485815 1.146286 0.88445 0.823285 0.695033 0.532418 0.53216 0.447092 0.551442 0.699287 0.529684 0.487845 0.458543 0.021073 0.166728 0.00821 3.087715 1.092313 0.527774 0.501188 0.406972 0.28458 0.33632 0.202131 0.2924 0.442612 0.273775 0.213037 0.209616 0.027728 0.127739 0.028404 4.064312 0.393556 0.161889 0.15275 0.125971 0.104161 0.126957 0.085864 0.143029 0.209794 0.125044 0.092869 0.069612 0.446508 68.0 0.589837 136.0 2.0 0.46616 0.663627 1.267481 [ 1 0 0 0 0 1 ] +0.053679 0.266199 0.096057 -76.487718 3.252098 1.307954 1.80986 1.070276 0.723365 1.059856 0.681161 0.606673 0.865418 0.442949 0.809931 0.419628 0.070793 0.331921 0.045345 7.828381 1.289623 1.353462 1.06727 0.807803 0.681348 0.602428 0.530919 0.520606 0.529047 0.464939 0.539384 0.492415 0.025549 0.099218 0.007446 4.287793 0.565638 1.010677 0.748869 0.280676 0.339805 0.28252 0.242174 0.224775 0.233503 0.165455 0.218468 0.211449 0.048506 0.080231 0.027886 3.617935 0.226726 0.319601 0.283211 0.128178 0.205603 0.137588 0.101906 0.126659 0.106191 0.084548 0.128472 0.106701 0.63064 73.0 0.37542 146.0 2.0 0.963846 0.152219 1.509476 [ 0 1 1 0 0 0 ] +0.113898 0.298227 0.089891 -68.804195 1.438452 0.244474 0.406858 0.690852 0.922848 0.501123 0.947309 1.021838 0.936695 0.799679 0.837151 0.721638 0.075606 0.186139 0.032165 4.090543 1.189584 0.885786 0.82773 0.63893 0.594282 0.520412 0.487292 0.487793 0.469614 0.425014 0.413677 0.455358 0.010684 0.041583 0.007932 1.582214 0.225593 0.345134 0.34534 0.193685 0.237335 0.188686 0.097425 0.167075 0.178185 0.14493 0.106168 0.156885 0.016783 0.034308 0.029913 3.951185 0.105014 0.107426 0.108001 0.085918 0.092368 0.076939 0.050772 0.056464 0.063629 0.061222 0.079525 0.090326 0.663305 68.0 0.190283 136.0 2.0 0.769195 0.420528 1.231378 [ 1 0 0 0 0 0 ] +0.048633 0.119991 0.076395 -61.965845 3.945002 0.850226 1.393505 0.49476 0.7458 0.639092 0.560655 0.449916 0.862972 0.212237 0.263042 0.339722 0.023456 0.086197 0.028713 2.224686 0.630813 0.516455 0.538509 0.490827 0.460232 0.522462 0.437806 0.44883 0.469695 0.402816 0.422382 0.425957 0.023146 0.06083 0.006219 2.190307 0.752197 0.582761 0.486182 0.400458 0.340228 0.362328 0.243486 0.334109 0.367615 0.271632 0.344097 0.27514 0.027367 0.072924 0.030757 3.820328 0.273522 0.147827 0.166004 0.13154 0.13264 0.128629 0.112684 0.09925 0.137924 0.084392 0.08277 0.114261 0.003147 79.0 0.0 158.0 2.0 0.016389 0.041393 0.131862 [ 0 0 1 1 1 0 ] +0.122223 0.274507 0.097721 -75.834179 2.423567 1.549717 1.45706 1.078239 0.917202 0.736101 0.76119 0.431326 0.460465 0.335051 0.601182 0.212076 0.072985 0.166841 0.045603 5.498363 1.284744 0.824888 0.585447 0.499048 0.499631 0.458092 0.527863 0.499623 0.547622 0.527377 0.558622 0.587421 0.076531 0.154306 0.008353 3.193757 0.970342 0.448614 0.326957 0.237729 0.536503 0.242365 0.247306 0.28664 0.571331 0.28445 0.235263 0.479865 0.036066 0.058717 0.029157 3.915379 0.286703 0.176103 0.091158 0.080296 0.129305 0.100251 0.174084 0.209688 0.235092 0.186901 0.195064 0.294079 0.118356 59.0 0.026521 177.0 3.0 0.561228 0.327919 1.33661 [ 1 0 0 0 0 0 ] +0.042176 0.096493 0.096321 -71.861642 6.412577 -1.401155 0.521478 0.586695 1.170235 0.607016 0.823007 0.834635 0.777548 0.556435 0.59105 0.607617 0.034041 0.112045 0.045809 6.593511 1.680141 1.153064 0.721946 0.688262 0.566998 0.506005 0.577282 0.623133 0.533348 0.459209 0.415069 0.397121 0.016461 0.033358 0.008993 2.016759 0.643023 0.399285 0.215191 0.240021 0.231292 0.166206 0.185799 0.212018 0.12387 0.186909 0.098873 0.126771 0.025584 0.072428 0.027774 3.735754 0.306905 0.223819 0.13029 0.171607 0.095731 0.087973 0.090021 0.100619 0.070195 0.110831 0.076992 0.066891 0.115254 75.0 0.3227 150.0 2.0 0.348589 0.068493 0.864987 [ 0 1 1 0 0 0 ] +0.081694 0.147003 0.084102 -64.669439 6.530909 -0.33299 0.630303 -0.035326 0.168496 0.332151 0.798558 0.602865 0.541499 0.440085 0.651629 0.216717 0.038195 0.109732 0.032497 3.640715 1.366697 0.948234 0.817303 0.731484 0.587203 0.597432 0.530003 0.470187 0.454412 0.419436 0.416475 0.426692 0.016976 0.044265 0.008997 4.093417 0.746773 0.787417 0.54124 0.45628 0.390511 0.393646 0.356819 0.273736 0.217717 0.176555 0.199264 0.205243 0.032703 0.078405 0.030013 4.082622 0.464849 0.311388 0.135361 0.181375 0.124563 0.122507 0.102613 0.070703 0.061604 0.060402 0.048835 0.065967 0.283107 84.0 0.563368 168.0 2.0 1.168085 0.012958 2.444214 [ 1 1 0 0 0 0 ] +0.079094 0.106814 0.077247 -84.198578 6.191794 -1.229521 0.561558 -1.038761 0.248311 0.48669 1.046535 0.27313 -0.129524 -0.135927 0.334856 0.442991 0.015574 0.038424 0.028331 2.928398 0.876092 0.625751 0.623805 0.573098 0.623205 0.649781 0.634669 0.647513 0.670874 0.664902 0.656441 0.54784 0.021953 0.038064 0.007378 5.425969 1.137065 0.856345 1.086189 0.839332 0.87574 1.155625 1.334833 1.075426 1.169477 1.28184 0.940175 0.778283 0.02543 0.050647 0.030494 4.367653 0.366733 0.137264 0.169861 0.136569 0.201915 0.241432 0.214813 0.223289 0.269481 0.212682 0.259458 0.173894 0.023141 98.0 0.018748 196.0 2.0 0.148359 0.260224 0.506311 [ 0 0 1 1 0 0 ] +0.056275 0.092874 0.075021 -80.622657 8.23293 -0.692031 0.874383 0.663469 0.674083 -0.233123 0.258245 0.122511 0.472383 0.191787 0.225384 -0.034213 0.018743 0.035549 0.029811 3.27764 0.983451 0.820557 0.542237 0.514554 0.46776 0.471469 0.480915 0.497345 0.501448 0.478963 0.507091 0.614969 0.023338 0.034504 0.007448 4.518968 0.950232 1.263575 0.49814 0.46786 0.334202 0.395479 0.46345 0.664876 0.793763 0.80355 0.985174 1.19476 0.025464 0.052783 0.029969 4.667083 0.390042 0.393405 0.146904 0.133725 0.113286 0.121611 0.144563 0.23569 0.261603 0.213441 0.182592 0.308108 0.049236 70.0 0.006377 140.0 2.0 0.243226 0.121033 0.532716 [ 0 0 1 1 1 0 ] +0.044015 0.196004 0.096291 -71.596549 3.903303 0.732814 2.320437 0.233382 0.856867 0.706432 0.621156 0.63897 0.638352 0.478292 0.369548 0.423255 0.048739 0.276193 0.04539 7.486235 1.511281 1.136737 1.125205 0.800896 0.662922 0.569905 0.617624 0.558401 0.579053 0.532094 0.498338 0.449272 0.015177 0.06768 0.007884 3.27469 0.454751 0.471634 0.692335 0.297904 0.349901 0.223826 0.270971 0.185313 0.245512 0.184039 0.236957 0.163336 0.02482 0.095099 0.029076 4.142263 0.323716 0.201616 0.284388 0.164096 0.090465 0.104678 0.135387 0.104294 0.092937 0.106827 0.106206 0.089593 0.176315 52.0 0.052308 104.0 2.0 0.492143 0.112873 0.605015 [ 0 1 1 0 0 0 ] +0.044402 0.145377 0.09992 -69.987784 3.543712 1.379672 2.389362 0.269862 0.805039 0.755138 0.316651 0.40227 0.430276 0.816821 0.526142 0.953062 0.044398 0.2122 0.044287 6.78332 1.773556 1.809665 1.491016 1.174394 0.768333 0.648247 0.721172 0.630008 0.573737 0.599154 0.580237 0.55501 0.015836 0.057986 0.007131 2.584146 0.586468 0.714278 0.528209 0.347304 0.347751 0.22996 0.24937 0.204347 0.140774 0.287469 0.253667 0.201168 0.027646 0.074001 0.028096 3.448042 0.264327 0.344384 0.311037 0.218692 0.152409 0.127613 0.121426 0.093004 0.092308 0.115806 0.130425 0.095283 0.245453 64.0 0.167469 192.0 3.0 0.383382 0.026848 0.627129 [ 0 0 0 0 0 1 ] +0.042943 0.089891 0.082104 -64.930505 4.216827 0.973715 2.171778 1.012734 0.837412 0.610048 0.846855 0.73412 0.822281 0.530405 0.534083 0.553075 0.03054 0.095716 0.03148 3.600113 1.10802 0.997147 0.85902 0.643902 0.601757 0.539407 0.528642 0.537053 0.480882 0.46854 0.489675 0.489175 0.016116 0.040822 0.008709 1.981558 0.727572 0.719123 0.406211 0.321717 0.41566 0.317895 0.306676 0.318355 0.202849 0.238704 0.243921 0.290746 0.027216 0.057685 0.029725 3.711418 0.262493 0.219971 0.18731 0.12749 0.110128 0.087099 0.094754 0.105754 0.067477 0.096201 0.09912 0.122252 0.027881 81.0 0.008195 162.0 2.0 0.173147 0.080949 0.300966 [ 0 1 0 0 0 0 ] +0.087409 0.169013 0.085957 -62.559142 6.062843 -0.698581 2.449553 -0.888578 1.206782 -0.131385 0.708201 0.169997 0.610305 0.33026 0.655441 0.106293 0.036422 0.074776 0.034336 4.308198 1.410558 0.720717 0.49464 0.514674 0.512614 0.526116 0.491947 0.59304 0.589503 0.592073 0.565433 0.538614 0.025165 0.047613 0.008311 2.266072 0.848537 0.470984 0.20672 0.235533 0.231297 0.328153 0.331412 0.389206 0.373267 0.357156 0.292777 0.250464 0.025209 0.0461 0.029498 3.359914 0.364097 0.15096 0.115363 0.108487 0.091677 0.171756 0.15158 0.178959 0.27634 0.217254 0.181294 0.167288 0.138957 98.0 0.401915 196.0 2.0 0.501382 0.718869 2.020381 [ 0 1 0 0 0 0 ] +0.06759 0.127129 0.083379 -66.589678 5.617275 -0.119941 1.301573 0.269323 1.088742 0.13413 0.340665 0.049857 0.85012 0.569267 0.237025 0.63521 0.022849 0.061399 0.030443 4.321715 0.901471 0.969084 0.862534 0.576356 0.541378 0.577281 0.497707 0.521199 0.496831 0.510679 0.480496 0.484112 0.021717 0.039373 0.007636 2.972106 0.638631 0.754165 0.644811 0.324977 0.338792 0.344422 0.281195 0.445777 0.311494 0.315709 0.36532 0.226617 0.024235 0.051947 0.030011 3.582107 0.405608 0.303351 0.181449 0.14811 0.120384 0.114428 0.083906 0.114586 0.136055 0.121424 0.096668 0.102146 0.392754 61.0 0.650598 122.0 2.0 0.954706 0.721103 1.675809 [ 0 1 1 0 0 0 ] +0.082098 0.253042 0.093008 -68.079672 3.409922 1.037092 1.873835 0.559923 1.046746 1.109391 0.435597 0.703013 0.366551 0.525264 0.205073 0.482349 0.081705 0.273293 0.040677 6.557851 1.505717 1.47294 1.312795 0.971774 0.658598 0.647608 0.619293 0.590822 0.543226 0.515462 0.547322 0.467556 0.039365 0.084325 0.006251 2.771392 0.518046 0.654162 0.727736 0.28053 0.266875 0.285752 0.229221 0.236165 0.178811 0.156225 0.239265 0.198216 0.045148 0.072638 0.028824 3.426048 0.296588 0.303202 0.365933 0.169707 0.116466 0.111267 0.139361 0.105886 0.094575 0.067107 0.095769 0.076847 0.307704 93.0 0.380172 186.0 2.0 0.229981 0.53399 1.370934 [ 0 0 0 0 0 1 ] +0.101152 0.194954 0.089186 -61.326083 5.182018 -0.486017 2.232851 -0.630858 1.327064 -0.138516 0.643784 -0.196176 0.517032 0.502345 0.662207 0.073538 0.03976 0.078232 0.036305 4.19159 1.385401 0.89416 0.520846 0.51146 0.492363 0.483637 0.478877 0.538727 0.54772 0.532826 0.548702 0.497445 0.029835 0.050765 0.008618 2.027742 0.86747 0.628413 0.293177 0.217028 0.236915 0.296984 0.309312 0.381229 0.302543 0.289539 0.30207 0.2397 0.024086 0.045523 0.028798 3.588435 0.390855 0.260377 0.177053 0.100989 0.099802 0.105148 0.093052 0.152058 0.159107 0.143853 0.119025 0.121031 0.19122 102.0 0.0 204.0 2.0 0.362974 0.644777 1.058811 [ 1 1 0 0 0 0 ] +0.117655 0.286092 0.088968 -69.529933 2.77786 1.108064 2.133964 0.360749 0.875407 0.612881 0.446672 0.337829 0.432782 0.680783 0.467285 0.466515 0.103165 0.242632 0.035633 4.939884 1.480567 1.242143 1.22686 0.872229 0.713376 0.601742 0.65901 0.600819 0.592354 0.593421 0.566736 0.527417 0.03606 0.073332 0.008 2.483123 1.195302 0.842548 0.840299 0.396551 0.371501 0.455977 0.294286 0.299079 0.397887 0.359372 0.416104 0.338372 0.038648 0.077533 0.029523 4.084574 0.385114 0.312184 0.336656 0.201783 0.126348 0.156182 0.127949 0.134582 0.119417 0.134104 0.122614 0.119617 0.081191 64.0 0.119623 192.0 3.0 0.115659 0.023445 0.379782 [ 1 0 0 0 0 1 ] +0.063687 0.321969 0.090888 -67.911479 3.671054 0.237554 0.882511 0.957121 0.456161 0.476664 0.346609 0.530742 0.286153 0.544606 0.44082 0.504539 0.062418 0.345383 0.041442 3.828056 1.379414 1.171596 0.798898 0.66802 0.49635 0.460782 0.40812 0.441708 0.384024 0.378309 0.353548 0.337385 0.020646 0.082937 0.007528 1.948304 0.322946 0.381336 0.293251 0.248672 0.098536 0.128495 0.09512 0.118 0.097553 0.091999 0.074538 0.064665 0.02535 0.035166 0.028576 3.703045 0.206484 0.152187 0.211178 0.109529 0.063697 0.055208 0.069498 0.059665 0.054951 0.04072 0.045233 0.03874 0.887297 68.0 1.097963 136.0 2.0 0.933449 1.143336 2.125582 [ 1 0 0 0 0 1 ] +0.030032 0.090982 0.092056 -70.494798 4.143302 0.66842 1.759203 1.255837 1.224818 0.819318 1.100223 0.379829 0.588831 0.658653 0.775288 0.349783 0.017293 0.122017 0.037086 4.014559 1.08053 1.065932 0.742734 0.679747 0.597137 0.624712 0.537798 0.540273 0.545823 0.552793 0.482402 0.507311 0.024735 0.079958 0.008536 3.269353 0.798914 0.750758 0.360019 0.383739 0.271742 0.386226 0.471542 0.234784 0.273643 0.557735 0.449563 0.381885 0.028715 0.105015 0.029186 3.941964 0.28595 0.277345 0.14562 0.084546 0.098207 0.090184 0.116553 0.11118 0.154012 0.137385 0.102253 0.073783 0.028957 113.0 0.0 226.0 2.0 0.045193 0.13845 0.365182 [ 1 1 0 0 0 0 ] +0.094415 0.181125 0.08179 -61.522838 6.497762 -1.576098 2.507832 -1.143864 1.40981 -0.444623 0.48483 0.091651 0.546509 0.588521 0.388518 0.161949 0.032423 0.068094 0.03121 3.486957 1.243421 0.663524 0.534547 0.540738 0.495558 0.451211 0.470582 0.471366 0.468401 0.473814 0.464222 0.450208 0.025594 0.052414 0.008781 3.046283 1.053671 0.510889 0.289932 0.330541 0.262076 0.181738 0.217678 0.272012 0.231637 0.232104 0.302382 0.207836 0.02244 0.042365 0.029867 3.579434 0.364476 0.207414 0.130656 0.155182 0.105503 0.097281 0.085327 0.107676 0.125021 0.130571 0.125772 0.114191 0.089472 65.0 0.130999 130.0 2.0 0.474851 0.472593 1.147177 [ 0 1 0 0 0 0 ] +0.076463 0.148346 0.079838 -75.233313 5.64836 -0.446476 1.591212 0.749844 0.684041 0.327556 0.721937 0.114077 0.093199 0.506105 0.415376 0.06297 0.028361 0.046322 0.028568 3.796826 0.789626 0.625159 0.57693 0.550289 0.530784 0.547901 0.587851 0.65603 0.671904 0.659361 0.553465 0.513892 0.024671 0.036516 0.007629 6.228321 0.929613 0.524307 0.423198 0.512323 0.531419 0.342379 0.655069 0.551462 0.628548 0.424792 0.451431 0.281282 0.023957 0.04855 0.03031 4.305796 0.353924 0.151321 0.322687 0.121177 0.133866 0.125479 0.152571 0.200646 0.165828 0.185449 0.118295 0.109605 0.264589 71.0 0.501063 142.0 2.0 0.832056 0.335056 1.535123 [ 1 1 1 0 0 0 ] +0.025845 0.044439 0.085597 -81.513137 7.532216 1.728323 2.062261 0.818468 1.509704 1.180482 0.351759 -0.13746 0.410936 0.547102 0.527002 0.543813 0.013295 0.038237 0.034615 3.940755 1.51838 0.774707 0.681242 0.540843 0.49247 0.457191 0.456497 0.504375 0.494005 0.466574 0.401446 0.407048 0.015364 0.036341 0.007658 3.509157 0.975207 0.749297 0.447232 0.319117 0.221052 0.204591 0.182264 0.254865 0.255554 0.208902 0.194135 0.174657 0.02845 0.069024 0.029069 4.585165 0.43864 0.224965 0.205851 0.134847 0.116594 0.097116 0.092242 0.08297 0.092467 0.076875 0.073859 0.071187 0.04324 83.0 0.00448 166.0 2.0 0.176258 0.120847 0.303263 [ 0 0 0 1 0 0 ] +0.065648 0.149858 0.081819 -74.834006 6.943583 -0.010194 1.044671 0.34045 0.96935 0.179618 0.314524 0.508506 0.783372 0.788498 0.521527 0.166938 0.022971 0.077117 0.030199 4.848683 1.332616 0.640545 0.645065 0.551618 0.480412 0.506718 0.463621 0.488588 0.45369 0.44986 0.469175 0.493053 0.026514 0.13411 0.008074 8.185118 1.604743 0.934557 0.887117 0.604295 0.45435 0.519386 0.377964 0.30678 0.414947 0.322578 0.316484 0.531589 0.028346 0.104181 0.029894 5.016492 0.737244 0.250026 0.245395 0.157019 0.113215 0.133772 0.123788 0.110443 0.091582 0.107531 0.13732 0.172642 0.013107 60.0 0.0 120.0 2.0 0.090483 0.013865 0.136975 [ 0 0 1 1 1 0 ] +0.088138 0.197506 0.078841 -69.900328 3.437483 1.928266 1.268465 1.05728 0.999951 0.300833 0.464292 0.105037 0.306042 0.470374 0.374672 0.772817 0.052303 0.150791 0.030439 4.86227 1.317935 0.941162 0.575273 0.557628 0.48706 0.532617 0.493138 0.524975 0.567153 0.527458 0.518964 0.553643 0.030612 0.06465 0.008281 3.927045 0.740189 0.662779 0.477036 0.337806 0.189251 0.285555 0.390012 0.296624 0.260328 0.227581 0.34855 0.387632 0.031809 0.051141 0.02986 3.854487 0.472392 0.228599 0.125443 0.121333 0.134459 0.131879 0.153283 0.147626 0.267301 0.225283 0.231552 0.244202 0.044031 96.0 0.128552 192.0 2.0 0.177561 0.190592 0.788581 [ 1 1 1 0 0 0 ] +0.056327 0.128398 0.083605 -79.023779 3.755352 1.18795 1.845302 0.381305 0.949525 0.305954 0.789052 0.36356 0.745271 0.448443 0.528932 0.370031 0.036949 0.124873 0.035094 5.062303 1.283779 0.850849 0.632884 0.547141 0.506552 0.49464 0.46628 0.526607 0.472039 0.473575 0.455462 0.44823 0.030209 0.069394 0.008266 7.739523 1.734248 0.81925 0.641066 0.506564 0.483765 0.416535 0.375498 0.44224 0.38732 0.240494 0.406604 0.51514 0.02704 0.070566 0.029405 4.082853 0.463896 0.265254 0.181733 0.142032 0.123029 0.129299 0.129357 0.181341 0.112263 0.149979 0.115987 0.137899 0.229081 93.0 0.376374 186.0 2.0 0.433887 0.642062 1.969303 [ 0 1 0 1 0 0 ] +0.060739 0.1293 0.087986 -74.969455 5.062343 0.580027 1.731031 1.385309 1.168587 0.455177 0.539098 0.341326 0.517675 0.421675 0.169375 0.352368 0.048262 0.147242 0.038283 5.912524 1.360063 1.148077 1.084203 0.909545 0.768329 0.634873 0.617377 0.611695 0.561118 0.535177 0.548692 0.489496 0.021591 0.056081 0.008054 3.238341 0.87753 0.939912 0.593995 0.581137 0.478538 0.384212 0.260214 0.292438 0.273381 0.283543 0.291431 0.34146 0.032443 0.088873 0.028943 4.459082 0.362707 0.330052 0.287921 0.286853 0.19345 0.173173 0.138246 0.129087 0.109466 0.117652 0.108764 0.118507 0.170582 68.0 0.318896 136.0 2.0 0.243537 0.44028 0.837133 [ 0 0 1 0 1 0 ] +0.08743 0.198217 0.08378 -66.814318 4.156705 0.139362 2.162984 0.194602 0.601529 0.745742 0.553496 0.479414 0.189455 0.820451 0.268396 0.561142 0.058744 0.148019 0.032117 4.470469 1.184446 1.063968 1.198607 0.984225 0.641336 0.62333 0.673314 0.598872 0.60454 0.564711 0.494275 0.471447 0.025337 0.050619 0.008334 2.471782 0.7463 0.664022 0.650742 0.328744 0.202757 0.268179 0.224436 0.260419 0.19852 0.262739 0.203785 0.182269 0.025538 0.055436 0.030092 3.807419 0.323423 0.371309 0.30173 0.229559 0.133584 0.144763 0.133276 0.124434 0.133209 0.092856 0.083776 0.081895 0.027148 91.0 0.0 182.0 2.0 0.034356 0.052557 0.086912 [ 1 0 0 0 0 1 ] +0.07596 0.151514 0.084973 -65.652655 6.439446 -0.219036 2.457407 -0.974673 1.451624 0.161152 0.844715 0.321914 0.253671 0.396539 0.407072 0.173934 0.028848 0.066949 0.032946 4.417115 1.311235 0.731483 0.587597 0.54348 0.514598 0.505078 0.504843 0.48117 0.515459 0.490911 0.539276 0.508066 0.035931 0.082087 0.010016 4.507241 1.537186 0.93672 0.463692 0.339662 0.426678 0.314852 0.349797 0.240461 0.344604 0.237889 0.312605 0.372894 0.024531 0.050079 0.029701 3.461539 0.454188 0.229179 0.142973 0.118219 0.116121 0.145984 0.119732 0.115446 0.147884 0.161294 0.192024 0.129702 0.12264 98.0 0.131235 196.0 2.0 0.258262 0.525293 1.270975 [ 1 1 0 0 0 0 ] +0.062204 0.406795 0.090596 -68.010776 2.479678 0.862759 1.21513 1.006269 0.762947 0.891916 0.793176 0.609704 0.919689 0.243383 0.495579 0.567067 0.058774 0.36012 0.045326 6.697583 2.288745 1.204083 1.168415 0.817818 0.699191 0.653814 0.523133 0.490401 0.46588 0.422057 0.437463 0.435655 0.026136 0.08239 0.010179 3.274111 1.23477 0.523685 0.352555 0.506014 0.379624 0.443376 0.284142 0.290486 0.39866 0.322069 0.219838 0.125882 0.029597 0.056364 0.028891 3.794838 0.673134 0.210361 0.173588 0.275979 0.118346 0.125381 0.096184 0.11904 0.148162 0.112789 0.073256 0.055668 0.854788 68.0 1.012895 136.0 2.0 0.984175 1.138471 2.209343 [ 1 0 0 0 0 1 ] +0.083062 0.165402 0.078781 -72.817778 5.540213 -0.339473 1.635316 -0.168666 0.4405 0.22359 0.433255 -0.06331 0.06959 0.590926 0.398708 0.456327 0.023499 0.055146 0.028025 2.959977 0.801025 0.547719 0.512978 0.51878 0.494685 0.519116 0.509738 0.520861 0.502061 0.501035 0.483078 0.491026 0.015371 0.041175 0.007353 6.521924 0.99481 0.280438 0.246496 0.479583 0.380575 0.60172 0.299199 0.360895 0.399662 0.410115 0.313188 0.396585 0.025635 0.053908 0.030532 4.077714 0.395767 0.114571 0.099389 0.084783 0.093173 0.10696 0.087819 0.12948 0.100091 0.109801 0.115897 0.119276 0.20329 73.0 0.310942 146.0 2.0 0.707768 0.115707 1.456166 [ 1 1 0 0 0 0 ] +0.080528 0.317089 0.094164 -69.288095 3.446958 0.934322 1.799942 1.010856 0.424629 0.658505 0.221415 0.228689 0.465246 0.479452 0.511325 0.387174 0.071107 0.309238 0.039064 6.679711 1.79865 1.327808 1.158609 0.890798 0.762606 0.721064 0.629865 0.616483 0.589766 0.575757 0.562449 0.53706 0.040908 0.094525 0.0088 3.136853 0.949726 0.526413 0.705738 0.357418 0.27775 0.246275 0.264308 0.268204 0.278856 0.193922 0.210053 0.22303 0.034821 0.071778 0.029198 3.781024 0.457587 0.323212 0.284068 0.209683 0.12195 0.144476 0.131827 0.136359 0.098991 0.11364 0.105754 0.082519 0.050186 60.0 0.002496 180.0 3.0 0.096016 0.242964 0.409412 [ 0 0 0 0 0 1 ] +0.070396 0.192404 0.077355 -62.608118 3.293328 0.676273 1.497437 0.47883 0.791883 0.322845 0.539119 0.163478 0.399995 0.651886 0.225014 0.10638 0.040848 0.117438 0.027995 2.097742 0.708372 0.579898 0.486643 0.437812 0.456647 0.450459 0.40436 0.392145 0.404439 0.401278 0.379414 0.393778 0.021249 0.050796 0.00854 1.325873 0.35683 0.286149 0.16504 0.139331 0.206879 0.123639 0.123996 0.137047 0.113423 0.126857 0.177515 0.187056 0.031734 0.052863 0.030494 3.932064 0.228072 0.24033 0.139594 0.103619 0.086617 0.072978 0.068227 0.062266 0.048267 0.056354 0.061241 0.059628 0.056577 59.0 0.073465 118.0 2.0 0.283517 0.193049 0.511977 [ 1 0 0 0 0 1 ] +0.061193 0.120232 0.082624 -76.425242 6.394551 0.127928 1.608918 0.351278 0.809394 0.321407 0.375334 0.360354 0.301134 0.366109 0.47991 0.332414 0.022058 0.059051 0.028187 4.155532 1.042446 0.525733 0.536057 0.489288 0.481501 0.485177 0.495796 0.496475 0.514373 0.49856 0.498386 0.465938 0.014441 0.0321 0.007679 5.956096 0.722048 0.27643 0.361809 0.209443 0.196859 0.171231 0.264647 0.325618 0.346118 0.316817 0.286389 0.229565 0.025504 0.053933 0.030355 5.014878 0.383659 0.089842 0.106453 0.088523 0.070139 0.08645 0.084591 0.083034 0.131262 0.112683 0.098737 0.078107 0.070842 52.0 0.309233 104.0 2.0 0.197279 0.555377 0.901268 [ 1 1 0 0 0 0 ] +0.087765 0.274206 0.100123 -67.646673 3.609111 1.433862 1.644011 0.726705 0.536477 0.593034 0.519752 0.588739 0.340466 0.266626 0.626344 0.33682 0.08679 0.284973 0.04277 5.76642 1.832427 1.158965 1.0409 0.93781 0.695031 0.686771 0.694492 0.649935 0.639076 0.557712 0.663274 0.603851 0.02696 0.068964 0.006994 1.849311 0.644037 0.466713 0.523801 0.467297 0.309639 0.403628 0.358444 0.353489 0.244603 0.301181 0.372723 0.331047 0.031428 0.041626 0.028233 3.616917 0.307567 0.186371 0.218768 0.236323 0.126335 0.122665 0.103805 0.12191 0.125051 0.102866 0.107881 0.102895 0.248069 64.0 0.31704 128.0 2.0 0.300453 0.703932 1.267649 [ 1 0 0 0 0 1 ] +0.088839 0.225054 0.07584 -58.104323 2.874366 -0.901856 1.75933 0.490519 0.634284 0.705378 0.896481 0.642332 0.760679 0.424014 0.236626 0.380642 0.033494 0.070127 0.027283 1.913254 0.600333 0.53502 0.476693 0.41811 0.407411 0.403012 0.409473 0.408185 0.392865 0.399911 0.371192 0.371986 0.028104 0.062532 0.009511 1.590216 0.525206 0.300719 0.360067 0.286957 0.223191 0.236066 0.202517 0.228181 0.151486 0.175595 0.233227 0.20432 0.025109 0.053439 0.030871 3.782656 0.295276 0.19634 0.132049 0.121591 0.064389 0.065687 0.066034 0.065126 0.08329 0.080154 0.063861 0.059652 0.016655 52.0 0.019532 156.0 3.0 0.097802 0.016407 0.152534 [ 1 0 0 0 0 1 ] +0.069253 0.119054 0.080029 -90.497841 7.643956 -1.0054 1.878956 -0.058011 0.633001 0.534665 0.732778 0.149892 0.212841 0.177396 0.338826 0.482916 0.019797 0.045531 0.028986 3.747727 0.964631 0.580398 0.568005 0.521645 0.515303 0.495106 0.564141 0.580286 0.576808 0.574617 0.526804 0.51686 0.019346 0.039514 0.007767 6.148415 1.287833 0.924141 0.881956 0.491527 0.507412 0.40242 0.356736 0.430538 0.491168 0.504619 0.403392 0.449055 0.024162 0.050679 0.03064 4.937768 0.449031 0.139478 0.13907 0.103918 0.10852 0.096795 0.116277 0.127312 0.172938 0.136158 0.157737 0.116556 0.029769 59.0 0.031434 118.0 2.0 0.189411 0.216223 0.458161 [ 0 1 1 1 0 0 ] +0.107099 0.28064 0.078306 -61.925089 2.976223 0.331022 2.078355 0.347609 0.818205 0.626897 0.484188 0.469591 0.560671 0.630376 0.442181 0.453978 0.047844 0.126032 0.028642 2.246106 0.860667 0.703315 0.671189 0.55159 0.481168 0.449305 0.455958 0.434443 0.439804 0.425348 0.43827 0.423549 0.025208 0.057946 0.007385 2.047695 0.836565 0.345035 0.1949 0.248049 0.135831 0.198742 0.205311 0.149131 0.142473 0.146997 0.128659 0.169636 0.023426 0.054068 0.030571 5.00349 0.423976 0.172876 0.18898 0.15566 0.069571 0.061544 0.080164 0.065089 0.055723 0.062686 0.074664 0.080115 0.124569 68.0 0.155643 136.0 2.0 0.246001 0.367362 0.641715 [ 1 0 0 0 0 1 ] +0.067249 0.131106 0.090906 -70.952777 5.744316 -0.734808 2.660737 0.201494 1.611879 0.462286 0.601458 0.440371 0.484533 0.498538 0.632537 0.54049 0.052845 0.11281 0.039041 6.59408 1.864148 1.445441 0.922879 0.778046 0.725775 0.598032 0.641078 0.557015 0.552506 0.568412 0.546638 0.452438 0.022172 0.048417 0.007475 2.749834 0.872434 0.850931 0.510073 0.33 0.28431 0.280475 0.241486 0.235671 0.218118 0.225492 0.206952 0.20857 0.027307 0.050171 0.028839 3.492369 0.393638 0.301003 0.246944 0.156911 0.147785 0.111852 0.112461 0.093297 0.082479 0.136698 0.115729 0.077668 0.03432 69.0 0.238511 138.0 2.0 0.254141 0.52625 0.804229 [ 0 0 1 0 1 0 ] +0.095184 0.21719 0.088659 -72.685864 2.899518 0.335787 1.822076 0.685562 1.306855 0.85598 0.639625 0.448057 0.677366 0.367113 0.714128 0.54465 0.065406 0.153377 0.037101 5.828348 1.604587 1.239596 1.08318 0.769424 0.712683 0.646344 0.603189 0.55027 0.496149 0.521631 0.523693 0.523313 0.02944 0.053494 0.008738 3.901735 0.597727 0.667267 0.698556 0.408507 0.390272 0.304414 0.407793 0.328669 0.235108 0.330689 0.32238 0.304919 0.027687 0.065541 0.029456 3.996034 0.344037 0.268851 0.231411 0.207053 0.140076 0.129548 0.124097 0.121253 0.084632 0.108659 0.103059 0.163966 0.097512 79.0 0.002987 158.0 2.0 0.308555 0.138496 0.482288 [ 0 0 1 1 0 0 ] +0.088787 0.215714 0.079709 -59.848304 4.20595 -0.425835 1.963631 0.373195 0.647817 0.654278 0.386228 0.563532 0.453586 0.54406 0.219699 0.431823 0.039858 0.105705 0.030554 2.326055 0.967843 0.791002 0.690953 0.587786 0.471201 0.48956 0.479358 0.435101 0.477638 0.424227 0.392202 0.393386 0.022654 0.051024 0.007803 3.784107 0.71644 0.560258 0.443119 0.515966 0.192613 0.224382 0.361104 0.302185 0.220837 0.184565 0.182713 0.170204 0.025991 0.058444 0.030317 3.961885 0.42906 0.371374 0.228562 0.18405 0.106672 0.104061 0.088304 0.071451 0.099522 0.071788 0.071536 0.072918 0.257491 71.0 0.0 142.0 2.0 0.363664 0.239097 0.732217 [ 0 0 0 0 1 1 ] +0.069188 0.141212 0.080482 -81.890632 5.922588 0.059111 1.733528 0.387359 0.703545 0.276511 0.196735 0.234438 0.471712 0.790521 0.826159 0.46091 0.027314 0.072242 0.028452 3.917048 1.051344 0.592016 0.573538 0.535257 0.510876 0.51274 0.546532 0.535384 0.582389 0.556223 0.501487 0.517648 0.026123 0.053368 0.007066 11.86664 1.349439 0.537414 0.525924 0.455092 0.294832 0.339962 0.360962 0.287342 0.686079 0.752832 0.318054 0.369442 0.023749 0.059866 0.030607 5.611618 0.384794 0.234278 0.127568 0.125496 0.082241 0.084139 0.094192 0.106986 0.185253 0.184039 0.123219 0.108024 0.065947 78.0 0.129751 156.0 2.0 0.400041 0.192604 1.029436 [ 0 1 1 0 0 0 ] +0.060222 0.116507 0.082673 -84.036649 7.405555 -0.374233 2.182249 0.185505 0.236462 0.664883 0.481443 -0.259392 0.780738 0.370044 0.71728 0.240632 0.021688 0.059653 0.030551 3.563936 1.05358 0.793174 0.677939 0.856047 0.545917 0.593906 0.63434 0.697306 0.672133 0.624222 0.630495 0.553096 0.01741 0.03946 0.007215 6.522618 0.713703 0.875833 0.76465 1.025277 0.557243 0.585119 0.552262 0.596021 0.480703 0.629667 0.337251 0.349813 0.02596 0.054143 0.030022 4.984076 0.458144 0.367873 0.171423 0.279726 0.115814 0.146401 0.176019 0.21916 0.223807 0.216433 0.182148 0.167442 0.035972 70.0 0.02753 140.0 2.0 0.245924 0.228186 0.516097 [ 0 0 1 1 0 0 ] +0.123501 0.401454 0.095655 -72.222435 1.674647 1.926399 1.754007 0.656835 0.163361 0.652454 0.338224 0.678089 0.787441 0.390784 0.740498 0.421589 0.108038 0.293053 0.038858 6.738179 1.474657 1.38588 1.068882 0.943015 0.819419 0.72173 0.770836 0.680024 0.599194 0.563249 0.565459 0.529494 0.038792 0.07605 0.009327 1.79069 0.678067 0.634539 0.466144 0.449402 0.437496 0.254605 0.253165 0.230265 0.22791 0.185179 0.196945 0.203403 0.035974 0.047379 0.029307 4.31424 0.35431 0.27397 0.226247 0.185899 0.166741 0.127768 0.175295 0.130168 0.110394 0.080028 0.072721 0.0776 0.300249 56.0 0.0 112.0 2.0 0.596183 0.087094 0.683277 [ 0 0 0 0 0 1 ] +0.049583 0.100327 0.077246 -67.125881 6.149131 0.394965 1.59271 0.344112 0.594253 0.344155 0.318134 0.377326 0.81106 0.496563 0.607965 0.388735 0.025646 0.06321 0.030959 2.61419 1.017955 0.681919 0.643498 0.550211 0.50458 0.518707 0.549276 0.450892 0.481501 0.439679 0.421872 0.433188 0.031581 0.055581 0.008705 1.773169 0.77629 0.668942 0.437187 0.432897 0.334423 0.252598 0.349621 0.189792 0.29107 0.241543 0.240127 0.258819 0.036683 0.068092 0.030049 4.387586 0.470417 0.203062 0.175963 0.135948 0.102771 0.100713 0.133487 0.087109 0.123747 0.065249 0.089755 0.092751 0.017965 59.0 0.042908 177.0 3.0 0.089795 0.074793 0.281784 [ 0 0 1 1 1 0 ] +0.061391 0.134275 0.085648 -69.242042 5.150191 -0.069048 2.347214 0.412375 1.037049 0.54283 0.177131 0.21078 0.065576 0.487764 0.486214 0.237385 0.032399 0.096413 0.033536 5.580556 1.357981 1.013768 0.591698 0.533787 0.469012 0.541336 0.493336 0.465859 0.547783 0.588929 0.663853 0.796306 0.017772 0.045654 0.010508 2.741043 1.193196 0.471212 0.288467 0.223847 0.161557 0.212323 0.20161 0.201858 0.321674 0.309134 0.517713 0.443998 0.024797 0.071194 0.029435 3.940724 0.380231 0.186969 0.138988 0.121715 0.090606 0.124704 0.105213 0.075691 0.166615 0.151708 0.195369 0.338841 0.117852 55.0 0.063477 110.0 2.0 0.384546 0.228637 0.719398 [ 1 0 0 0 0 0 ] +0.055213 0.116635 0.080455 -86.673386 7.960911 -0.715599 1.950402 0.530382 0.994811 0.267363 0.35649 0.222167 0.393635 0.486893 0.257557 0.32044 0.021623 0.059771 0.028188 4.77307 1.009717 0.658136 0.571381 0.559096 0.5203 0.518171 0.511034 0.527325 0.549068 0.539377 0.522477 0.523713 0.018429 0.055165 0.006901 6.996122 1.037777 0.620221 0.361604 0.362743 0.250389 0.293793 0.33349 0.388326 0.490969 0.468851 0.423472 0.404191 0.026869 0.090921 0.030482 5.54495 0.429218 0.151569 0.111899 0.094249 0.079223 0.082549 0.095409 0.118131 0.140383 0.11767 0.119923 0.138878 0.07729 90.0 0.022053 180.0 2.0 0.422185 0.204597 1.035329 [ 0 1 1 0 0 0 ] +0.025178 0.040881 0.083775 -88.839521 8.425163 0.931557 2.338371 1.355539 1.21318 1.484489 0.48905 0.564805 0.562931 0.380056 0.582891 0.453757 0.013081 0.033916 0.03583 5.588062 1.375307 1.215961 0.535758 0.458777 0.441596 0.507368 0.475813 0.41926 0.463768 0.441477 0.451614 0.450745 0.015351 0.032732 0.007583 4.150609 0.710332 0.823931 0.280703 0.284354 0.303584 0.371133 0.269649 0.207649 0.298454 0.396803 0.525175 0.523906 0.027741 0.060033 0.029192 4.899511 0.411608 0.385152 0.136556 0.114659 0.100765 0.152689 0.106381 0.070898 0.125333 0.117309 0.130188 0.186842 0.017993 75.0 0.040321 150.0 2.0 0.225656 0.035966 0.325945 [ 0 0 1 1 1 0 ] +0.071795 0.203943 0.077136 -57.596584 3.481716 -1.073121 1.659106 0.688304 0.536986 0.498744 0.70866 0.818645 0.773926 0.558248 0.503124 0.471134 0.02954 0.073379 0.029215 1.961508 0.727251 0.57066 0.508865 0.473168 0.456318 0.422578 0.384971 0.40515 0.411622 0.395196 0.392188 0.382273 0.017787 0.054622 0.007375 1.818027 1.120973 0.968645 0.382977 0.16094 0.375837 0.141849 0.128195 0.180056 0.120912 0.144662 0.152104 0.173125 0.025246 0.054623 0.03011 4.591253 0.416575 0.183887 0.127132 0.094927 0.100145 0.068092 0.05226 0.062423 0.075799 0.061818 0.066894 0.077164 0.015957 73.0 0.080307 146.0 2.0 0.081248 0.038351 0.233896 [ 1 0 0 0 0 1 ] +0.06601 0.18472 0.079325 -60.655224 3.316404 0.223312 1.636299 0.535408 0.87401 0.408831 0.372395 0.15087 0.239316 0.820565 0.293231 0.248382 0.036021 0.107545 0.029344 2.045311 0.751741 0.624148 0.571479 0.512309 0.453485 0.486141 0.492196 0.44837 0.414617 0.407606 0.39531 0.390377 0.016961 0.040053 0.006583 2.11613 0.408263 0.400072 0.399772 0.352471 0.177206 0.187447 0.259395 0.212669 0.139032 0.220335 0.148637 0.219511 0.024981 0.044845 0.030519 3.406312 0.238031 0.154345 0.158835 0.113686 0.058145 0.073837 0.101806 0.07895 0.069696 0.048616 0.064886 0.08675 0.137433 57.0 0.055595 114.0 2.0 0.283897 0.061588 0.350586 [ 1 0 0 0 0 1 ] +0.047503 0.145555 0.095837 -75.230013 4.99808 1.759859 1.950205 0.796444 1.114771 0.336125 0.624207 0.648349 0.517447 0.519779 0.139515 0.500553 0.043587 0.206097 0.051038 7.327721 1.965157 1.697964 0.9303 0.804242 0.662915 0.615863 0.580876 0.547895 0.552668 0.515505 0.534945 0.480656 0.023938 0.061503 0.007988 5.264222 1.083894 0.775131 0.463581 0.394104 0.360393 0.382061 0.228064 0.277824 0.323888 0.20882 0.243864 0.211467 0.031722 0.082112 0.027935 3.530137 0.464898 0.355813 0.198106 0.15628 0.165665 0.128933 0.125199 0.139942 0.134119 0.102088 0.105071 0.085731 0.331718 74.0 0.161385 148.0 2.0 0.391272 0.16082 0.979139 [ 0 0 1 0 1 0 ] +0.023838 0.241389 0.095344 -80.125121 7.377233 2.875877 1.695195 1.749075 1.144213 0.605926 0.493163 0.654328 0.91518 0.697959 0.397521 0.135884 0.024109 0.376431 0.047724 5.714848 1.963056 1.353338 0.83979 0.724208 0.654747 0.520896 0.559042 0.397219 0.480741 0.412892 0.41825 0.397364 0.01676 0.084725 0.012161 4.914768 1.850728 0.851918 0.565406 0.432472 0.410584 0.260754 0.414358 0.206572 0.397154 0.185803 0.326557 0.242098 0.034139 0.095002 0.030042 4.022645 0.386899 0.256442 0.217204 0.166797 0.20612 0.121342 0.158497 0.086155 0.139107 0.080535 0.094881 0.087246 0.447291 68.0 0.615716 136.0 2.0 0.595463 0.753737 1.486863 [ 0 0 0 0 0 1 ] +0.072645 0.145349 0.081999 -80.841313 6.161238 -0.581456 1.288635 0.554155 0.490168 0.371087 0.331965 0.171174 0.388748 0.559757 0.402863 0.370168 0.029484 0.069392 0.029402 3.969238 0.993221 0.718797 0.555681 0.556658 0.504822 0.506556 0.575532 0.540177 0.537716 0.536384 0.496675 0.488926 0.020378 0.041379 0.008557 5.665274 0.895339 0.732855 0.471282 0.396329 0.338342 0.317469 0.311047 0.350495 0.449704 0.36803 0.316297 0.351801 0.025831 0.066933 0.030129 4.24473 0.397983 0.255447 0.105424 0.114464 0.087786 0.088298 0.120951 0.1058 0.113401 0.117517 0.075284 0.084661 0.066508 81.0 0.325489 162.0 2.0 0.386019 0.057747 1.077048 [ 1 1 0 0 0 0 ] +0.105331 0.257413 0.079792 -60.586573 2.481469 -0.431781 2.243745 0.272463 0.69565 0.667051 0.46946 0.56056 0.721128 0.32074 0.362654 0.30289 0.056098 0.117308 0.030436 2.322886 0.959799 0.648967 0.63417 0.561489 0.565628 0.489482 0.497658 0.4696 0.472949 0.461765 0.483227 0.449283 0.018269 0.036204 0.006995 1.306144 0.4434 0.280056 0.368588 0.283881 0.394301 0.388008 0.236078 0.199515 0.169576 0.220436 0.227278 0.238763 0.023571 0.050483 0.030343 3.910843 0.29963 0.134619 0.148202 0.099506 0.09546 0.066959 0.099319 0.079349 0.093453 0.067398 0.085834 0.071286 0.64347 71.0 1.286368 142.0 2.0 1.10797 1.13653 2.433262 [ 1 0 0 0 0 1 ] +0.056494 0.121974 0.076265 -72.32874 5.025519 1.30377 2.075306 0.846083 0.774979 0.35152 0.539976 0.697037 0.486604 0.663517 0.453277 0.410097 0.037199 0.110931 0.032135 3.84209 1.274658 0.769083 0.756384 0.511961 0.556606 0.47604 0.491114 0.499873 0.425501 0.432295 0.385927 0.365091 0.02332 0.063263 0.008265 3.392121 0.990627 0.4437 0.595921 0.294426 0.442383 0.27929 0.3107 0.333166 0.270912 0.330482 0.274561 0.197445 0.032927 0.067481 0.030071 3.787686 0.476249 0.265245 0.26665 0.122238 0.141392 0.114982 0.112123 0.142103 0.092812 0.103042 0.080517 0.074316 0.024164 79.0 0.046987 158.0 2.0 0.223948 0.158557 0.527927 [ 0 0 1 1 1 0 ] +0.064766 0.113797 0.07856 -80.609493 7.092002 0.05804 1.663446 0.252287 0.899437 0.44038 0.380123 0.343687 0.310471 0.301398 0.310364 0.162008 0.019694 0.048669 0.028247 3.991759 1.01861 0.548222 0.564487 0.52101 0.496978 0.535886 0.538845 0.550744 0.57098 0.52791 0.527761 0.466651 0.020362 0.047274 0.007077 8.539245 1.350345 0.383014 0.525537 0.243088 0.260626 0.390154 0.39218 0.452233 0.550168 0.482144 0.606528 0.466061 0.025801 0.051708 0.030443 4.541708 0.592742 0.136216 0.154017 0.106321 0.083176 0.089118 0.120558 0.137399 0.191773 0.131472 0.152714 0.099281 0.065668 98.0 0.0 196.0 2.0 0.045134 0.313692 0.413225 [ 0 0 1 1 0 0 ] +0.041792 0.102153 0.091588 -77.119975 8.213196 -0.070745 1.227539 0.978691 0.650065 0.354525 0.269411 0.579261 0.436472 0.62846 0.154168 0.528717 0.024046 0.130567 0.042707 5.397353 1.384767 1.002942 0.979076 0.776545 0.777692 0.67629 0.660497 0.576085 0.559428 0.533309 0.562082 0.544384 0.019274 0.037081 0.007022 3.98007 0.836585 0.800147 0.735032 0.483274 0.505368 0.42843 0.39935 0.29589 0.321807 0.300283 0.433937 0.333791 0.024919 0.089283 0.028742 4.273412 0.428073 0.273382 0.260472 0.177148 0.180851 0.144239 0.153411 0.123621 0.137765 0.099319 0.126042 0.119493 0.288294 94.0 0.0 188.0 2.0 0.341328 0.571608 0.988351 [ 0 0 1 0 0 0 ] +0.067042 0.142132 0.080716 -67.106438 5.363177 -0.820095 0.8751 0.502668 0.802581 0.245032 0.734428 0.44617 0.665676 0.617332 0.355534 0.553097 0.02246 0.051445 0.030618 2.404161 0.844839 0.758252 0.648656 0.51573 0.540088 0.501768 0.455483 0.441146 0.420507 0.444739 0.435701 0.412406 0.013194 0.025936 0.008253 1.767222 0.412037 0.435201 0.364726 0.190956 0.290897 0.179462 0.203522 0.160615 0.130896 0.13731 0.137845 0.144462 0.024106 0.050973 0.030043 4.212198 0.406531 0.224722 0.193299 0.113559 0.130164 0.084263 0.084417 0.069164 0.06542 0.072885 0.072771 0.068598 0.158572 76.0 0.39155 152.0 2.0 0.300803 0.24738 1.035853 [ 0 0 0 0 0 1 ] +0.061978 0.322637 0.089578 -69.905094 3.909774 0.213388 1.61698 0.59771 0.688979 0.813802 0.34011 0.272507 0.662128 0.266597 0.422575 0.39609 0.053367 0.324278 0.035991 5.698251 1.368157 1.108707 0.888239 0.884846 0.657889 0.636986 0.645943 0.548803 0.549662 0.540879 0.496095 0.500098 0.024625 0.080517 0.007022 2.666063 0.535174 0.374468 0.298233 0.335707 0.191131 0.224417 0.22982 0.148253 0.150155 0.202909 0.136324 0.164334 0.024032 0.090513 0.029189 3.499164 0.222098 0.202575 0.174405 0.17117 0.099069 0.117875 0.130195 0.108357 0.092959 0.099264 0.10274 0.094184 0.018783 60.0 0.0 120.0 2.0 0.075361 0.0 0.085826 [ 0 0 0 0 1 1 ] +0.037644 0.152561 0.093017 -71.570359 3.794584 1.801481 2.495399 0.912965 0.554465 0.693764 0.13679 0.057645 0.384161 0.360588 0.583006 0.701675 0.041659 0.249195 0.043546 5.761756 1.868114 1.346259 1.153096 0.729856 0.656445 0.650375 0.62325 0.585459 0.546999 0.471084 0.474282 0.485901 0.015459 0.067417 0.008375 3.40836 0.639602 0.877069 0.590631 0.501497 0.384405 0.30067 0.266098 0.356113 0.305836 0.221645 0.196529 0.23354 0.027754 0.081809 0.029314 4.115457 0.474703 0.297368 0.400358 0.179542 0.192324 0.160166 0.158459 0.121958 0.118918 0.088468 0.071044 0.096851 0.16391 74.0 0.001348 148.0 2.0 0.258184 0.16847 0.53708 [ 0 0 1 0 1 0 ] +0.029883 0.050675 0.083762 -88.234139 8.696067 1.119027 2.369219 1.079641 1.150962 0.917022 0.552859 0.961584 0.952119 0.488538 0.250609 0.374882 0.02027 0.056056 0.04399 6.015763 1.77954 0.990923 0.706482 0.582071 0.522094 0.579589 0.533652 0.549431 0.500044 0.424897 0.406528 0.408089 0.020809 0.051141 0.009769 7.90628 1.290788 1.090652 0.565802 0.321057 0.340201 0.427201 0.468477 0.348401 0.520087 0.22297 0.247094 0.261683 0.034788 0.08717 0.028797 4.270383 0.490962 0.258736 0.280633 0.177232 0.194098 0.173345 0.167016 0.199623 0.202903 0.106377 0.116712 0.121432 0.016022 98.0 0.0 196.0 2.0 0.037521 0.141889 0.217216 [ 0 0 1 1 1 0 ] +0.074022 0.172929 0.090348 -63.328001 4.275094 0.265594 1.510265 0.352613 0.305908 0.702193 0.439103 0.381795 0.455556 0.46627 0.552958 0.316185 0.049965 0.139159 0.034181 5.265154 1.316768 1.035162 1.049714 0.846239 0.645031 0.691326 0.673888 0.599329 0.646452 0.575645 0.547369 0.534368 0.020096 0.049176 0.00955 3.098642 0.666184 0.499987 0.397769 0.407993 0.25433 0.257606 0.237724 0.194503 0.236488 0.187415 0.175208 0.240725 0.0305 0.077699 0.029578 4.200077 0.525878 0.291748 0.295004 0.241954 0.114102 0.147692 0.127201 0.077415 0.118142 0.096902 0.094005 0.09583 0.254665 53.0 0.612825 106.0 2.0 0.529859 0.730744 1.362456 [ 1 0 0 0 0 1 ] +0.099536 0.278948 0.089902 -68.339354 2.257485 1.362808 2.360308 1.223547 0.431854 0.328327 0.525515 0.44187 0.734141 0.463449 0.656194 0.289385 0.064619 0.20827 0.033551 5.38507 1.372625 1.199565 1.125751 0.799912 0.763167 0.68722 0.645033 0.61219 0.602142 0.586524 0.53926 0.535405 0.025682 0.059744 0.006224 2.481101 0.534137 0.569299 0.58815 0.331766 0.325109 0.238622 0.294177 0.19614 0.263641 0.267104 0.190027 0.158308 0.020333 0.050785 0.029726 3.421681 0.231333 0.251538 0.251454 0.159816 0.154945 0.121968 0.131822 0.085555 0.095036 0.10386 0.081846 0.098184 0.131315 63.0 0.012777 189.0 3.0 0.372661 0.038559 0.748155 [ 0 0 0 0 0 1 ] +0.037662 0.060016 0.076245 -78.964854 7.166488 2.19198 1.672772 1.399777 0.893006 -0.040006 0.051181 -0.175125 0.229986 0.034543 0.422574 0.332948 0.014295 0.057303 0.028205 4.011708 1.045661 1.021199 0.544389 0.43925 0.460326 0.467087 0.494947 0.560611 0.481873 0.442387 0.518679 0.456619 0.01639 0.043372 0.008267 4.02962 1.290714 1.000776 0.35942 0.258642 0.174863 0.250598 0.336362 0.41629 0.408145 0.338983 0.450538 0.404231 0.026775 0.082001 0.03038 4.299769 0.521139 0.477444 0.188738 0.08824 0.094014 0.09391 0.111164 0.170051 0.155166 0.157057 0.226091 0.196441 0.170053 58.0 0.0 174.0 3.0 0.631958 0.004387 0.636345 [ 0 0 0 0 1 0 ] +0.046673 0.093665 0.075878 -81.442087 8.600908 -0.671094 1.485888 0.970903 0.940885 0.206711 0.477144 0.644051 0.582888 0.334874 0.456575 0.229262 0.017558 0.034708 0.027382 2.966504 0.765973 0.539803 0.530496 0.455898 0.48778 0.456976 0.468184 0.442078 0.422913 0.438591 0.435063 0.421632 0.01812 0.036251 0.00722 7.813349 0.987237 0.605414 0.471871 0.377394 0.282631 0.498265 0.357117 0.449528 0.226492 0.194031 0.157951 0.317686 0.026791 0.054394 0.030572 4.680612 0.515557 0.149798 0.12233 0.082112 0.101185 0.095435 0.081139 0.102229 0.058928 0.076701 0.077758 0.05913 0.023338 71.0 0.009327 142.0 2.0 0.239788 0.057719 0.421471 [ 0 0 1 1 0 1 ] +0.108832 0.261363 0.081371 -59.530451 3.400032 0.023044 1.282133 0.310219 0.874136 0.307371 0.464031 0.709344 0.707399 0.437786 0.311661 0.429638 0.05266 0.138219 0.0304 3.336392 0.976239 0.77776 0.81876 0.599091 0.598283 0.577791 0.520104 0.501995 0.491325 0.501959 0.466089 0.485486 0.024373 0.063375 0.00677 1.360438 0.503966 0.367807 0.438886 0.287984 0.275132 0.356856 0.281823 0.31612 0.264566 0.249179 0.22693 0.335628 0.024671 0.055493 0.030177 3.906806 0.311792 0.148007 0.168806 0.132218 0.103194 0.098643 0.087906 0.090107 0.102313 0.10357 0.082634 0.11345 0.209157 54.0 0.510904 162.0 3.0 0.471017 0.0 1.133467 [ 1 0 0 0 0 1 ] +0.072534 0.159775 0.080513 -61.626922 5.668946 -0.371529 1.147457 0.589049 0.39863 0.095675 0.223079 0.321524 0.352302 0.346419 0.47353 0.482133 0.029699 0.078367 0.03153 2.307487 0.905382 0.67346 0.537115 0.459074 0.448025 0.423285 0.428348 0.398665 0.421492 0.414087 0.386313 0.383834 0.019098 0.053167 0.008316 2.216285 0.784921 0.589056 0.403881 0.28899 0.28329 0.205704 0.254011 0.269753 0.205531 0.228765 0.292806 0.352857 0.028198 0.067088 0.029903 3.44251 0.402002 0.252171 0.154867 0.102879 0.089666 0.065136 0.073288 0.052201 0.082175 0.071869 0.062736 0.067552 0.243388 58.0 0.62948 116.0 2.0 0.510271 0.749438 1.427771 [ 1 0 0 0 1 0 ] +0.056479 0.108819 0.077076 -83.709481 6.384527 0.651505 1.11794 1.117691 1.028892 0.545192 0.442792 0.484299 0.40693 0.49241 0.744463 0.631506 0.028674 0.097676 0.030271 3.565828 1.07771 0.818062 0.615539 0.598682 0.601615 0.598281 0.641828 0.589815 0.618128 0.580284 0.595252 0.553173 0.025027 0.056917 0.007514 8.026955 2.925425 0.838009 0.522647 0.451542 0.491542 0.473095 0.551095 0.427648 0.50074 0.430158 0.403608 0.417579 0.027263 0.090912 0.03044 4.311733 0.421773 0.197976 0.151862 0.179088 0.240415 0.179444 0.245309 0.205285 0.276958 0.214497 0.197328 0.204894 0.087494 76.0 0.219049 152.0 2.0 0.358603 0.03338 0.723927 [ 0 0 1 0 0 0 ] +0.044766 0.077816 0.079018 -76.107588 6.616301 1.467668 1.485829 0.413878 0.615829 0.400382 0.421945 0.370988 0.647669 0.561055 0.405724 0.54808 0.022105 0.054351 0.030442 3.909146 1.274156 0.910647 0.68743 0.610316 0.581589 0.607468 0.61168 0.575127 0.62216 0.590753 0.623749 0.485611 0.020015 0.037446 0.00791 4.415343 1.636073 0.973022 0.763568 0.686167 0.438631 0.357985 0.41215 0.338334 0.414956 0.470559 0.578268 0.371351 0.028524 0.060969 0.029884 4.792025 0.63133 0.327409 0.207743 0.163415 0.186713 0.185503 0.175149 0.211433 0.264371 0.217374 0.241314 0.131044 0.024426 73.0 0.022331 146.0 2.0 0.189874 0.04622 0.382028 [ 0 0 0 1 1 0 ] +0.04473 0.088756 0.084176 -76.108563 5.729503 0.550915 2.572892 1.211501 1.060114 0.582657 0.462103 0.198769 0.030238 0.844426 0.482561 0.715648 0.039434 0.099062 0.034558 4.787994 1.742696 0.949899 0.855605 0.658329 0.568993 0.557088 0.547606 0.543762 0.53298 0.513012 0.586361 0.472059 0.026849 0.055645 0.006724 3.948497 1.043603 0.775333 0.63742 0.51379 0.380936 0.335201 0.353714 0.250245 0.502894 0.333593 0.479259 0.290165 0.048639 0.086833 0.029371 3.999349 0.567811 0.327338 0.271908 0.214797 0.120745 0.206349 0.193144 0.12806 0.149304 0.139703 0.202598 0.094331 0.180821 76.0 0.405757 152.0 2.0 0.370184 0.003682 1.157523 [ 0 0 0 1 1 0 ] +0.033652 0.041266 0.075659 -79.288723 7.651165 2.079669 2.837846 0.784717 1.785383 0.403091 0.631796 0.45487 0.380108 0.715103 0.367305 0.170229 0.010161 0.02252 0.0343 3.380612 1.237091 0.740783 0.567261 0.529472 0.524657 0.508488 0.501316 0.516232 0.441452 0.476604 0.483515 0.54731 0.012685 0.02951 0.008673 2.799747 0.997771 0.577732 0.378731 0.442356 0.672759 0.577637 0.447156 0.506534 0.365229 0.531146 0.592344 0.540534 0.02825 0.05802 0.029554 4.649891 0.562463 0.246111 0.150071 0.148197 0.124649 0.130665 0.150791 0.173187 0.13361 0.131551 0.152979 0.179076 0.066909 102.0 0.0 204.0 2.0 0.244585 0.468909 0.786257 [ 0 0 1 1 1 0 ] +0.036865 0.056481 0.082498 -76.314382 9.573852 1.255606 1.516674 0.985522 1.804094 -0.10524 0.544959 -0.451919 0.90605 0.356593 0.509308 0.62691 0.016558 0.045113 0.038078 3.733251 1.468352 1.003716 0.891763 0.764678 0.583617 0.57551 0.599336 0.506383 0.518043 0.43093 0.432958 0.425268 0.016832 0.034905 0.009547 4.556035 2.073989 0.897329 0.701921 0.726617 0.482618 0.474769 0.627286 0.645525 0.407968 0.391938 0.264374 0.344437 0.028731 0.069875 0.029922 4.492086 0.565808 0.451983 0.445465 0.34929 0.193548 0.178851 0.185897 0.124777 0.153258 0.100983 0.107307 0.101352 0.029522 53.0 0.010779 159.0 3.0 0.196963 0.183572 0.589443 [ 0 0 0 1 1 0 ] +0.100216 0.220433 0.077599 -62.553972 3.104376 -1.343518 1.381426 0.258243 0.058946 0.520241 0.585729 0.627188 0.56524 0.976987 0.361325 0.290239 0.032167 0.05863 0.028812 2.778256 0.836102 0.623332 0.575202 0.54367 0.486268 0.48447 0.473736 0.435606 0.51496 0.480116 0.487724 0.451983 0.014419 0.018333 0.006497 2.474462 0.699596 0.422266 0.307032 0.247859 0.25664 0.267653 0.155897 0.15957 0.168858 0.16531 0.228314 0.225761 0.023422 0.05709 0.030726 4.952045 0.624318 0.208276 0.122023 0.101016 0.090554 0.080588 0.084611 0.06494 0.097288 0.083478 0.085396 0.096637 0.230415 55.0 0.236967 165.0 3.0 0.607439 0.009332 1.227118 [ 1 0 0 0 1 0 ] +0.040593 0.09436 0.089409 -62.584808 4.798276 0.297275 2.494787 0.166773 0.836233 0.344788 0.57662 0.282423 0.483232 0.461376 0.530695 0.157983 0.021454 0.079685 0.033943 2.906203 0.79719 0.488903 0.571125 0.413996 0.422094 0.388314 0.421922 0.411842 0.410147 0.368902 0.400326 0.367256 0.015964 0.033877 0.00589 1.685084 0.259285 0.107836 0.145645 0.057821 0.133939 0.05288 0.083065 0.055301 0.059252 0.04952 0.064189 0.033739 0.024577 0.049583 0.029567 3.469406 0.175182 0.053278 0.080853 0.03448 0.048446 0.02421 0.036153 0.042567 0.035843 0.046553 0.035496 0.031945 0.605724 64.0 0.16592 128.0 2.0 1.795128 0.309273 2.104401 [ 1 0 0 0 0 1 ] +0.049267 0.105932 0.081545 -64.484023 6.1439 -0.148502 2.017904 0.494213 0.225272 0.856791 0.192948 0.240974 0.626747 0.397377 0.388502 0.441405 0.023067 0.064634 0.032999 2.892568 1.038446 0.702867 0.652226 0.508325 0.463411 0.482979 0.506692 0.496129 0.425396 0.426007 0.418512 0.39282 0.012034 0.029185 0.007783 2.113723 0.385533 0.316493 0.34759 0.223901 0.235247 0.241159 0.298598 0.234252 0.206592 0.222835 0.176671 0.158507 0.025922 0.051831 0.029578 3.702153 0.283995 0.131752 0.132687 0.123957 0.09276 0.083041 0.107322 0.098654 0.073462 0.074343 0.067587 0.061615 0.552239 78.0 0.03595 156.0 2.0 0.823847 0.183049 1.042846 [ 1 1 0 0 0 0 ] +0.089745 0.265649 0.076258 -64.273652 2.89323 0.484659 1.793095 0.303931 0.897628 0.52512 0.428063 0.647131 0.452771 0.666944 0.391176 0.564032 0.035266 0.101784 0.028289 1.682058 0.633501 0.537244 0.551976 0.48318 0.445828 0.437747 0.43676 0.443889 0.432407 0.392278 0.395962 0.400099 0.012638 0.033778 0.007212 1.860011 0.304743 0.237506 0.358465 0.250615 0.182708 0.181885 0.16938 0.206967 0.180597 0.130998 0.150608 0.126544 0.024016 0.05646 0.030893 3.794174 0.275304 0.107987 0.132028 0.100795 0.079011 0.080595 0.084977 0.077675 0.066543 0.061364 0.066474 0.068661 0.059486 57.0 0.236828 114.0 2.0 0.185208 0.259367 0.467918 [ 1 0 0 0 1 0 ] +0.076174 0.146336 0.085474 -82.192277 7.300462 -0.956612 2.749407 -0.665339 1.615398 0.502508 -0.312457 0.496527 -0.29477 -0.00758 0.231036 0.223492 0.028863 0.083012 0.031468 3.923217 1.120881 0.896129 0.828129 0.784306 0.706273 0.613198 0.612602 0.597288 0.711817 0.69017 0.659126 0.703405 0.026328 0.059942 0.007616 7.63117 1.114165 1.054792 0.843051 0.829816 1.012256 0.651228 0.584449 0.654131 0.997081 0.94144 0.693344 0.671824 0.026403 0.072244 0.029997 4.556241 0.574126 0.344295 0.317919 0.225734 0.25814 0.17649 0.155858 0.152424 0.271539 0.27096 0.248886 0.339548 0.042654 55.0 0.039495 110.0 2.0 0.300581 0.21129 0.533329 [ 0 0 1 1 0 0 ] +0.060604 0.244397 0.089148 -69.278227 4.228881 1.276502 1.551902 0.649373 0.989828 0.418557 0.553406 0.431255 0.4727 0.664655 0.250724 0.254043 0.046343 0.271607 0.039311 5.983732 1.12079 0.899412 0.927025 0.748255 0.642623 0.687417 0.618296 0.613349 0.590065 0.588639 0.550075 0.510625 0.030636 0.103679 0.0081 3.931688 0.818194 0.555944 0.610737 0.395113 0.383665 0.405908 0.245894 0.344293 0.362609 0.313923 0.29211 0.295 0.031383 0.107206 0.028922 3.877597 0.268763 0.224905 0.26073 0.192323 0.128629 0.147049 0.119063 0.140466 0.154351 0.132627 0.128128 0.151224 0.029494 78.0 0.048877 156.0 2.0 0.158143 0.174916 0.440399 [ 0 1 1 0 0 0 ] +0.044367 0.087682 0.078756 -68.171616 6.620781 0.805423 1.79027 0.602356 0.697882 0.286901 0.624006 0.489765 0.854083 0.294927 0.16231 0.359416 0.023149 0.071879 0.030856 3.308171 1.201117 0.931409 0.713902 0.639575 0.567576 0.510844 0.531743 0.451017 0.45145 0.41257 0.438877 0.449361 0.016759 0.040908 0.007586 4.399055 0.709208 0.736901 0.59119 0.336267 0.413447 0.249814 0.495688 0.328299 0.26552 0.274318 0.258214 0.228428 0.02855 0.071887 0.030296 3.817948 0.475672 0.266731 0.176851 0.168486 0.120024 0.101544 0.123894 0.114653 0.09572 0.070104 0.079753 0.095386 0.039269 70.0 0.004367 140.0 2.0 0.194203 0.267375 0.488107 [ 0 0 1 1 1 0 ] +0.048008 0.088338 0.078232 -72.2913 7.292305 -0.191776 1.80543 0.199686 0.874325 0.046961 0.42459 0.11295 0.488013 0.480738 0.304059 0.33228 0.017553 0.037092 0.029291 3.940108 1.079173 0.515991 0.498198 0.460412 0.453836 0.444538 0.46477 0.449173 0.436166 0.426975 0.411995 0.402309 0.01509 0.030373 0.008775 3.239862 0.486978 0.412334 0.401752 0.214623 0.254115 0.181657 0.322496 0.189328 0.216076 0.222918 0.19721 0.169495 0.026811 0.053968 0.030028 4.25123 0.476738 0.123516 0.106638 0.087091 0.065764 0.071838 0.075178 0.075127 0.06656 0.074153 0.057578 0.051321 0.105191 64.0 0.0 192.0 3.0 0.33886 0.223014 0.750549 [ 1 0 0 0 0 1 ] +0.068514 0.137026 0.083979 -74.924133 5.405077 1.581733 2.419999 0.445525 1.275108 0.38849 0.33304 0.886846 0.22031 0.637143 0.331415 0.409773 0.054949 0.141837 0.031061 4.422491 1.344466 1.430833 1.082637 0.82024 0.730723 0.605052 0.59228 0.609894 0.556701 0.555795 0.610083 0.579946 0.023146 0.05371 0.00699 2.717879 0.776771 0.926723 0.705547 0.477785 0.330985 0.336097 0.349781 0.34855 0.276291 0.366973 0.38965 0.416922 0.042546 0.076068 0.030002 4.187633 0.44753 0.457712 0.347886 0.198741 0.196199 0.134243 0.160856 0.143846 0.124039 0.113648 0.190289 0.194155 0.093643 67.0 0.378633 134.0 2.0 0.368471 0.612195 1.020836 [ 0 0 1 0 0 0 ] +0.146109 0.304348 0.096113 -68.058668 2.317032 0.266621 2.078648 0.29128 0.665519 0.614541 0.323698 0.377878 0.413847 0.430139 0.427959 0.509797 0.116819 0.227536 0.041716 7.076942 2.353328 1.424889 1.193738 0.991714 0.802605 0.66411 0.640386 0.595221 0.584178 0.521074 0.50847 0.472077 0.045173 0.067161 0.007154 2.067759 0.751764 0.439509 0.375293 0.28731 0.28317 0.211526 0.152843 0.208818 0.158886 0.191446 0.141161 0.140872 0.036311 0.041909 0.028466 3.465222 0.477881 0.276546 0.20046 0.197203 0.129672 0.104461 0.107256 0.0934 0.071773 0.088684 0.092027 0.071334 0.392754 67.0 0.0 134.0 2.0 0.557821 0.244548 0.802369 [ 0 0 0 0 0 1 ] +0.060989 0.12168 0.078563 -91.483055 7.227839 -0.263384 2.073871 0.529699 1.082004 0.398972 0.713224 0.942243 0.651968 0.396797 0.402105 0.262342 0.021763 0.047147 0.027574 2.54937 0.860143 0.568374 0.540186 0.547963 0.527894 0.521725 0.597258 0.569448 0.57943 0.603077 0.532692 0.500719 0.024209 0.038777 0.006972 3.360284 1.217411 0.424364 0.546021 0.546086 0.428886 0.588115 0.476958 0.629604 0.608619 0.712132 0.579802 0.404556 0.025237 0.049772 0.030514 5.296771 0.376243 0.145547 0.130094 0.102807 0.087232 0.104479 0.154579 0.128153 0.148744 0.161797 0.132869 0.10984 0.01511 90.0 0.0 180.0 2.0 0.072822 0.086886 0.17183 [ 0 0 1 1 1 0 ] +0.027407 0.116603 0.076382 -89.317652 5.857832 2.030025 1.697372 0.886124 1.015868 0.424242 0.673761 0.690621 0.378858 0.548089 0.737621 0.62896 0.018686 0.148393 0.03132 5.248507 1.48969 0.78226 0.572504 0.469722 0.376085 0.389022 0.376732 0.384003 0.388244 0.415907 0.394039 0.33125 0.01776 0.157134 0.007628 6.431186 1.729872 0.727479 0.539341 0.450367 0.191375 0.260674 0.200197 0.251183 0.338069 0.369819 0.326028 0.246401 0.02916 0.162124 0.029893 5.790787 0.740764 0.211596 0.206074 0.154489 0.079672 0.090156 0.079271 0.103198 0.110489 0.131026 0.109833 0.072124 0.063217 104.0 0.0 208.0 2.0 0.104773 0.240121 0.528292 [ 0 0 0 1 0 0 ] +0.061895 0.128923 0.073914 -92.808208 7.458306 0.120516 2.085312 1.017978 0.79066 0.889069 0.815517 -0.107295 0.044795 0.351221 0.375525 0.41734 0.02214 0.059205 0.028013 3.79741 0.97957 0.814496 0.611697 0.584069 0.561254 0.581172 0.592071 0.659197 0.591814 0.521209 0.519543 0.46222 0.015728 0.033133 0.007434 3.449619 0.890608 0.57038 0.403016 0.526723 0.416796 0.544406 0.57547 0.631266 0.564297 0.430384 0.343795 0.327341 0.025958 0.049216 0.030627 5.210712 0.464524 0.248432 0.148922 0.141774 0.168535 0.160346 0.131857 0.226087 0.160843 0.110682 0.101289 0.083352 0.067244 96.0 0.0 192.0 2.0 0.017544 0.339497 0.373195 [ 0 0 1 1 0 0 ] +0.039226 0.065986 0.077905 -73.333165 7.409767 1.819777 1.431316 0.729692 0.728785 0.802439 0.438402 0.517754 0.455154 0.247643 0.157591 0.60607 0.02309 0.050284 0.031459 4.327453 1.354969 0.848918 0.698586 0.662694 0.540474 0.554668 0.583671 0.489704 0.543407 0.466188 0.438441 0.417953 0.024289 0.046778 0.007674 3.345634 0.806499 0.855499 0.522687 0.397832 0.268857 0.413542 0.370389 0.284284 0.325162 0.257881 0.209479 0.221564 0.037072 0.067741 0.029931 4.415517 0.616968 0.34897 0.239122 0.14897 0.145726 0.164543 0.116979 0.120617 0.129941 0.105162 0.093677 0.078086 0.031056 100.0 0.021985 200.0 2.0 0.137022 0.304729 0.511409 [ 0 0 1 1 1 0 ] +0.038212 0.085148 0.075075 -81.981382 8.185791 0.065312 1.855865 0.42043 0.749228 0.405061 0.490113 0.332747 0.327246 0.41716 0.40359 0.477206 0.01288 0.058123 0.029015 2.246069 0.657106 0.426085 0.436355 0.420857 0.422972 0.393485 0.402999 0.387289 0.392633 0.37073 0.3713 0.383429 0.023936 0.049399 0.007382 13.447154 1.681593 0.372823 0.39127 0.466379 0.242195 0.289455 0.356269 0.226427 0.208738 0.236928 0.198731 0.262152 0.02666 0.09212 0.030351 4.226863 0.433477 0.092365 0.073675 0.075848 0.072238 0.065429 0.06481 0.057775 0.057039 0.05319 0.05714 0.052984 0.02401 96.0 0.006074 192.0 2.0 0.091045 0.300084 0.492253 [ 1 0 0 0 0 1 ] +0.036605 0.062589 0.078349 -68.985142 6.194374 1.014357 1.838725 0.601414 1.088347 0.824263 0.639541 0.817798 0.48895 0.514843 0.185288 0.184293 0.019033 0.047151 0.029302 3.174761 1.303681 0.741685 0.797604 0.66871 0.485421 0.518669 0.517242 0.492726 0.428278 0.474012 0.402803 0.418338 0.019727 0.047609 0.007705 3.050075 0.907934 0.652037 0.753545 0.496579 0.274301 0.328119 0.343204 0.313332 0.358725 0.256039 0.247919 0.255719 0.027747 0.059851 0.030199 3.870504 0.366499 0.260383 0.323923 0.213542 0.102678 0.15652 0.127727 0.138852 0.084811 0.137332 0.074703 0.086879 0.104043 106.0 0.0 212.0 2.0 0.140225 0.379888 0.599768 [ 0 0 1 1 0 0 ] +0.037278 0.061496 0.073985 -77.141816 8.521142 0.617466 1.502847 0.661872 0.511531 0.083743 0.486541 -0.081195 0.630244 0.275627 0.650549 0.403474 0.0144 0.027385 0.028301 3.984247 0.906446 0.73526 0.535625 0.470768 0.436667 0.444227 0.43945 0.419469 0.434443 0.453183 0.399762 0.395962 0.013423 0.02747 0.008499 3.674159 1.421213 0.773798 0.519173 0.244584 0.291542 0.184226 0.331375 0.25092 0.214767 0.227636 0.191003 0.23079 0.02707 0.055271 0.030241 4.194146 0.515678 0.215136 0.172795 0.102253 0.075959 0.097598 0.104858 0.095246 0.088542 0.108789 0.085896 0.076821 0.029078 94.0 0.064551 188.0 2.0 0.118904 0.217154 0.622611 [ 0 0 1 1 0 0 ] +0.042813 0.104944 0.080961 -69.84632 4.872039 0.766113 1.386911 0.345918 1.118737 0.298354 0.627171 0.164675 0.413812 0.299527 0.556838 0.673544 0.029515 0.121783 0.030426 4.911034 1.101051 0.910921 0.963787 0.655285 0.626537 0.565543 0.679217 0.535497 0.553155 0.524445 0.492552 0.446111 0.022533 0.058142 0.007297 3.682292 0.818717 0.710631 0.578766 0.439236 0.55784 0.58552 0.593098 0.382439 0.459581 0.347967 0.256073 0.237296 0.026391 0.096152 0.029902 3.871065 0.319739 0.24034 0.283284 0.14587 0.186693 0.147004 0.183003 0.112365 0.14484 0.136002 0.132025 0.096999 0.091723 87.0 0.224551 174.0 2.0 0.209919 0.26754 1.225023 [ 0 0 1 0 0 0 ] +0.04101 0.066696 0.079331 -86.462394 7.620935 1.837108 2.250318 0.532561 1.013073 0.677591 0.792292 0.572463 0.883331 0.866232 0.486104 0.333134 0.027319 0.074916 0.032326 5.282206 1.577567 1.047652 0.974332 0.832434 0.550256 0.551597 0.529511 0.573216 0.542877 0.488971 0.514503 0.605905 0.025251 0.047945 0.00798 6.561359 0.998621 0.974062 0.948206 0.608303 0.447863 0.421292 0.337846 0.455789 0.369353 0.390817 0.367826 0.593522 0.032047 0.080556 0.02992 4.574179 0.690683 0.44105 0.407807 0.326499 0.164272 0.138597 0.159991 0.161997 0.157077 0.145239 0.17126 0.27089 0.010844 79.0 0.0 158.0 2.0 0.029775 0.06806 0.101867 [ 0 0 0 1 1 0 ] +0.029666 0.04461 0.076191 -83.123648 6.320757 2.75885 2.699614 1.529391 1.21112 0.693156 0.717172 0.354151 0.72329 0.348202 0.224572 0.410856 0.017456 0.040515 0.02817 3.421398 1.131704 0.825568 0.688695 0.506467 0.586281 0.505365 0.44143 0.47408 0.481471 0.451655 0.444048 0.44353 0.017352 0.034284 0.008454 4.46409 0.727518 0.643024 0.494953 0.401251 0.517305 0.271837 0.264497 0.298979 0.300115 0.245742 0.293925 0.225002 0.032503 0.06809 0.030305 4.986508 0.616296 0.417129 0.290445 0.156232 0.260681 0.132471 0.110699 0.140465 0.117667 0.098498 0.103595 0.104019 0.014239 93.0 0.0 186.0 2.0 0.052751 0.024862 0.081055 [ 0 0 0 1 1 0 ] +0.069856 0.204479 0.081384 -68.379708 2.93713 1.169352 1.962541 1.249433 0.732634 0.92224 0.921751 0.433323 0.595709 0.446423 0.457243 0.531782 0.051445 0.190532 0.033207 3.337285 0.980978 0.903328 0.742506 0.613192 0.491109 0.483398 0.489665 0.449486 0.434659 0.444195 0.423736 0.388118 0.021203 0.055083 0.007909 4.076377 0.662081 0.737727 0.496034 0.433052 0.242179 0.329755 0.285873 0.310998 0.203259 0.268015 0.190852 0.145312 0.027906 0.063653 0.030224 4.344837 0.459071 0.312929 0.305703 0.204742 0.11166 0.131841 0.135018 0.110146 0.117494 0.092044 0.071687 0.078216 0.124908 55.0 0.0 110.0 2.0 0.492738 0.423002 1.006713 [ 1 1 0 0 0 0 ] +0.071972 0.138559 0.080616 -77.42331 6.500304 -1.524518 1.462936 0.505907 1.070138 -0.006579 -0.030858 0.228857 0.407777 0.293991 0.50308 0.251611 0.023917 0.039903 0.028336 3.405152 0.811343 0.600966 0.572365 0.546563 0.514524 0.527762 0.527033 0.50862 0.544313 0.559298 0.523427 0.46653 0.017355 0.030809 0.006884 4.363958 0.660669 0.450343 0.348277 0.290635 0.235357 0.321288 0.337726 0.330843 0.455501 0.449036 0.387278 0.407343 0.024507 0.051653 0.030379 4.176192 0.365304 0.148752 0.129279 0.089173 0.078228 0.080771 0.098549 0.081067 0.131172 0.125384 0.099346 0.09425 0.213396 61.0 0.107087 122.0 2.0 0.473499 0.475867 0.958646 [ 0 1 1 0 0 0 ] +0.092888 0.202071 0.092837 -69.184576 4.415362 -0.053583 2.243822 0.647322 0.806721 0.595861 0.604325 0.250941 0.589515 0.598942 0.367182 0.309113 0.063566 0.136349 0.044553 6.356741 1.597463 1.028165 0.862158 0.725609 0.583909 0.595148 0.56775 0.551434 0.48411 0.499667 0.482218 0.504956 0.050415 0.09681 0.01305 7.539327 1.696984 1.000559 0.759289 0.826982 0.421703 0.299225 0.496608 0.337465 0.317754 0.25728 0.36053 0.514848 0.046554 0.081018 0.032048 4.211503 0.67802 0.462679 0.378195 0.221313 0.192638 0.193301 0.18121 0.182698 0.147666 0.161046 0.172586 0.148748 0.063399 85.0 0.081755 170.0 2.0 0.278914 0.111978 0.779962 [ 1 0 0 0 0 0 ] +0.139259 0.411417 0.111774 -66.327024 0.966715 0.69481 0.535551 -0.337087 0.738656 0.078745 1.554323 1.846221 0.827081 -0.150729 -0.070294 0.129118 0.118468 0.289455 0.063054 7.585242 1.788879 1.177407 0.767724 0.704312 0.542678 0.583606 0.811464 1.098111 0.397876 0.626569 0.629409 0.435563 0.019143 0.05453 0.009913 2.59672 0.341208 0.346256 0.168965 0.107677 0.08084 0.156854 0.160753 0.285369 0.087076 0.145677 0.096274 0.063841 0.008712 0.034855 0.025937 3.140648 0.195988 0.127923 0.088163 0.069212 0.053421 0.080465 0.080331 0.080772 0.055087 0.085217 0.070289 0.045689 0.782069 64.0 1.191101 128.0 2.0 1.068899 1.229948 2.298847 [ 1 0 0 0 0 1 ] +0.1142 0.257668 0.09928 -69.224042 2.613116 -1.352388 2.052821 0.568868 1.012847 0.128637 0.694584 0.813122 0.666141 0.82288 0.714803 0.815195 0.080408 0.181812 0.044868 6.111171 1.517852 1.219863 1.05193 0.959861 0.869707 0.780257 0.652575 0.82473 0.59186 0.6359 0.526796 0.512563 0.023156 0.046833 0.008731 2.582687 0.711353 0.439454 0.614407 0.531298 0.439468 0.288212 0.226455 0.247536 0.229741 0.249846 0.224439 0.231959 0.020382 0.050792 0.028515 3.749831 0.298862 0.262744 0.219542 0.247857 0.156157 0.104812 0.151574 0.189712 0.10961 0.119379 0.108152 0.074047 0.402577 74.0 0.317885 148.0 2.0 0.794827 0.178177 1.345051 [ 0 0 1 0 0 0 ] +0.087495 0.208201 0.085096 -66.288169 3.335005 -0.999898 1.904891 1.117598 0.605057 0.740349 0.858796 0.234428 0.661286 0.525885 0.610663 0.730858 0.033702 0.067717 0.028652 2.245771 0.809534 0.734787 0.738134 0.625466 0.55097 0.543455 0.527481 0.484763 0.500138 0.489431 0.492143 0.436253 0.023245 0.041909 0.00757 2.206362 0.627481 0.452085 0.310802 0.354029 0.271257 0.258583 0.288273 0.191855 0.180261 0.167407 0.208021 0.161721 0.020096 0.041458 0.030462 3.901679 0.231345 0.154492 0.207651 0.164326 0.105474 0.087898 0.101537 0.07632 0.07501 0.091481 0.08091 0.06815 0.029119 64.0 0.150959 128.0 2.0 0.192785 0.394609 0.69357 [ 0 0 0 0 0 1 ] +0.037945 0.058183 0.077725 -83.413783 7.851663 2.792551 2.584028 1.167531 0.997021 0.28559 0.034844 0.44275 0.185337 0.359665 0.619383 0.403977 0.023552 0.051747 0.029839 3.91547 1.15985 0.953182 0.846658 0.571011 0.576939 0.52301 0.467465 0.536091 0.459113 0.432231 0.43223 0.468453 0.02352 0.047981 0.007611 4.859068 1.475947 0.954775 1.281424 0.580989 0.532376 0.483668 0.356466 0.606295 0.369067 0.309337 0.393458 0.387405 0.046167 0.089288 0.030119 4.709215 0.832003 0.555807 0.436295 0.213275 0.20351 0.165513 0.157173 0.233462 0.128358 0.138926 0.108792 0.168606 0.028909 74.0 0.003404 148.0 2.0 0.179411 0.085864 0.281709 [ 0 0 1 1 1 0 ] +0.066723 0.131844 0.080513 -79.159328 7.015724 -0.96946 1.376695 0.541783 0.780208 0.243576 0.358594 0.230222 0.406316 0.404533 0.366807 0.293275 0.021844 0.043295 0.02992 3.858651 0.915684 0.634597 0.532337 0.511631 0.485101 0.497582 0.54065 0.530721 0.55845 0.514292 0.46196 0.486055 0.012871 0.021973 0.008232 4.162984 0.753695 0.561174 0.202045 0.261042 0.192704 0.277566 0.311801 0.345407 0.307052 0.351828 0.312191 0.324436 0.026656 0.052811 0.029898 5.253831 0.53746 0.283814 0.094513 0.074598 0.058096 0.082 0.116017 0.110242 0.125816 0.100179 0.091637 0.092755 0.134527 81.0 0.274301 162.0 2.0 0.562618 0.037772 1.407282 [ 0 1 1 0 0 0 ] +0.045108 0.081834 0.085671 -84.674302 11.853471 -1.028993 0.789463 0.424427 0.975894 0.621585 0.424474 0.400304 0.519405 0.231137 0.170883 0.022339 0.012563 0.025847 0.042348 2.747659 0.927815 0.729514 0.564797 0.514161 0.480151 0.423234 0.42678 0.408456 0.408207 0.408882 0.447888 0.462892 0.017092 0.032777 0.009924 4.479816 1.251411 0.931019 0.587897 0.457193 0.367338 0.296962 0.28307 0.327685 0.298326 0.30824 0.323895 0.456733 0.026031 0.052207 0.028898 4.751924 0.557824 0.172936 0.130411 0.142821 0.143355 0.097717 0.100433 0.092151 0.117934 0.109177 0.110415 0.148424 0.010652 72.0 0.064307 144.0 2.0 0.100789 0.102511 0.370589 [ 0 0 1 1 0 0 ] +0.065248 0.117975 0.08597 -84.413477 6.140341 1.77548 2.560538 1.480527 1.453057 0.458259 0.717321 0.374384 0.51194 0.86709 0.346276 0.584094 0.062945 0.125937 0.033975 7.040497 2.246731 1.055311 0.949872 0.767051 0.549575 0.624477 0.58526 0.520508 0.555556 0.48202 0.511116 0.419195 0.03912 0.079526 0.011926 4.503064 2.127811 0.655907 0.589838 0.440219 0.358205 0.281022 0.392193 0.215661 0.351851 0.214372 0.477419 0.314059 0.057582 0.101298 0.029848 4.823199 0.958856 0.421807 0.528945 0.353845 0.183054 0.202989 0.184383 0.133634 0.196561 0.184981 0.16221 0.132333 0.034765 62.0 0.0 124.0 2.0 0.28553 0.114465 0.442898 [ 0 0 0 1 0 0 ] +0.110254 0.274972 0.07893 -68.632958 3.186261 0.936973 1.778239 0.443598 0.600503 0.392207 0.755151 0.755757 0.665932 0.329062 0.485103 0.769992 0.057968 0.148505 0.030397 2.988583 1.052782 0.923227 0.876366 0.558544 0.607551 0.53429 0.499498 0.494525 0.471427 0.47671 0.481518 0.455894 0.02186 0.053423 0.007987 1.526084 0.583289 0.457825 0.521874 0.256668 0.290472 0.27528 0.203986 0.171597 0.168381 0.167688 0.15882 0.211424 0.030185 0.053864 0.030186 4.300052 0.526191 0.2421 0.238367 0.15643 0.12154 0.091848 0.076936 0.079749 0.071549 0.085931 0.069285 0.088366 0.111024 75.0 0.525335 150.0 2.0 0.321175 0.119159 1.107274 [ 1 1 0 0 0 0 ] +0.079861 0.513875 0.100513 -76.488829 3.206312 -0.334826 1.801168 0.700025 0.761823 0.424876 0.198753 1.027949 0.771567 0.626808 0.696565 0.558926 0.080724 0.340656 0.050862 7.716553 1.909109 1.550496 1.117503 0.904049 0.754792 0.749258 0.743132 0.645573 0.55708 0.57141 0.553282 0.574874 0.038141 0.181599 0.008992 5.139397 1.095966 1.611624 0.560877 0.568988 0.483923 0.323727 0.421449 0.377506 0.240858 0.227336 0.306717 0.388812 0.039991 0.107449 0.028481 3.779275 0.518039 0.546511 0.274023 0.277583 0.170833 0.175881 0.155478 0.161503 0.126791 0.147136 0.14146 0.196013 0.061362 73.0 0.0 146.0 2.0 0.23223 0.08172 0.31395 [ 0 0 1 0 0 0 ] +0.182138 0.55957 0.091104 -73.434416 1.38747 0.237204 0.952802 0.94491 1.054458 0.876946 0.718551 0.725648 0.759023 0.616822 0.478815 0.523742 0.168399 0.323799 0.041137 4.751536 1.888633 1.241181 0.94118 0.623216 0.510006 0.539121 0.439181 0.468692 0.444194 0.412623 0.39245 0.382136 0.022002 0.083405 0.008398 2.990949 0.673674 1.241568 0.754718 0.586119 0.438722 0.325113 0.202798 0.235015 0.167469 0.135991 0.139468 0.108142 0.01469 0.038722 0.028772 4.252453 0.319763 0.227056 0.219939 0.101314 0.079805 0.066521 0.062434 0.090283 0.094335 0.064905 0.053181 0.058339 1.417376 64.0 1.702666 128.0 2.0 1.43448 1.738105 3.172585 [ 0 0 0 0 0 1 ] +0.106075 0.262059 0.077247 -58.758054 3.490051 0.126778 1.117003 0.711291 0.595169 0.621945 0.511289 0.564147 0.444449 0.38622 0.274339 0.264627 0.042327 0.117457 0.029255 2.7203 0.781651 0.658915 0.590327 0.465469 0.502533 0.467738 0.523341 0.496861 0.420419 0.433848 0.423646 0.401274 0.023738 0.060595 0.007966 1.475032 0.491592 0.437861 0.36041 0.231779 0.301916 0.224002 0.255118 0.251499 0.192925 0.206516 0.188761 0.170905 0.025374 0.051384 0.030431 3.685596 0.291456 0.157368 0.129741 0.086928 0.086941 0.072293 0.109851 0.099747 0.065061 0.065902 0.059892 0.070886 0.075928 98.0 0.031763 196.0 2.0 0.306855 0.300027 0.758615 [ 1 0 0 0 0 1 ] +0.068913 0.17977 0.083352 -64.541179 3.469294 1.299158 1.781188 0.64821 0.735584 0.520903 0.667693 0.313862 0.53238 0.465113 0.284668 0.563759 0.045686 0.156875 0.033278 3.974604 1.398653 1.04316 0.87636 0.703754 0.577467 0.644245 0.597175 0.490816 0.529673 0.513032 0.447518 0.42667 0.019702 0.058726 0.006452 3.808144 0.595094 0.743194 0.380309 0.292745 0.270687 0.320279 0.470471 0.253937 0.194846 0.194659 0.239491 0.167586 0.022707 0.046794 0.030123 3.299112 0.344919 0.311801 0.296581 0.169503 0.122843 0.117891 0.124984 0.070353 0.110746 0.085361 0.078717 0.097687 0.04919 63.0 0.136349 126.0 2.0 0.278746 0.198494 0.481877 [ 0 1 0 0 0 0 ] +0.103203 0.246547 0.070932 -73.546215 4.415164 1.43757 1.002689 0.975612 0.73596 0.729276 0.546671 -0.02853 0.747389 0.543813 0.939211 0.410159 0.044923 0.119467 0.029054 3.585379 1.196774 0.660508 0.568603 0.563295 0.573561 0.540247 0.498619 0.494681 0.530199 0.626781 0.578722 0.647162 0.049411 0.124722 0.009733 6.637124 1.91193 0.648254 0.563079 0.597648 0.441229 0.6753 0.560149 0.50557 0.625239 0.925174 0.724172 0.766509 0.029099 0.065903 0.030491 4.745996 0.719503 0.22902 0.194667 0.157451 0.171853 0.195438 0.184166 0.17241 0.135536 0.282458 0.206014 0.311116 0.082961 100.0 0.0 200.0 2.0 0.089871 0.376142 0.506403 [ 0 0 1 1 1 0 ] +0.062844 0.169757 0.083316 -63.831654 3.400972 -0.264505 2.00098 1.363468 1.420503 0.632111 0.656859 0.482311 0.610732 0.497301 0.523841 0.231549 0.038211 0.124327 0.03748 3.370181 1.363491 0.857797 0.728343 0.558873 0.564312 0.474364 0.450198 0.419739 0.42383 0.368566 0.393186 0.372438 0.021627 0.057265 0.009277 2.485579 0.706686 0.411307 0.499021 0.376356 0.345129 0.22363 0.263468 0.164321 0.165244 0.14067 0.162386 0.119684 0.02305 0.044807 0.030083 3.675136 0.403439 0.187615 0.1574 0.14137 0.14833 0.087195 0.083901 0.062965 0.058838 0.051729 0.057474 0.060382 0.107472 68.0 0.236554 136.0 2.0 0.477959 0.385395 0.863354 [ 0 0 0 0 1 0 ] +0.044887 0.086622 0.084016 -70.631617 6.908473 0.183698 2.665764 0.725549 1.518823 0.120015 0.604406 -0.154625 0.090595 0.554367 0.294602 0.34276 0.023884 0.069684 0.035777 4.678375 1.684552 0.950355 0.761263 0.679688 0.526057 0.566626 0.522318 0.49324 0.525552 0.476931 0.44044 0.404063 0.020501 0.048204 0.006496 4.394311 0.950666 0.412434 0.45745 0.546218 0.32655 0.323946 0.269039 0.342581 0.339015 0.303766 0.200171 0.183012 0.029667 0.06533 0.029815 3.858876 0.403033 0.27511 0.249442 0.224546 0.114142 0.160316 0.108259 0.123435 0.120503 0.114951 0.098225 0.092125 0.103673 91.0 0.0 182.0 2.0 0.120638 0.358358 0.562612 [ 0 0 1 1 1 0 ] +0.070901 0.136268 0.097836 -93.678552 4.387528 2.671315 1.945364 1.094263 0.973037 1.193521 0.511617 0.643643 0.798957 0.552497 0.763028 0.877051 0.080621 0.196516 0.039366 5.85339 1.643821 1.168053 0.951635 0.845642 0.773223 0.709419 0.599559 0.577882 0.574179 0.593056 0.538204 0.469528 0.041511 0.082789 0.007637 5.289405 0.791197 0.604115 0.57302 0.47288 0.537782 0.36385 0.323534 0.322172 0.296473 0.316696 0.338857 0.184833 0.051975 0.072253 0.028937 4.642507 0.352592 0.177347 0.215341 0.160797 0.218438 0.171514 0.103369 0.123414 0.097847 0.141468 0.103329 0.092763 0.133875 71.0 0.634176 142.0 2.0 0.416248 0.594637 1.173408 [ 0 0 1 0 0 0 ] +0.097436 0.251339 0.080042 -63.662213 3.899974 0.230644 1.252723 0.676819 0.076229 0.327339 0.539298 0.090331 0.464564 0.357606 0.280729 0.161133 0.036169 0.111689 0.031105 2.39661 1.005341 0.72834 0.576161 0.539102 0.476392 0.466193 0.449701 0.450713 0.400224 0.405177 0.39743 0.380945 0.017822 0.040301 0.009764 1.21332 0.479773 0.362264 0.228373 0.303044 0.180625 0.217662 0.18921 0.156056 0.116064 0.18724 0.140531 0.156128 0.027532 0.049505 0.030462 4.642768 0.328528 0.185862 0.124077 0.161382 0.094059 0.10599 0.069583 0.085577 0.065902 0.061504 0.081486 0.059878 0.076393 84.0 0.098591 168.0 2.0 0.278332 0.116057 0.82902 [ 1 0 0 0 0 0 ] +0.060358 0.120512 0.072288 -82.538487 5.945683 0.342607 1.70798 0.680579 0.656903 0.306204 0.207361 0.903095 0.542691 -0.149804 -0.011917 0.150482 0.020587 0.062476 0.029089 4.454669 1.024746 0.910184 0.540613 0.51401 0.475968 0.421201 0.467915 0.489724 0.438938 0.464486 0.543485 0.524365 0.032298 0.074051 0.008071 7.374604 1.554464 1.173115 0.469734 0.484555 0.531939 0.522561 0.435301 0.567765 0.575189 0.707582 0.825054 0.800523 0.025713 0.087112 0.030604 4.935027 0.516276 0.519985 0.136086 0.179191 0.133291 0.124023 0.145426 0.192659 0.176235 0.191913 0.284162 0.270358 0.049698 83.0 0.002672 166.0 2.0 0.350046 0.261241 0.685494 [ 0 0 1 1 0 0 ] +0.065879 0.115467 0.078928 -82.147611 7.087193 0.043266 2.1003 -0.226986 0.62854 0.556096 0.177152 0.531344 0.352927 0.360136 0.226271 0.232698 0.018172 0.050922 0.028533 2.086492 0.677857 0.517927 0.54569 0.533076 0.497983 0.531843 0.577002 0.504591 0.526654 0.517089 0.494777 0.446583 0.017713 0.044108 0.007936 4.045306 0.968449 0.801524 0.663616 0.673082 0.611692 0.836015 0.643497 0.830756 0.454657 0.568333 0.591021 0.646661 0.025655 0.053358 0.030236 4.547981 0.424619 0.122503 0.178208 0.15066 0.093487 0.123215 0.191473 0.138485 0.196254 0.132793 0.140188 0.095613 0.038561 96.0 0.0 192.0 2.0 0.237977 0.274327 0.638737 [ 0 0 0 1 1 0 ] +0.029964 0.043261 0.081602 -82.769013 9.18741 1.811697 2.409154 0.76296 1.174767 0.6465 0.820745 0.483618 0.53657 0.151119 0.624348 0.916854 0.012338 0.031461 0.03388 3.571996 1.635456 0.937421 0.714479 0.572705 0.544879 0.526998 0.489206 0.495158 0.509687 0.487244 0.414831 0.43046 0.017635 0.038549 0.008407 4.497762 0.92103 0.601948 0.465582 0.327813 0.22704 0.361628 0.372079 0.218536 0.22698 0.22842 0.267133 0.239724 0.028383 0.062412 0.029405 4.407434 0.523126 0.285151 0.254316 0.141938 0.114802 0.095902 0.161592 0.08497 0.093472 0.083292 0.091469 0.12529 0.21413 100.0 0.0 200.0 2.0 0.268519 0.603127 1.075555 [ 0 0 0 1 1 0 ] +0.072718 0.303937 0.08955 -70.931153 2.744519 1.544522 2.374433 0.889414 0.548555 0.516006 0.35482 0.6371 0.263296 0.386569 0.529851 0.487301 0.077511 0.315926 0.033961 5.739373 1.747497 1.250135 1.211201 0.868394 0.858551 0.727791 0.778643 0.576171 0.631519 0.56171 0.544693 0.493454 0.026498 0.090864 0.008465 2.08105 0.784445 0.37924 0.478308 0.300887 0.317317 0.33049 0.272527 0.227507 0.312327 0.298741 0.202682 0.260663 0.036405 0.069845 0.029429 3.86935 0.464655 0.238661 0.183158 0.151375 0.148825 0.107777 0.172096 0.084281 0.124517 0.107612 0.088842 0.07767 0.234447 64.0 0.254846 192.0 3.0 0.319676 0.014949 0.730215 [ 0 0 0 0 0 1 ] +0.123313 0.326105 0.092511 -72.939057 2.685013 1.247966 1.071791 0.459531 0.686811 0.808159 0.594926 0.487441 0.506259 0.546786 0.393897 0.797081 0.083817 0.231151 0.036865 6.420605 1.691109 1.316136 1.390237 0.864537 0.870371 0.725014 0.616298 0.68858 0.544037 0.526882 0.577243 0.523797 0.039887 0.071947 0.009141 8.605813 0.755245 0.71087 1.266604 0.330209 0.316033 0.354064 0.231395 0.312011 0.224749 0.174214 0.177461 0.217703 0.030574 0.06771 0.029382 4.1216 0.436942 0.273801 0.36336 0.266206 0.184182 0.182996 0.141421 0.190987 0.097845 0.073077 0.120307 0.105004 0.062752 91.0 0.008979 182.0 2.0 0.137549 0.258126 0.769224 [ 0 0 0 0 0 1 ] +0.082109 0.214384 0.081484 -69.178635 3.44753 -0.186099 1.385475 0.38326 0.460515 0.280182 0.707813 0.554104 0.724081 0.595313 0.424298 0.274949 0.044774 0.160955 0.031482 3.494791 0.781706 0.693311 0.695594 0.576562 0.548693 0.517813 0.486423 0.541146 0.512541 0.461993 0.461665 0.421179 0.029126 0.060581 0.007556 3.492042 0.626404 0.452738 0.44369 0.440044 0.495443 0.432291 0.25598 0.342134 0.230673 0.224761 0.211661 0.269396 0.026557 0.088421 0.030323 4.174555 0.341165 0.166963 0.163426 0.166771 0.137028 0.102926 0.089537 0.132995 0.111681 0.077584 0.099524 0.080205 0.763897 71.0 1.020856 142.0 2.0 0.776737 0.638173 1.895239 [ 0 0 1 0 1 0 ] +0.096853 0.254369 0.108394 -75.135879 2.667606 -0.182227 2.445202 1.087411 0.619578 0.727372 0.852345 0.58768 0.483163 0.441552 0.618501 0.536603 0.089984 0.255451 0.050931 6.18426 1.774103 1.330182 0.801739 0.654471 0.634295 0.556171 0.601812 0.599998 0.561137 0.535914 0.520975 0.498044 0.026791 0.051182 0.010032 3.9414 0.959768 1.109438 0.640352 0.485482 0.360497 0.313024 0.471095 0.330161 0.334969 0.329406 0.31279 0.201884 0.027352 0.077637 0.027253 3.782104 0.341167 0.305663 0.183771 0.111581 0.128283 0.111608 0.112337 0.12741 0.101259 0.130246 0.092969 0.08482 0.934808 65.0 1.433849 130.0 2.0 1.256259 1.433849 2.740555 [ 0 1 0 0 0 0 ] +0.050759 0.07383 0.080262 -75.763549 7.437511 0.746229 1.550953 -0.34003 1.064067 0.067405 0.506407 0.438398 0.492756 0.298851 0.213688 0.51952 0.017092 0.030651 0.030399 2.978444 1.135318 0.709135 0.578625 0.549215 0.52738 0.528955 0.602935 0.623171 0.665762 0.632548 0.601483 0.656844 0.017709 0.037445 0.008373 2.460876 0.666445 0.367422 0.346088 0.300995 0.354359 0.334644 0.282644 0.386698 0.470997 0.3948 0.304769 0.307407 0.025855 0.054908 0.030247 4.168226 0.433963 0.179255 0.176773 0.138997 0.13653 0.145855 0.202901 0.187758 0.165192 0.158347 0.143067 0.198426 0.116341 72.0 0.211147 144.0 2.0 0.41297 0.550603 1.82154 [ 1 1 1 0 0 0 ] +0.095925 0.238396 0.082233 -70.216004 3.687829 1.715213 1.960151 0.217513 1.580898 0.555146 0.27223 0.892875 0.519348 0.328271 0.570109 0.628311 0.055928 0.177009 0.033572 3.480724 1.129207 1.031729 0.84131 0.625947 0.583556 0.526702 0.57221 0.571528 0.498571 0.484689 0.498388 0.47948 0.022185 0.064251 0.007088 2.13779 0.781809 0.822583 0.847619 0.35231 0.458402 0.273729 0.314561 0.30253 0.342784 0.275864 0.309858 0.329153 0.028007 0.049735 0.029934 4.135215 0.34666 0.394112 0.24297 0.142368 0.169416 0.10067 0.111234 0.126439 0.100521 0.093792 0.107712 0.096629 0.188802 56.0 0.015757 168.0 3.0 0.513907 0.202526 1.052471 [ 1 1 1 0 0 0 ] +0.10329 0.238711 0.078385 -70.284946 2.733991 1.154561 1.713357 0.670826 0.731471 0.330214 0.486386 0.200574 0.304823 0.921838 0.376302 0.37539 0.050864 0.13092 0.030509 4.303595 1.225036 0.957385 0.654213 0.521828 0.494712 0.547491 0.463978 0.529489 0.508621 0.598988 0.664229 0.660013 0.031366 0.059187 0.007071 2.709171 0.809371 0.601131 0.327049 0.308618 0.261739 0.460442 0.268147 0.443727 0.371872 0.366643 0.550884 0.554603 0.023484 0.043851 0.030406 3.880724 0.405943 0.218308 0.146802 0.089111 0.093476 0.170047 0.087748 0.181266 0.184718 0.216154 0.324606 0.293644 0.099935 96.0 0.168985 192.0 2.0 0.153613 0.30329 0.896611 [ 1 1 0 0 0 0 ] +0.053637 0.097556 0.074777 -77.596066 8.767623 -0.769161 1.067337 0.782416 0.699369 0.534873 -0.172538 -0.038643 0.422112 0.593803 0.617684 0.526601 0.013904 0.042225 0.025297 2.967463 1.081371 0.878037 0.625558 0.546872 0.427975 0.462938 0.457065 0.437793 0.471143 0.433484 0.461183 0.496253 0.024209 0.050979 0.005918 5.326087 1.909198 1.00102 0.486226 0.516923 0.288754 0.745888 0.534484 0.538122 0.431663 0.796469 0.755499 0.529176 0.009829 0.072738 0.00909 1.90852 0.373656 0.260893 0.143717 0.13495 0.098076 0.134731 0.14497 0.128139 0.16696 0.182382 0.1855 0.262444 0.034552 68.0 0.033863 136.0 2.0 0.117014 0.232716 0.401118 [ 0 0 1 1 1 0 ] +0.072692 0.138596 0.077979 -72.035211 5.388109 0.672546 1.698138 0.407339 0.826405 0.102884 0.016044 0.479381 0.29714 0.552567 0.774752 0.202253 0.025728 0.07079 0.029143 3.37767 1.001595 0.73024 0.700294 0.481528 0.495516 0.493733 0.499878 0.501684 0.477635 0.457103 0.494267 0.51798 0.023587 0.047953 0.006619 3.469494 0.686549 0.722697 0.430659 0.252975 0.277555 0.267638 0.301066 0.324473 0.370222 0.288246 0.355724 0.448906 0.023519 0.051556 0.030526 4.110657 0.278078 0.252899 0.147366 0.080941 0.097102 0.107631 0.101619 0.111743 0.115808 0.13571 0.14726 0.134328 0.063385 96.0 0.015353 192.0 2.0 0.367248 0.339629 0.881401 [ 0 0 1 1 0 0 ] +0.083988 0.19932 0.078385 -60.672755 4.599305 -0.153652 2.001137 0.484926 0.024407 0.677132 0.423157 0.121744 0.181797 0.516058 0.328995 0.35462 0.029539 0.074537 0.030187 2.726055 0.790437 0.610102 0.614033 0.489067 0.506969 0.471141 0.493223 0.440419 0.409433 0.401499 0.401591 0.402189 0.016483 0.036289 0.008668 1.987891 0.292406 0.43093 0.36837 0.273554 0.54194 0.2199 0.328941 0.377493 0.191701 0.163722 0.129988 0.198519 0.024926 0.057627 0.030302 4.026583 0.264339 0.157701 0.17285 0.098853 0.099159 0.08004 0.087289 0.073709 0.066016 0.064719 0.069566 0.068656 0.171572 79.0 0.017072 158.0 2.0 0.517192 0.300293 0.96327 [ 0 1 0 0 0 1 ] +0.100513 0.233508 0.087929 -62.45901 2.970595 -0.017409 1.672983 0.000337 1.057216 0.478634 0.536011 0.291985 0.674805 0.531112 0.397713 0.259642 0.061345 0.135549 0.034535 4.689154 1.4969 0.982815 0.778338 0.695805 0.621209 0.558209 0.533762 0.527478 0.536648 0.484527 0.451088 0.485007 0.032044 0.061664 0.008445 3.366577 0.990369 0.721108 0.551143 0.409195 0.459002 0.347328 0.385364 0.424001 0.307751 0.328511 0.219547 0.251922 0.028667 0.070105 0.029645 3.68727 0.564644 0.292106 0.202881 0.145848 0.136138 0.104274 0.104328 0.129225 0.106428 0.085174 0.073724 0.097173 0.041343 54.0 0.022343 162.0 3.0 0.185267 0.151491 0.416448 [ 1 1 1 0 0 0 ] +0.121242 0.295476 0.077599 -62.152576 2.494332 -0.489057 0.900969 0.48797 0.632739 0.349466 0.764093 0.792107 0.897238 0.547697 0.504161 0.613806 0.039727 0.091833 0.028042 1.833738 0.54449 0.588024 0.501214 0.415795 0.440004 0.415972 0.395978 0.454141 0.411388 0.412206 0.41025 0.385865 0.012602 0.028318 0.007893 1.669659 0.235354 0.333081 0.243551 0.147646 0.174033 0.204326 0.178679 0.288098 0.169385 0.179418 0.149555 0.148535 0.019127 0.038052 0.030649 3.71335 0.162579 0.140972 0.099441 0.06583 0.063209 0.065548 0.056439 0.070422 0.061427 0.0617 0.055343 0.062323 0.3367 93.0 0.280172 186.0 2.0 0.184052 1.034414 1.629814 [ 1 0 0 0 0 1 ] +0.077108 0.1462 0.081205 -76.647517 6.089354 -1.201387 1.65972 0.166999 1.075124 0.085603 0.273913 0.06865 0.390256 0.434357 0.347529 0.364393 0.022165 0.041724 0.028136 3.130047 0.773156 0.547937 0.51906 0.493426 0.48567 0.48925 0.514451 0.520437 0.525776 0.494214 0.497348 0.452945 0.021212 0.039083 0.007597 7.991955 1.061181 0.312898 0.274384 0.420528 0.286039 0.314525 0.367169 0.473418 0.556782 0.310791 0.336054 0.2743 0.0217 0.045918 0.030456 3.920796 0.345133 0.101542 0.08276 0.074746 0.060292 0.073615 0.086534 0.111819 0.117423 0.08474 0.109924 0.079831 0.055312 76.0 0.0 228.0 3.0 0.357838 0.257345 0.673004 [ 1 1 0 0 0 0 ] +0.071309 0.168975 0.080546 -64.570223 3.61576 0.708083 1.392194 0.540603 0.5034 0.35985 0.797442 0.365984 0.515929 0.740748 0.961233 0.429694 0.035189 0.104706 0.028807 2.831098 0.743224 0.772527 0.677267 0.543075 0.573243 0.474931 0.517067 0.443857 0.465146 0.43643 0.47021 0.418283 0.035715 0.082956 0.007493 2.812981 0.508073 0.542191 0.46593 0.306989 0.440554 0.244326 0.283799 0.194619 0.190813 0.233986 0.22482 0.166239 0.024491 0.049188 0.030409 3.747994 0.253454 0.259145 0.129646 0.129462 0.141191 0.098184 0.11346 0.078159 0.110604 0.058173 0.117005 0.065229 0.040325 78.0 0.083126 156.0 2.0 0.120429 0.068502 0.397665 [ 1 1 0 0 0 1 ] +0.034716 0.045855 0.076422 -87.89842 7.412313 3.910873 3.468003 0.927879 0.613458 0.717453 0.48218 0.222284 0.876915 -0.122368 0.240338 0.187206 0.015713 0.037064 0.030541 5.023926 1.446326 0.677709 0.779959 0.561078 0.543026 0.521486 0.441637 0.4447 0.480194 0.441344 0.463066 0.451098 0.018583 0.042256 0.008477 6.825126 1.652446 0.676894 0.821559 0.453951 0.554595 0.513951 0.307601 0.296346 0.455854 0.286493 0.311653 0.397083 0.031115 0.068228 0.030275 5.139939 0.713049 0.275279 0.399828 0.22454 0.228152 0.17861 0.144442 0.14371 0.150206 0.1183 0.176002 0.182149 0.027182 87.0 0.015314 174.0 2.0 0.08538 0.028162 0.178639 [ 0 0 0 1 1 0 ] +0.049263 0.576317 0.126595 -75.580981 4.512896 0.386405 0.820257 0.541688 0.22753 -0.125473 -0.074309 0.530135 0.75757 0.245088 0.424575 1.246864 0.068065 0.41994 0.074425 8.907642 1.942064 1.16414 0.804685 0.879724 0.793034 0.760897 0.807279 0.63375 0.596568 0.536769 0.494211 0.670928 0.016237 0.079916 0.014277 3.196656 0.837374 0.650686 0.291658 0.55945 0.534421 0.504102 0.563335 0.486036 0.558933 0.426535 0.237075 0.339638 0.023717 0.018614 0.029105 3.996551 0.403065 0.217306 0.129891 0.221418 0.163418 0.200067 0.222723 0.120048 0.163695 0.142624 0.09746 0.160955 0.508884 93.0 0.371364 186.0 2.0 0.418095 0.595861 1.52927 [ 1 0 0 0 0 0 ] +0.053182 0.108195 0.080485 -69.729182 7.246829 0.167833 1.66819 0.638893 1.10274 0.542144 0.504484 0.136498 0.440795 0.090408 -0.111746 0.457628 0.027516 0.074556 0.036134 4.782915 1.877049 1.049331 0.756 0.629867 0.572144 0.583894 0.523529 0.494636 0.522604 0.5391 0.490248 0.413796 0.02063 0.064798 0.009817 3.222552 0.886285 0.795528 0.494248 0.451266 0.31914 0.432408 0.257643 0.270055 0.295512 0.446644 0.329541 0.328389 0.033756 0.073122 0.029485 4.077141 0.679815 0.436077 0.329135 0.201358 0.214888 0.151189 0.153343 0.141984 0.119337 0.156315 0.147442 0.105036 0.055599 61.0 0.067634 122.0 2.0 0.173484 0.385691 0.654932 [ 0 1 1 1 0 0 ] +0.097 0.23172 0.079245 -59.117919 3.346005 -0.482212 1.130072 -0.131465 0.777962 0.495839 0.504096 0.643734 0.522674 0.488569 0.376659 0.105861 0.03636 0.093238 0.028146 2.257607 0.702372 0.694097 0.613189 0.509547 0.549279 0.492121 0.470069 0.491853 0.461544 0.459532 0.458118 0.459051 0.018706 0.045422 0.00904 1.399667 0.479947 0.381917 0.369199 0.273648 0.351951 0.188942 0.206324 0.258238 0.265656 0.211836 0.184868 0.235089 0.025126 0.05588 0.030358 3.866526 0.360762 0.193228 0.171718 0.086082 0.13447 0.102046 0.093887 0.102015 0.085886 0.086944 0.084713 0.106155 0.153383 78.0 0.003881 156.0 2.0 0.346194 0.271396 0.632123 [ 1 0 0 0 0 1 ] +0.021748 0.122792 0.091258 -70.497551 4.649302 1.617123 1.943092 0.925091 0.949796 0.787582 1.040692 0.906089 0.700076 0.534103 0.433599 0.244089 0.017441 0.281501 0.0362 5.042643 1.598449 0.836518 0.598657 0.494088 0.452453 0.435167 0.426033 0.399742 0.37152 0.405779 0.426457 0.408565 0.015286 0.041392 0.006653 2.699803 0.254721 0.23748 0.148641 0.126584 0.10305 0.07619 0.071779 0.074732 0.059393 0.069923 0.070828 0.087761 0.026772 0.049603 0.028879 3.3626 0.108396 0.108653 0.06326 0.043679 0.048508 0.05633 0.040339 0.049306 0.05575 0.053858 0.051516 0.056622 0.359947 68.0 0.358865 136.0 2.0 0.384132 0.426611 0.810742 [ 1 0 0 0 0 0 ] +0.078166 0.164608 0.078192 -70.180078 4.41422 0.671725 1.915641 0.461605 0.84979 0.203479 0.059215 0.573602 0.468952 0.429771 0.599021 0.128594 0.03385 0.089534 0.028337 3.487958 1.025426 0.777126 0.659096 0.500587 0.540402 0.496212 0.477515 0.517924 0.498541 0.502831 0.502357 0.555344 0.017137 0.041276 0.008534 2.897312 0.627868 0.484582 0.371558 0.212901 0.288814 0.191307 0.251769 0.353546 0.360186 0.298263 0.264258 0.47241 0.024864 0.053479 0.030515 3.977939 0.294713 0.18784 0.132447 0.076701 0.105328 0.101429 0.081176 0.111969 0.122665 0.140126 0.100334 0.159005 0.085358 115.0 0.0 230.0 2.0 0.317782 0.350449 0.697448 [ 0 1 1 0 0 0 ] +0.049431 0.170668 0.089615 -73.504313 4.381057 0.954646 1.774768 0.866207 0.283272 0.62639 0.452385 0.436112 0.599806 0.576357 0.550629 0.697422 0.062791 0.264843 0.041753 6.734838 1.317385 0.999149 0.986884 0.64785 0.743327 0.567821 0.564845 0.591876 0.474341 0.46841 0.475998 0.434986 0.023636 0.067245 0.008638 3.498726 0.616406 0.660012 0.473288 0.298987 0.38556 0.221937 0.237465 0.347495 0.233689 0.166175 0.234885 0.193356 0.038305 0.087978 0.02905 3.598607 0.340589 0.273287 0.205011 0.185238 0.159589 0.110138 0.120581 0.159232 0.105854 0.072503 0.121167 0.077247 0.032518 93.0 0.051437 186.0 2.0 0.159028 0.097214 0.37027 [ 0 0 1 0 1 0 ] +0.036778 0.054587 0.076432 -87.2336 7.709325 2.189329 2.067105 1.11881 0.770747 0.471023 0.372025 0.148862 0.706017 0.522398 0.779328 0.392482 0.012882 0.029016 0.029766 4.749549 1.171635 0.84989 0.513424 0.421356 0.404043 0.392267 0.437365 0.400163 0.37886 0.419169 0.405064 0.409185 0.015767 0.035161 0.007693 5.881185 1.534234 1.069333 0.47105 0.446468 0.333074 0.415929 0.601403 0.506811 0.306258 0.393248 0.501548 0.742457 0.028494 0.062819 0.030287 4.736536 0.48092 0.302451 0.188664 0.134185 0.116143 0.102005 0.106684 0.118975 0.096964 0.132164 0.141823 0.189256 0.025877 100.0 0.00163 200.0 2.0 0.195519 0.18022 0.553048 [ 0 0 0 1 1 1 ] +0.069065 0.170118 0.083737 -62.729406 4.198385 0.221191 2.118687 0.674149 0.682758 0.634718 0.689425 0.022901 0.523391 0.627495 0.314664 0.256458 0.042929 0.109392 0.033033 3.437804 1.025741 0.688379 0.65799 0.5113 0.500974 0.490139 0.495898 0.438761 0.431466 0.392006 0.376743 0.3864 0.014617 0.03316 0.006667 3.933584 0.309303 1.351857 0.537795 0.215479 0.328815 0.187016 0.199156 0.234452 0.143756 0.138919 0.081311 0.177641 0.028782 0.074035 0.029864 3.810197 0.488505 0.275732 0.16621 0.149374 0.130477 0.138098 0.121705 0.10133 0.092779 0.07541 0.062924 0.085037 0.027377 65.0 0.06756 130.0 2.0 0.155706 0.196796 0.423143 [ 1 0 0 0 0 0 ] +0.052948 0.094717 0.082617 -82.241516 5.464143 1.360845 1.432958 0.747652 0.603301 0.446501 0.42704 0.700361 0.615896 0.280066 0.351628 0.489548 0.03783 0.103103 0.032109 5.303668 1.295788 0.806648 0.684169 0.585154 0.571072 0.565535 0.597794 0.56493 0.536726 0.579138 0.636444 0.578435 0.019398 0.048198 0.009507 4.33828 0.889127 0.992631 0.432244 0.373664 0.341879 0.307337 0.296763 0.289989 0.273351 0.356211 0.395566 0.29609 0.027473 0.068262 0.030314 4.759387 0.603029 0.189552 0.192013 0.124183 0.186815 0.178452 0.142168 0.166564 0.151876 0.176953 0.258374 0.182146 0.20471 87.0 0.318489 174.0 2.0 0.582134 0.136582 1.308249 [ 0 1 1 0 0 0 ] +0.087557 0.155988 0.077332 -73.521204 6.397038 -1.591628 1.746974 -0.891138 0.767046 0.285468 -0.385878 0.802703 0.924095 0.465301 0.524556 0.487122 0.017567 0.046343 0.027401 3.155083 0.671466 0.510204 0.566059 0.526149 0.501275 0.505975 0.495748 0.510769 0.543937 0.490088 0.4611 0.459387 0.012445 0.023035 0.006564 2.299104 0.412081 0.369901 0.491799 0.440498 0.326626 0.448803 0.478256 0.616038 0.582176 0.532145 0.347916 0.276192 0.024175 0.048515 0.03084 4.452219 0.332567 0.100259 0.166707 0.122891 0.128907 0.131853 0.126292 0.157183 0.16006 0.110796 0.081053 0.09477 0.061021 90.0 0.0 180.0 2.0 0.236537 0.388797 0.71317 [ 0 1 0 0 0 0 ] +0.022879 0.038729 0.077522 -74.953746 6.708323 2.438859 1.880618 1.310436 0.860629 0.578742 0.33822 0.204881 0.56423 0.520589 0.223673 0.324283 0.013609 0.037147 0.030699 3.633847 1.182986 0.657526 0.695248 0.633873 0.466188 0.452401 0.475634 0.480154 0.481978 0.431587 0.44311 0.363684 0.015728 0.033491 0.006853 4.469945 0.864504 0.61592 0.816307 0.679918 0.379549 0.346139 0.354609 0.286854 0.451751 0.265255 0.242098 0.246966 0.030051 0.071595 0.029952 4.50376 0.554112 0.258374 0.361656 0.27546 0.131235 0.101085 0.120422 0.138051 0.159194 0.11663 0.120343 0.072613 0.017029 96.0 0.0 192.0 2.0 0.089753 0.159733 0.498467 [ 0 0 1 1 1 0 ] +0.065002 0.178495 0.07927 -56.297652 2.849084 0.89852 1.224303 0.215222 0.371932 0.275251 0.541463 0.130261 0.309459 0.584505 0.284478 0.523266 0.030739 0.140155 0.028511 2.170967 0.760139 0.699371 0.601449 0.534527 0.490999 0.463211 0.48048 0.455625 0.429525 0.434223 0.464629 0.41099 0.019788 0.044519 0.007138 1.468603 0.510541 0.354062 0.222103 0.186894 0.220306 0.169803 0.165101 0.166305 0.114531 0.164002 0.198489 0.170463 0.024869 0.057567 0.030403 4.060476 0.359862 0.150771 0.14995 0.12551 0.082944 0.07662 0.095738 0.080826 0.073422 0.079517 0.090018 0.071053 0.008454 91.0 0.016263 182.0 2.0 0.04407 0.037909 0.123335 [ 0 0 0 0 0 1 ] +0.01621 0.513427 0.094665 -68.799098 4.622023 1.375783 1.340068 0.957742 0.872255 0.585099 0.377955 0.375625 0.274507 0.332864 0.424916 0.682035 0.013246 0.471795 0.046067 4.068405 1.425138 0.820535 0.600278 0.471448 0.437695 0.416069 0.403557 0.380282 0.35096 0.353999 0.318196 0.334003 0.02195 0.110956 0.006787 2.971623 0.532469 0.278843 0.156412 0.12612 0.111999 0.0923 0.124868 0.086147 0.120857 0.158911 0.125948 0.093208 0.027437 0.055422 0.028107 3.457157 0.406083 0.13523 0.104572 0.082541 0.067031 0.063193 0.06185 0.048799 0.046608 0.057487 0.06016 0.047912 0.21909 70.0 0.361843 140.0 2.0 0.270276 0.438492 0.935467 [ 1 0 0 0 0 1 ] +0.042903 0.089283 0.080263 -71.474821 5.12889 0.529289 2.667867 0.155866 2.358098 -0.209229 0.953288 0.026708 0.753868 0.182509 0.58994 0.066703 0.02515 0.077799 0.030237 4.076527 1.004433 0.700145 0.593446 0.47699 0.508451 0.509779 0.45003 0.500507 0.51072 0.592285 0.564589 0.533598 0.018311 0.064154 0.009242 3.205615 0.560105 0.381812 0.333564 0.231243 0.332776 0.291699 0.176104 0.319003 0.315185 0.507707 0.415755 0.341219 0.027311 0.074259 0.030212 3.962666 0.268322 0.160201 0.157409 0.071566 0.145065 0.088775 0.0811 0.138906 0.117968 0.228031 0.194389 0.167148 0.081668 74.0 0.006261 148.0 2.0 0.366192 0.289227 0.66168 [ 0 1 1 0 0 0 ] +0.038987 0.05957 0.082053 -81.361592 5.94995 2.09033 2.507652 1.684529 1.0252 0.343319 0.748334 0.436079 0.904468 0.398346 0.218684 0.708992 0.023507 0.064502 0.034004 5.15302 1.450517 0.903773 0.77364 0.667578 0.640845 0.63034 0.488171 0.555967 0.552065 0.567747 0.485574 0.479957 0.013947 0.032257 0.008505 3.930625 1.093326 0.666486 0.454902 0.386592 0.455482 0.503247 0.320916 0.431595 0.375163 0.344798 0.338795 0.312828 0.029707 0.062886 0.029746 4.188278 0.464469 0.272274 0.257521 0.186338 0.185339 0.185549 0.105856 0.136863 0.177534 0.160605 0.131958 0.107033 0.089287 87.0 0.053862 174.0 2.0 0.581526 0.047156 0.774458 [ 0 0 0 1 1 0 ] +0.084866 0.192814 0.084549 -72.305086 3.718098 0.500102 1.507785 0.190989 0.655994 0.250866 0.510508 0.337167 0.505536 0.690948 0.184973 0.543154 0.041547 0.114666 0.034265 3.964675 1.177531 0.798371 0.595938 0.528804 0.433398 0.421699 0.515322 0.52628 0.535001 0.59543 0.569932 0.582491 0.026467 0.056378 0.008641 2.54836 0.889102 0.539893 0.294103 0.274809 0.210467 0.184096 0.518939 0.474272 0.433583 0.429676 0.424489 0.404748 0.024076 0.069974 0.029272 4.683654 0.35042 0.205097 0.142706 0.111773 0.085758 0.069996 0.129689 0.111926 0.148752 0.145366 0.171105 0.165589 0.13481 75.0 0.0 150.0 2.0 0.533746 0.587807 1.121553 [ 0 1 1 0 0 0 ] +0.036299 0.064986 0.082104 -72.710462 7.92022 0.134279 2.546373 0.671063 1.589821 0.576485 0.089158 0.261224 0.167199 0.661612 0.13944 0.45341 0.018544 0.050505 0.037714 5.242584 1.617565 0.907755 0.790619 0.686233 0.454869 0.473198 0.428844 0.406465 0.477573 0.474959 0.448606 0.410911 0.017394 0.040446 0.009026 4.572766 1.308411 0.357039 0.695072 0.580675 0.262438 0.245005 0.212725 0.233836 0.319727 0.34079 0.247875 0.259447 0.028091 0.061028 0.029293 4.040646 0.502121 0.317307 0.314394 0.271801 0.117959 0.114325 0.089701 0.080495 0.117147 0.139134 0.120582 0.093825 0.159283 98.0 0.0 196.0 2.0 0.095982 0.520006 0.677943 [ 0 0 1 1 1 0 ] +0.161218 0.46782 0.096983 -71.298043 1.176349 1.871744 1.097346 0.641059 0.372797 0.99105 0.398497 0.620176 0.640384 0.371496 0.77162 0.377546 0.119855 0.267804 0.04078 7.356566 1.631008 1.380196 1.165626 0.978787 0.930145 0.784487 0.774253 0.633667 0.631864 0.557194 0.554867 0.52775 0.053851 0.078614 0.007275 3.694672 0.786162 0.676327 0.530881 0.417822 0.393668 0.320128 0.176676 0.233029 0.233907 0.14694 0.164319 0.176207 0.036098 0.049404 0.029032 3.629354 0.491076 0.303654 0.239815 0.251637 0.17229 0.146805 0.160397 0.115809 0.113976 0.10368 0.080572 0.080849 0.466766 66.0 0.256515 132.0 2.0 0.75221 0.576382 1.477141 [ 1 0 0 0 0 1 ] +0.115987 0.336879 0.079068 -64.570939 2.339044 0.714859 1.792451 0.611347 0.287022 0.772846 0.858681 0.51622 0.953049 0.462743 0.278748 0.692991 0.049528 0.154465 0.029805 2.895109 0.793271 0.82853 0.751886 0.58271 0.588117 0.514929 0.510581 0.499952 0.530243 0.515803 0.522097 0.500317 0.04485 0.139651 0.009181 2.182551 0.496793 0.369699 0.427007 0.289982 0.342384 0.235992 0.29166 0.251251 0.25737 0.38736 0.348616 0.306531 0.025264 0.045134 0.030458 4.216063 0.317604 0.357067 0.236522 0.165829 0.167694 0.092909 0.097829 0.102122 0.127609 0.118018 0.1004 0.116393 0.341052 75.0 0.604308 150.0 2.0 0.488375 0.004603 1.147727 [ 0 0 0 0 1 0 ] +0.086016 0.141845 0.081554 -81.141092 6.714252 -1.338896 1.326248 0.340032 1.290664 0.337209 0.156768 0.419102 0.81725 0.485674 0.346063 0.314718 0.022179 0.038998 0.028579 2.867292 0.810685 0.558373 0.541209 0.518991 0.501251 0.53411 0.545498 0.533277 0.585684 0.558327 0.485108 0.47904 0.02039 0.043301 0.007069 4.19806 1.053313 0.565454 0.326625 0.376763 0.296478 0.452321 0.544807 0.462792 0.591347 0.492312 0.294102 0.221046 0.025804 0.056483 0.030561 4.576525 0.416245 0.191602 0.120845 0.091566 0.072228 0.107603 0.125139 0.122413 0.160682 0.134102 0.093242 0.091036 0.090317 79.0 0.19669 158.0 2.0 0.430059 0.102757 1.276632 [ 0 1 1 0 0 0 ] +0.063232 0.140621 0.082097 -66.596131 5.594724 0.350716 1.023655 0.439544 0.855564 0.414784 0.086249 0.316512 0.758706 0.556832 0.436872 0.649256 0.042425 0.125334 0.032165 3.479509 1.208403 0.852356 0.623402 0.559466 0.473547 0.472076 0.527822 0.440692 0.437424 0.428334 0.392095 0.417946 0.026194 0.057555 0.007628 3.329126 1.090879 0.888067 0.795451 0.387851 0.305559 0.430555 0.450699 0.399321 0.287501 0.398437 0.203391 0.222484 0.037229 0.08275 0.03009 4.401625 0.48748 0.289387 0.231306 0.174677 0.108095 0.075866 0.103406 0.07178 0.072419 0.075935 0.058978 0.07328 0.949153 79.0 1.199589 158.0 2.0 1.788567 0.03276 3.076057 [ 0 0 0 0 1 0 ] +0.026461 0.041099 0.08032 -75.802612 8.103934 -0.51184 1.200195 1.070472 1.164309 0.469822 0.771787 0.703287 0.878537 0.553135 0.463066 0.341862 0.013833 0.029867 0.034566 3.489182 1.643425 0.629016 0.527457 0.537325 0.451316 0.416101 0.435425 0.44074 0.389595 0.407147 0.390728 0.357857 0.01527 0.033557 0.008642 2.723179 0.749722 0.374783 0.492308 0.650285 0.469826 0.409802 0.306115 0.334307 0.497832 0.446211 0.457095 0.458783 0.028437 0.057673 0.029238 4.24088 0.371633 0.118864 0.111725 0.140637 0.103906 0.066702 0.086091 0.094481 0.084517 0.076811 0.077691 0.073861 0.023904 84.0 0.0 168.0 2.0 0.128673 0.103198 0.234639 [ 0 0 1 0 1 0 ] +0.101976 0.249644 0.081015 -58.962537 3.317153 -0.499093 1.888978 0.362176 0.880695 0.581747 0.192022 0.521278 0.512379 0.502473 0.323126 0.418123 0.037587 0.083514 0.029214 2.439063 0.846446 0.779809 0.670081 0.65853 0.489931 0.514107 0.487178 0.443645 0.454773 0.411342 0.414337 0.404181 0.019256 0.038649 0.007176 2.747384 0.559063 1.138175 0.562347 0.413305 0.226591 0.185527 0.188744 0.147456 0.143287 0.196688 0.134299 0.131277 0.024326 0.060956 0.030498 4.126424 0.422731 0.245317 0.171821 0.135867 0.095876 0.112901 0.1019 0.072114 0.090218 0.059507 0.067279 0.065177 0.075821 81.0 0.129353 162.0 2.0 0.246002 0.132959 0.890397 [ 1 0 0 0 0 1 ] +0.040637 0.066504 0.083637 -77.425609 8.75572 1.021719 1.718509 0.981417 0.69149 0.81339 0.490499 -0.11607 0.614545 0.150679 0.273112 0.415411 0.025661 0.058083 0.038224 5.132659 1.742984 1.076205 0.795662 0.650737 0.534917 0.540076 0.486051 0.517889 0.502363 0.492642 0.484629 0.545241 0.0205 0.046257 0.008294 6.59021 1.205045 0.655754 0.45673 0.431591 0.331344 0.313252 0.249343 0.326334 0.465001 0.400787 0.322811 0.422151 0.036909 0.075649 0.029606 4.127576 0.57357 0.339171 0.313814 0.200219 0.139996 0.134285 0.122929 0.148122 0.128912 0.10412 0.141224 0.176258 0.05704 72.0 0.013327 144.0 2.0 0.340095 0.441268 0.820898 [ 0 0 1 1 1 0 ] +0.102734 0.236176 0.080773 -61.893693 3.484507 -0.122183 1.556414 0.449897 0.314994 0.398661 0.519582 0.347694 0.524127 0.359433 -0.148082 0.340528 0.054646 0.126647 0.030254 2.596757 1.016409 0.766808 0.682995 0.554559 0.53342 0.563916 0.535944 0.514658 0.501189 0.495928 0.490943 0.438351 0.035868 0.071065 0.008397 1.723883 0.970708 0.656291 0.60841 0.312332 0.292388 0.436643 0.340781 0.296079 0.264218 0.345025 0.30838 0.317562 0.030513 0.065944 0.0303 3.976944 0.456645 0.153172 0.154417 0.091066 0.08565 0.098154 0.09273 0.08883 0.109155 0.114991 0.093818 0.061822 0.040991 115.0 0.0 230.0 2.0 0.019594 0.040991 0.265323 [ 0 0 0 0 1 1 ] +0.056279 0.099741 0.085464 -83.295694 7.970949 0.139845 2.127351 0.192498 1.250132 0.372618 0.937954 0.640169 0.607401 0.450212 0.359876 0.519776 0.037262 0.073733 0.038102 3.514585 1.319767 0.960001 0.814597 0.698834 0.608796 0.555552 0.479523 0.50277 0.51179 0.546852 0.489288 0.426194 0.033756 0.059731 0.008257 6.795796 1.25142 1.017481 0.908498 0.793489 0.662106 0.53137 0.426175 0.404267 0.534141 0.429773 0.568895 0.273244 0.05148 0.086154 0.02954 4.333732 0.86871 0.618704 0.38011 0.323165 0.187674 0.20703 0.140712 0.172306 0.21576 0.282338 0.232775 0.135081 0.022907 93.0 0.023429 186.0 2.0 0.143325 0.093244 0.347268 [ 0 0 1 1 1 0 ] +0.038516 0.408709 0.094919 -76.108186 4.806829 1.437954 1.71651 1.051515 0.949519 0.879349 0.753981 0.371906 0.408436 0.336435 0.472692 0.393428 0.055772 0.402662 0.05241 7.892465 1.839869 1.471982 1.202813 0.797845 0.625102 0.792908 0.646851 0.544526 0.48758 0.497945 0.578927 0.451358 0.019826 0.180732 0.007162 2.871391 0.554282 0.378021 0.435744 0.31709 0.218462 0.365918 0.241443 0.194718 0.180692 0.212014 0.281085 0.157821 0.037138 0.07433 0.027676 3.935453 0.308515 0.178311 0.210731 0.232775 0.114916 0.227349 0.110228 0.116195 0.081931 0.107934 0.152402 0.104828 0.033371 54.0 0.076571 162.0 3.0 0.196587 0.05103 0.354006 [ 0 1 1 1 0 0 ] +0.034295 0.063617 0.077881 -74.429498 7.270253 1.618832 1.233203 1.01882 0.625164 0.588573 0.25863 0.399489 0.597451 0.430877 0.147138 0.421819 0.018447 0.058402 0.030568 3.953029 1.098197 0.718693 0.703895 0.623766 0.544276 0.468785 0.485219 0.455566 0.501205 0.444227 0.456117 0.417002 0.019407 0.056664 0.007982 3.758875 0.869198 0.586535 0.519039 0.520685 0.317707 0.407312 0.37485 0.298851 0.400788 0.279016 0.238255 0.283689 0.030059 0.083165 0.030162 4.353764 0.560699 0.213313 0.26208 0.171904 0.109772 0.106716 0.095982 0.101358 0.12587 0.125135 0.109558 0.120696 0.02592 61.0 0.016194 122.0 2.0 0.128788 0.103414 0.250091 [ 0 0 1 1 1 0 ] +0.06764 0.136969 0.079322 -73.747204 6.500311 -0.774962 1.150365 0.499873 0.614575 0.245396 0.459933 0.305805 0.297555 0.422729 0.281617 0.196973 0.021554 0.042202 0.028691 3.99859 0.819612 0.567866 0.529703 0.50019 0.462801 0.44505 0.515284 0.454858 0.487057 0.51291 0.43371 0.429836 0.015993 0.03344 0.007455 5.62613 0.622759 0.398339 0.205404 0.262165 0.22739 0.189544 0.601662 0.382543 0.360231 0.32027 0.164833 0.160593 0.025322 0.054027 0.030405 4.421387 0.383505 0.11459 0.105789 0.081299 0.075369 0.093377 0.181311 0.111745 0.115534 0.101783 0.079127 0.078626 0.497088 81.0 0.234938 162.0 2.0 0.894872 0.027567 1.422541 [ 1 1 0 0 0 0 ] +0.082958 0.205946 0.076953 -59.883939 4.698083 -0.607546 2.125105 0.157676 0.670575 0.276257 0.419583 0.20495 0.251813 0.303992 0.354714 0.348 0.022338 0.052785 0.028937 1.665689 0.686913 0.529797 0.475601 0.428766 0.418481 0.384907 0.371113 0.376691 0.379912 0.361706 0.34898 0.350303 0.014327 0.025422 0.007218 1.103874 0.38292 0.373574 0.258708 0.217005 0.177876 0.167752 0.11841 0.132954 0.126878 0.093972 0.119471 0.114587 0.023651 0.047749 0.030488 3.962317 0.316427 0.135774 0.109511 0.06849 0.057412 0.050007 0.049445 0.048198 0.055472 0.048022 0.043443 0.045002 0.079238 66.0 0.18661 132.0 2.0 0.635963 0.505705 1.301808 [ 1 0 0 0 1 1 ] +0.103782 0.262535 0.080116 -64.95944 3.09809 0.262919 1.555064 0.207378 1.184918 0.539595 0.629253 0.371148 0.731419 0.474316 0.611346 0.20757 0.043647 0.098672 0.027901 2.490443 0.67903 0.633697 0.581469 0.553811 0.49038 0.461455 0.448323 0.445582 0.468058 0.434513 0.426888 0.40429 0.016129 0.032426 0.006853 2.433211 0.361594 0.28002 0.469891 0.290553 0.259837 0.142285 0.163526 0.144983 0.170373 0.192849 0.252572 0.149837 0.021318 0.04 0.030755 3.585616 0.218296 0.132967 0.13987 0.102358 0.110155 0.072272 0.085479 0.076435 0.075669 0.06332 0.068288 0.064829 0.406339 61.0 0.870842 122.0 2.0 0.930176 0.931905 1.862081 [ 1 0 0 0 0 1 ] +0.069209 0.133291 0.075974 -76.845586 4.478436 1.348273 1.600954 1.047514 0.52183 0.656178 0.42663 -0.111709 0.334361 0.132191 0.37118 0.351548 0.028003 0.075768 0.029413 5.042646 1.116161 1.152025 0.655249 0.494672 0.490736 0.471179 0.507912 0.556348 0.513159 0.462735 0.469687 0.518079 0.025007 0.062272 0.007472 4.677722 1.145529 0.939657 0.331521 0.34493 0.345672 0.317109 0.277515 0.331704 0.329261 0.277177 0.396001 0.449282 0.024628 0.053109 0.03058 4.054628 0.289681 0.354761 0.152338 0.111659 0.123067 0.139353 0.125727 0.132131 0.139719 0.130777 0.118455 0.185121 0.101967 72.0 0.375812 144.0 2.0 0.394914 0.255537 1.223636 [ 0 0 1 1 1 0 ] +0.068834 0.218554 0.08198 -71.68074 3.786274 0.465417 1.287919 0.815464 0.89804 0.074379 0.391612 0.28247 0.684912 0.561368 0.431738 0.617121 0.051532 0.236895 0.03284 4.462491 1.017257 0.994163 0.835513 0.716482 0.599084 0.639829 0.594357 0.564765 0.534688 0.484658 0.480449 0.448679 0.021769 0.052425 0.007453 2.463646 0.719915 0.643527 0.473146 0.447001 0.321542 0.366167 0.412458 0.282463 0.281779 0.257039 0.265832 0.206814 0.026217 0.083316 0.029891 4.373893 0.262766 0.238762 0.200844 0.158333 0.120619 0.150135 0.107414 0.108766 0.109891 0.081569 0.097011 0.079561 0.087398 64.0 0.040045 128.0 2.0 0.253734 0.129724 0.510865 [ 0 0 1 0 0 0 ] +0.034847 0.058371 0.076828 -76.682386 5.911183 0.711381 1.987983 1.187631 1.335695 0.335986 1.181069 0.615406 0.967058 0.242659 0.547017 0.548462 0.030859 0.073805 0.028217 4.973444 1.073608 0.784394 0.751568 0.690932 0.590603 0.610958 0.535972 0.552725 0.518273 0.506664 0.483591 0.428797 0.031383 0.064915 0.007992 4.91775 0.745217 0.687454 0.651895 0.55428 0.560622 0.530888 0.405554 0.421012 0.326549 0.48189 0.304145 0.257099 0.050021 0.092843 0.030515 4.277239 0.659027 0.363 0.300344 0.239588 0.182046 0.186259 0.156188 0.179572 0.14014 0.142749 0.085769 0.118487 0.155479 94.0 0.0 188.0 2.0 0.072355 0.411532 0.510428 [ 0 0 0 1 1 0 ] +0.071273 0.171429 0.082395 -62.32949 4.046795 0.473169 0.991441 0.50921 0.511921 0.738241 0.963118 0.592036 0.33408 0.68665 0.345381 0.411224 0.039502 0.124469 0.030087 2.650868 0.853084 0.768418 0.649591 0.541467 0.584076 0.519087 0.497444 0.464128 0.441835 0.478826 0.437687 0.473223 0.022229 0.063901 0.007138 1.532634 0.538836 0.300322 0.40067 0.266827 0.422514 0.195863 0.185391 0.203123 0.172186 0.241849 0.164995 0.192444 0.02805 0.069238 0.030006 4.053242 0.345963 0.183611 0.166378 0.103927 0.110152 0.104955 0.078036 0.066546 0.079305 0.09997 0.089478 0.086767 0.079509 75.0 0.172315 150.0 2.0 0.332758 0.230307 0.780204 [ 1 1 0 0 0 0 ] +0.043814 0.115098 0.089084 -69.109996 4.491448 -0.204942 2.278649 0.572937 1.089398 0.605969 0.723458 0.264259 0.420036 0.50108 0.492278 0.460982 0.040046 0.131815 0.041957 5.602988 1.666161 1.113602 0.754182 0.622554 0.681557 0.5634 0.509063 0.569788 0.515002 0.525505 0.521585 0.528151 0.015625 0.039276 0.006512 2.829651 0.825911 0.490506 0.396184 0.262647 0.468926 0.236604 0.183872 0.323803 0.354523 0.282752 0.270351 0.264688 0.023148 0.06458 0.028437 3.530336 0.265861 0.24365 0.127741 0.108004 0.175088 0.102889 0.108816 0.12043 0.122039 0.109563 0.220261 0.214591 0.018112 102.0 0.0 204.0 2.0 0.052273 0.050601 0.154345 [ 0 1 1 0 0 0 ] +0.08608 0.190396 0.092756 -75.021837 4.389012 0.020238 2.73164 0.245511 0.837855 0.688361 0.635731 0.329018 0.564078 0.542451 0.651995 0.532455 0.073511 0.158142 0.038297 4.275029 1.973313 1.0181 1.251729 0.961931 0.859016 0.777497 0.691216 0.625738 0.682571 0.659323 0.677017 0.591864 0.030154 0.063644 0.012055 5.489058 1.180971 1.011086 1.089011 0.62318 0.517288 0.44125 0.386669 0.292826 0.351935 0.398352 0.373847 0.307905 0.042641 0.08573 0.029328 4.880402 0.956006 0.339416 0.543927 0.415798 0.271085 0.22262 0.214845 0.147818 0.218947 0.202757 0.192977 0.138989 0.032312 55.0 0.032694 110.0 2.0 0.256233 0.257787 0.584599 [ 1 1 0 0 0 1 ] +0.036982 0.070633 0.088106 -75.856521 7.16346 1.430825 2.03445 1.304317 0.624657 0.638828 1.309755 0.383286 0.336557 0.668487 0.368859 0.115561 0.028429 0.085489 0.038376 4.148248 1.913457 0.996999 0.731687 0.58766 0.590483 0.61356 0.554031 0.527976 0.520403 0.511602 0.503919 0.454079 0.020149 0.053436 0.008213 3.388988 1.288468 0.665978 0.361387 0.378543 0.28188 0.256889 0.292201 0.324205 0.270352 0.202749 0.236119 0.245326 0.030649 0.072986 0.02943 4.048571 0.338209 0.177264 0.156864 0.110811 0.099944 0.13002 0.1131 0.094462 0.085924 0.090204 0.103379 0.112329 0.074466 102.0 0.0 204.0 2.0 0.138271 0.184231 0.599489 [ 0 0 1 1 1 0 ] +0.08586 0.206936 0.086263 -61.308655 4.546431 -0.589698 2.710433 -0.326935 1.19815 0.167594 0.905932 0.114297 0.670309 0.501787 0.367205 0.143124 0.040234 0.103061 0.032053 2.592091 1.021677 0.7356 0.70666 0.555867 0.552493 0.522216 0.473522 0.523732 0.439811 0.487182 0.450392 0.468256 0.026221 0.058661 0.007803 1.979001 0.659209 0.496962 0.467445 0.416613 0.307556 0.311901 0.193095 0.224005 0.229106 0.195824 0.183126 0.257668 0.031237 0.063139 0.030034 3.486689 0.237648 0.209515 0.161786 0.08797 0.102161 0.112091 0.069562 0.093679 0.06597 0.096224 0.097475 0.087833 0.369521 64.0 0.560352 128.0 2.0 0.555066 0.580676 1.177222 [ 1 0 0 0 1 0 ] +0.032588 0.057504 0.079579 -71.298814 5.842278 1.691019 1.814731 0.991714 0.773963 0.673096 0.511492 0.550331 0.458343 0.197768 0.529115 0.187054 0.022087 0.060851 0.030917 2.994689 1.193593 0.673069 0.729996 0.63501 0.537873 0.470153 0.471436 0.473648 0.477933 0.452747 0.404555 0.441963 0.016602 0.042097 0.007545 2.860261 0.679628 0.383678 0.565302 0.344923 0.33009 0.220252 0.186243 0.222539 0.241283 0.206299 0.136698 0.201153 0.030132 0.07431 0.029992 3.963864 0.373898 0.120408 0.291322 0.248617 0.13246 0.089792 0.10053 0.104158 0.115168 0.086575 0.059439 0.076956 0.1224 61.0 0.637858 122.0 2.0 0.311382 0.637858 1.092144 [ 0 0 1 1 1 0 ] +0.057702 0.091788 0.079229 -76.021379 8.306039 -0.411448 1.172719 0.004978 0.80274 -0.049825 0.234224 -0.351568 0.417784 0.584412 0.491505 0.569141 0.018552 0.038599 0.030011 4.341246 1.36878 0.705991 0.595681 0.592885 0.619193 0.577736 0.549572 0.620186 0.669121 0.694086 0.759136 0.663869 0.016786 0.033274 0.008579 4.292651 1.314179 0.575381 0.412017 0.375572 0.485636 0.391916 0.429964 0.672513 0.566427 0.634751 0.805584 0.718166 0.026813 0.056429 0.030133 4.250008 0.542746 0.179178 0.115825 0.117794 0.146896 0.111935 0.136844 0.192664 0.245762 0.269754 0.295629 0.289152 0.055815 72.0 0.013437 144.0 2.0 0.301106 0.195291 0.626153 [ 0 0 1 1 1 0 ] +0.051635 0.097674 0.076983 -79.430028 5.771274 0.658839 1.637117 1.040479 1.018541 0.651798 0.468732 0.371911 0.354268 0.456688 0.683899 0.410495 0.023011 0.062849 0.030217 4.840102 1.090011 1.121674 0.607252 0.479169 0.438425 0.402063 0.452284 0.411389 0.455983 0.435133 0.414921 0.443158 0.015314 0.036792 0.008107 3.527268 0.781418 0.787427 0.534477 0.308993 0.180987 0.1643 0.213766 0.162567 0.216112 0.189506 0.234399 0.228145 0.02573 0.054733 0.030012 4.445809 0.503693 0.328658 0.160508 0.108943 0.104622 0.08666 0.105871 0.085407 0.105719 0.097843 0.098555 0.152186 0.041586 74.0 0.116879 148.0 2.0 0.261487 0.246364 0.875577 [ 0 0 1 1 1 0 ] +0.081731 0.309901 0.086597 -69.003142 3.039964 -0.009412 1.676721 0.672404 0.517147 0.654144 0.426909 0.482124 0.300018 0.438575 0.278745 0.569084 0.071787 0.320819 0.038615 4.525431 1.130232 1.022465 0.675621 0.612321 0.565051 0.523187 0.488572 0.468052 0.456535 0.451703 0.438656 0.418364 0.031665 0.077633 0.007713 3.763947 0.49024 0.497474 0.273391 0.231434 0.238356 0.280423 0.227738 0.21683 0.227644 0.214361 0.215797 0.235022 0.036624 0.053926 0.029384 3.345336 0.301449 0.322743 0.124668 0.130532 0.119534 0.106523 0.091728 0.079291 0.070287 0.082566 0.086585 0.072489 1.024302 64.0 1.280232 128.0 2.0 1.069179 1.333172 2.402351 [ 1 1 0 0 0 0 ] +0.109002 0.26177 0.078415 -68.498436 2.693116 0.847693 1.426051 0.689825 0.7044 0.360724 0.6645 0.327267 0.185933 0.62804 -0.008646 0.261982 0.044732 0.123478 0.030218 3.881095 1.070104 0.888931 0.5737 0.494841 0.501328 0.535868 0.470846 0.508847 0.521315 0.593382 0.66031 0.638318 0.030256 0.07138 0.007989 2.737316 0.729434 0.678083 0.364236 0.32911 0.293792 0.465757 0.328581 0.349626 0.572747 0.661273 0.613978 0.564125 0.024089 0.058649 0.030464 3.888335 0.288202 0.233901 0.127211 0.091385 0.122693 0.150602 0.09642 0.191723 0.215127 0.234706 0.308767 0.299126 0.065653 68.0 0.034311 136.0 2.0 0.205757 0.343363 0.690944 [ 0 1 1 0 0 0 ] +0.047962 0.089159 0.076534 -66.862857 7.598836 -0.000276 1.279463 0.526652 0.758793 0.141721 0.470796 0.432637 0.402715 0.366385 0.141492 0.680644 0.018446 0.052348 0.030617 2.578974 1.152144 0.837145 0.692574 0.552605 0.584976 0.572958 0.51775 0.489603 0.479521 0.477821 0.493843 0.45793 0.019833 0.045968 0.007867 2.820528 0.874341 0.669917 0.517265 0.403686 0.481699 0.39403 0.3686 0.292312 0.237718 0.357099 0.333352 0.330557 0.026372 0.056534 0.030112 3.855285 0.551596 0.354315 0.259223 0.153607 0.151714 0.16407 0.153103 0.093276 0.102143 0.130953 0.111789 0.131634 0.068946 79.0 0.0 158.0 2.0 0.349038 0.341273 0.760995 [ 0 0 1 1 1 0 ] +0.079164 0.172315 0.082193 -61.570311 4.686938 -0.378898 1.879383 0.341934 0.715108 -0.15259 0.551889 0.473533 0.728074 0.601137 0.341104 0.551719 0.030387 0.08077 0.03085 2.996978 0.861825 0.77209 0.679149 0.585079 0.526604 0.544671 0.471581 0.503257 0.452123 0.424855 0.423299 0.444966 0.014976 0.031711 0.007713 2.203664 0.728175 0.395583 0.314898 0.255928 0.312322 0.290044 0.245929 0.164265 0.263437 0.181539 0.193848 0.182209 0.022467 0.050443 0.030059 3.595654 0.366123 0.228197 0.158999 0.12326 0.125095 0.106048 0.08008 0.104355 0.082677 0.079133 0.063964 0.085167 0.226545 73.0 0.723076 146.0 2.0 0.605729 0.462281 1.812638 [ 0 0 0 0 1 1 ] +0.04902 0.09142 0.07529 -82.467746 8.139222 -0.482834 2.072488 0.157276 0.933387 0.238646 0.425405 0.150531 0.308728 0.421733 0.309101 0.462791 0.014679 0.033841 0.028348 2.877871 0.7142 0.502701 0.4623 0.466264 0.484107 0.47355 0.453912 0.486301 0.461169 0.480659 0.42887 0.405623 0.020407 0.044803 0.007818 8.372331 1.295037 0.438534 0.410856 0.354096 0.293921 0.288168 0.364967 0.394984 0.290113 0.309509 0.253477 0.216678 0.024979 0.049566 0.030589 4.012135 0.359917 0.108085 0.089058 0.074273 0.073321 0.103543 0.094536 0.133459 0.086641 0.108695 0.075211 0.046796 0.044323 79.0 0.027382 158.0 2.0 0.265025 0.335411 0.67523 [ 0 0 1 0 0 0 ] +0.062776 0.117971 0.079913 -78.00852 5.377648 0.485009 2.037318 0.572958 1.107959 0.418329 0.223057 0.590035 0.00176 0.328259 0.289501 0.24313 0.029554 0.073972 0.030598 5.078143 1.205421 1.029321 0.58411 0.544041 0.534067 0.464136 0.465923 0.483504 0.569139 0.557658 0.583313 0.651659 0.017145 0.036857 0.008768 2.282403 0.837357 0.720849 0.353574 0.269223 0.256714 0.279557 0.273385 0.333462 0.401507 0.333287 0.386343 0.629418 0.02569 0.05159 0.029827 4.862167 0.512724 0.234738 0.133306 0.126449 0.104585 0.109545 0.107558 0.132918 0.176395 0.138184 0.206896 0.248817 0.067868 90.0 0.084776 180.0 2.0 0.471163 0.453124 1.346872 [ 0 1 1 0 0 0 ] +0.070301 0.151323 0.084619 -76.317801 5.965851 0.365145 2.289636 0.407008 0.766372 0.40811 0.627654 0.452075 0.170485 0.214924 0.032569 0.088827 0.023552 0.06017 0.028975 2.664483 0.773674 0.590738 0.5678 0.530652 0.491996 0.532463 0.547983 0.557063 0.559458 0.590155 0.54487 0.546994 0.030154 0.080801 0.007473 4.729216 1.430139 0.655403 0.447551 0.344128 0.367892 0.471123 0.450238 0.497182 0.457058 0.37057 0.417738 0.524355 0.024823 0.048981 0.030029 4.569953 0.344828 0.167498 0.148872 0.079713 0.076138 0.094619 0.125741 0.169032 0.184821 0.18894 0.156877 0.169282 0.03377 88.0 0.0 176.0 2.0 0.129582 0.351654 0.57059 [ 1 1 0 0 0 0 ] +0.038975 0.097204 0.081514 -67.835762 5.755859 0.191461 1.636111 0.275208 1.125232 0.933784 0.799193 0.766057 0.521541 0.474084 0.13616 0.620947 0.030013 0.127238 0.032058 4.003648 1.135943 0.812025 0.65338 0.601714 0.572139 0.584712 0.542251 0.521507 0.485524 0.527015 0.471037 0.418312 0.021332 0.050648 0.008373 2.03746 0.516071 0.471604 0.406911 0.25928 0.390576 0.299546 0.305987 0.43122 0.268752 0.26497 0.265371 0.272013 0.02879 0.087189 0.029824 4.125901 0.518805 0.276671 0.190558 0.134217 0.12914 0.16176 0.12562 0.097997 0.097177 0.128294 0.093912 0.08767 0.039282 64.0 0.0 128.0 2.0 0.171 0.0 0.171 [ 0 0 0 1 1 0 ] +0.084515 0.148866 0.077061 -90.184786 6.305982 -0.994127 1.886156 0.11913 0.740586 0.251434 0.307291 0.056215 0.381138 0.62928 0.687272 0.832866 0.026812 0.046803 0.027659 3.187278 1.069445 0.723821 0.601706 0.564692 0.604407 0.595734 0.616488 0.728281 0.757003 0.704993 0.620944 0.656493 0.023664 0.04737 0.007278 4.88603 1.66942 0.714817 0.58579 0.335337 0.52271 0.606193 0.608772 0.938684 0.963834 0.869984 0.682377 0.776752 0.023644 0.050246 0.030547 5.034233 0.464042 0.201685 0.128855 0.097272 0.113788 0.142732 0.151123 0.276417 0.292325 0.236606 0.150686 0.150848 0.048782 53.0 0.002724 106.0 2.0 0.259262 0.023129 0.282391 [ 0 0 1 1 0 0 ] +0.085351 0.176934 0.075883 -79.374519 6.709052 -1.634802 2.640631 -0.486803 0.888022 0.978635 -0.895966 0.707397 0.683302 0.473188 0.657329 0.505722 0.022087 0.056619 0.027956 3.536064 0.745465 0.685126 0.586814 0.574765 0.480357 0.478286 0.538977 0.459442 0.43125 0.424028 0.400384 0.434302 0.018498 0.044478 0.006526 5.56935 0.845338 0.581172 0.606135 0.668511 0.328379 0.663563 0.58054 0.420218 0.464894 0.453907 0.26444 0.286281 0.022984 0.045347 0.030636 4.957842 0.345636 0.239681 0.186909 0.160637 0.090022 0.097843 0.162119 0.070336 0.094212 0.115683 0.070309 0.074379 0.021131 84.0 0.0 168.0 2.0 0.172654 0.147919 0.32937 [ 0 0 1 0 0 0 ] +0.073299 0.167594 0.080838 -69.915093 4.513091 0.229088 1.62108 0.298165 0.659611 0.730185 0.452049 0.543129 0.780925 0.498976 0.360598 0.810219 0.037431 0.107847 0.031085 3.15002 1.056714 0.892929 0.882811 0.627317 0.58391 0.522874 0.514004 0.483469 0.504929 0.442925 0.448763 0.458974 0.014297 0.035939 0.007916 1.776145 0.337261 0.391145 0.449904 0.254346 0.205876 0.176656 0.177037 0.173916 0.151252 0.165434 0.172039 0.148231 0.023718 0.047365 0.030028 4.394362 0.374664 0.210007 0.260769 0.118124 0.136339 0.070633 0.092897 0.074594 0.074108 0.063938 0.063568 0.071689 0.197266 68.0 0.123915 204.0 3.0 0.569838 0.4884 1.293167 [ 0 1 0 0 0 1 ] +0.088577 0.197944 0.082473 -64.299001 4.484644 0.10621 2.10498 0.291788 0.713814 0.380432 0.544055 0.419149 0.328543 0.417342 0.427864 0.576234 0.037461 0.099413 0.030183 2.872442 0.93564 1.07457 0.827932 0.672249 0.562218 0.528988 0.532821 0.486108 0.471026 0.469724 0.431753 0.445988 0.019221 0.041166 0.008854 2.422086 0.55158 0.561571 0.409969 0.275917 0.270312 0.170426 0.210654 0.161952 0.169392 0.15871 0.133501 0.114549 0.025247 0.056895 0.030406 3.807912 0.418498 0.334683 0.269911 0.17211 0.092806 0.114582 0.09819 0.09837 0.067505 0.078037 0.069404 0.066997 0.141544 100.0 0.235978 200.0 2.0 0.217031 0.440007 1.326045 [ 0 0 0 0 0 1 ] +0.161338 0.365553 0.098246 -67.792756 2.91307 0.962923 1.841737 -0.012762 0.662147 0.795637 0.175998 0.746062 0.292688 0.525142 0.43825 0.319082 0.13949 0.275353 0.041342 6.628207 2.131596 1.60107 1.346323 1.321038 0.754162 0.749823 0.827517 0.591101 0.701428 0.56033 0.54904 0.547711 0.048047 0.065534 0.009179 4.163934 0.774175 0.927509 0.577665 0.541771 0.287167 0.346438 0.283097 0.203362 0.266005 0.199123 0.169373 0.203474 0.049418 0.058009 0.028817 3.705247 0.547191 0.370903 0.33501 0.383582 0.118221 0.123403 0.157613 0.101463 0.143092 0.095236 0.096355 0.083216 0.430192 64.0 0.008857 192.0 3.0 0.861443 0.002609 0.8899 [ 1 0 0 0 0 1 ] +0.083014 0.253927 0.095305 -74.001264 3.731421 -0.735152 1.462072 0.202772 0.589064 0.885324 0.438366 0.940816 0.723275 0.580286 0.577754 0.651507 0.067108 0.229157 0.043144 6.01756 1.721545 1.173213 1.017922 0.740266 0.70179 0.632214 0.703488 0.606183 0.581943 0.507931 0.524044 0.481227 0.034765 0.075001 0.009068 4.089575 1.140362 0.711317 0.688235 0.411746 0.278245 0.313908 0.318643 0.275201 0.331159 0.202448 0.222317 0.27006 0.02879 0.103969 0.02793 3.751529 0.382905 0.226982 0.26691 0.16432 0.112666 0.121587 0.148624 0.105313 0.11763 0.089623 0.144025 0.088599 0.108786 69.0 0.412583 138.0 2.0 0.269488 0.519985 0.823716 [ 0 0 1 0 1 0 ] +0.055369 0.131547 0.081521 -65.693006 5.535044 0.363132 2.030512 -0.053105 0.964783 0.446088 0.061019 0.423116 0.294222 0.721358 0.295223 0.620915 0.030173 0.097765 0.032606 3.506351 1.147918 0.690997 0.710344 0.672406 0.586689 0.522265 0.569363 0.503117 0.484774 0.479323 0.49439 0.452379 0.015738 0.047055 0.008805 2.63607 0.706795 0.398048 0.591439 0.452242 0.463693 0.349876 0.395976 0.263147 0.356631 0.515584 0.268861 0.300567 0.026988 0.06364 0.030347 4.089327 0.355111 0.203763 0.250291 0.21432 0.173142 0.107875 0.168352 0.116374 0.10176 0.109126 0.125112 0.087118 0.380181 76.0 0.928082 152.0 2.0 0.76744 0.043748 1.819965 [ 0 0 1 0 1 0 ] +0.039014 0.070258 0.08476 -77.54399 8.078311 1.344594 1.318862 0.868912 1.331263 0.227717 0.386127 0.342353 0.586057 0.60133 0.089848 0.759579 0.022932 0.06425 0.035437 4.271772 1.62966 1.007559 0.753305 0.65131 0.589351 0.572545 0.555635 0.490799 0.475634 0.481772 0.512985 0.536389 0.018705 0.044675 0.00783 4.702896 1.135437 0.656214 0.517786 0.376685 0.430058 0.26892 0.36057 0.219159 0.285834 0.245844 0.348148 0.409621 0.031592 0.074479 0.029691 4.112681 0.485085 0.333999 0.268862 0.233392 0.147387 0.136465 0.11039 0.107078 0.08822 0.088389 0.136045 0.130578 0.036371 65.0 0.06425 130.0 2.0 0.249098 0.229322 0.530644 [ 0 0 0 1 1 0 ] +0.047236 0.078396 0.083202 -76.758994 5.701586 2.392358 3.022577 0.930375 1.058654 0.100385 0.52985 0.440457 0.52327 0.005961 0.196721 0.577475 0.03435 0.089416 0.03537 5.293321 1.722254 1.155206 0.968852 0.787653 0.650906 0.643088 0.650924 0.558611 0.490728 0.591257 0.518394 0.421121 0.019192 0.041926 0.007684 3.727655 1.033592 0.729163 0.831291 0.658891 0.38278 0.370412 0.43165 0.397452 0.403614 0.385827 0.35392 0.201184 0.039882 0.076123 0.029304 4.469611 0.531464 0.415687 0.301671 0.270043 0.201982 0.169944 0.186432 0.154216 0.117921 0.149142 0.123107 0.090276 0.096445 96.0 0.006029 192.0 2.0 0.177204 0.290415 0.831572 [ 0 0 0 1 1 0 ] +0.033693 0.069635 0.071736 -90.025154 6.953065 2.29151 1.488464 0.660799 1.118185 0.562895 0.311584 0.182182 0.492159 0.637641 0.862013 0.490258 0.017074 0.073131 0.029304 4.147665 0.876901 0.817573 0.560749 0.505141 0.479168 0.441994 0.485364 0.510432 0.398063 0.488744 0.434649 0.47997 0.016917 0.056686 0.007466 5.241403 0.929517 1.123483 0.687579 0.379154 0.405848 0.304857 0.413636 0.479801 0.350564 0.571373 0.602273 0.457913 0.027491 0.111852 0.030457 5.222495 0.531719 0.383484 0.280807 0.144149 0.139572 0.123137 0.147689 0.184059 0.130922 0.195561 0.167303 0.19544 0.175709 57.0 0.007512 114.0 2.0 0.454316 0.008968 0.463284 [ 0 0 1 1 1 0 ] +0.045433 0.100158 0.087602 -68.22631 4.848275 0.994265 1.771002 1.015226 0.483955 0.710612 0.580447 0.634888 0.484995 0.586903 0.684966 0.543492 0.044546 0.138192 0.037572 5.072871 1.444077 0.952948 0.839537 0.662183 0.541655 0.485525 0.539235 0.445887 0.464929 0.449259 0.436122 0.380997 0.01775 0.040803 0.006835 1.500563 0.620287 0.466673 0.251756 0.237657 0.187383 0.168851 0.216808 0.121428 0.137176 0.12067 0.127614 0.118348 0.031022 0.061942 0.029319 4.428125 0.419461 0.215416 0.134747 0.118356 0.133072 0.057603 0.098374 0.057456 0.051404 0.069649 0.07306 0.047896 0.477704 100.0 0.479612 200.0 2.0 0.464807 0.586246 1.62179 [ 1 0 0 0 0 1 ] +0.132906 0.247802 0.091168 -65.18042 4.401043 -2.277307 2.800901 0.238166 -0.034983 0.687816 0.350675 0.420774 -0.129639 0.506776 0.660618 0.307503 0.046828 0.087596 0.03742 2.795683 1.155618 1.154419 0.836548 0.696808 0.55156 0.512592 0.463184 0.431883 0.497637 0.428123 0.463701 0.422282 0.03236 0.040417 0.007362 1.998886 0.539743 0.503566 0.472569 0.347464 0.226496 0.172469 0.218042 0.146641 0.224523 0.20816 0.218189 0.196087 0.022944 0.05962 0.029364 3.706778 0.279933 0.248533 0.164406 0.111511 0.085778 0.071192 0.071574 0.055356 0.097319 0.057426 0.098082 0.054307 0.527131 84.0 0.638111 168.0 2.0 1.091405 0.370385 2.478593 [ 1 0 0 0 0 1 ] +0.086053 0.215854 0.080709 -64.454202 3.694058 0.752766 1.918851 0.326226 0.739787 0.53002 0.528445 0.275517 0.381596 0.612784 1.012803 0.462193 0.032576 0.08921 0.030245 2.565323 0.672783 0.621556 0.572174 0.531264 0.533697 0.485872 0.470536 0.509359 0.450766 0.490787 0.489435 0.502032 0.014386 0.036624 0.008306 2.042695 0.294124 0.40709 0.323829 0.244169 0.336347 0.329693 0.353896 0.2367 0.222196 0.281135 0.208274 0.439482 0.022339 0.0382 0.03019 3.67798 0.23853 0.199708 0.184478 0.129502 0.092467 0.086894 0.071305 0.089311 0.080728 0.085569 0.095053 0.090659 0.538885 64.0 0.650954 128.0 2.0 1.160993 0.840203 2.11084 [ 0 1 0 0 0 0 ] +0.04365 0.068843 0.078828 -82.136839 7.669722 2.25385 1.212212 0.902472 0.689598 0.492733 0.262609 0.464467 0.125912 0.383463 0.276802 0.38556 0.019282 0.058078 0.033969 4.525389 1.591533 0.997061 0.638302 0.560198 0.553465 0.547865 0.583665 0.608418 0.734466 0.64866 0.681637 0.692749 0.01525 0.038222 0.006894 6.36662 1.225439 1.439033 0.352475 0.33328 0.394507 0.336554 0.255351 0.379591 0.463596 0.413653 0.453229 0.485524 0.026924 0.06739 0.030052 4.13127 0.437854 0.249093 0.155929 0.111303 0.126941 0.135564 0.12874 0.174518 0.258124 0.233109 0.232682 0.271654 0.04845 61.0 0.244674 122.0 2.0 0.374215 0.420081 0.922102 [ 0 1 1 0 0 0 ] +0.025856 0.595317 0.101546 -76.166765 3.390446 2.159256 1.051084 0.45283 0.778749 0.45419 0.497843 0.309426 0.552472 0.650242 0.20626 0.505799 0.031231 0.451846 0.048568 4.271225 1.033025 0.607977 0.449325 0.411391 0.398865 0.424077 0.414141 0.398194 0.405453 0.383134 0.365646 0.328875 0.01725 0.087225 0.008076 3.154078 0.954448 0.236556 0.304179 0.148367 0.090875 0.218681 0.192747 0.071093 0.07109 0.097523 0.100751 0.070491 0.028153 0.016888 0.02746 4.515024 0.334831 0.138105 0.057313 0.049335 0.039299 0.058675 0.046539 0.044595 0.059066 0.041623 0.050817 0.041594 1.232471 68.0 1.31051 136.0 2.0 1.276786 1.406923 2.683709 [ 0 0 0 0 0 1 ] +0.02921 0.050325 0.081747 -74.588057 8.277081 1.248609 2.199226 0.749222 1.354828 0.535462 0.328028 0.472159 0.799042 0.880448 0.191146 0.597267 0.014882 0.04073 0.033805 3.898634 1.464269 0.849718 0.762135 0.713253 0.579744 0.567194 0.527806 0.417936 0.498199 0.549138 0.466007 0.497964 0.014588 0.052224 0.008004 3.534897 1.11328 0.465219 0.540552 0.580659 0.443414 0.369431 0.30402 0.208832 0.344597 0.452583 0.244956 0.341496 0.028944 0.070836 0.029712 4.066341 0.544458 0.205371 0.221598 0.255068 0.170108 0.187048 0.152768 0.08506 0.12793 0.116998 0.116114 0.125315 0.098211 52.0 0.057906 156.0 3.0 0.384168 0.17525 0.984884 [ 0 0 1 1 1 0 ] +0.076014 0.131183 0.079764 -73.02865 6.331956 -0.321479 1.142062 0.556909 0.354588 0.235643 0.339811 0.671528 0.205084 0.759338 -0.130446 0.143798 0.026035 0.05584 0.030885 4.034917 1.167461 0.790098 0.665566 0.562985 0.527575 0.591789 0.542621 0.597491 0.63558 0.632036 0.598362 0.630737 0.028863 0.046427 0.008091 5.560226 1.272544 0.765226 0.47701 0.448396 0.664895 0.535182 0.369743 0.518285 0.646347 0.532745 0.408908 0.539678 0.02502 0.052906 0.029994 4.08027 0.568138 0.221904 0.149156 0.116815 0.118932 0.124714 0.13256 0.227102 0.268924 0.2942 0.212068 0.243091 0.079397 61.0 0.075804 122.0 2.0 0.182346 0.209312 0.471123 [ 0 0 0 1 1 0 ] +0.136719 0.311843 0.102142 -95.171974 3.538114 2.202591 1.564388 1.670719 0.906138 1.084439 0.878558 0.919858 0.82294 0.64745 0.516405 0.795066 0.142462 0.325097 0.044187 7.367064 2.159231 1.259312 1.003653 0.795761 0.791578 0.727356 0.611448 0.628126 0.627037 0.613561 0.545665 0.486515 0.033846 0.064307 0.006959 4.280859 0.737427 0.406738 0.494379 0.306848 0.314593 0.318743 0.219144 0.261512 0.202213 0.209937 0.148784 0.141828 0.028969 0.024999 0.027778 4.63953 0.27902 0.185293 0.192649 0.133398 0.188686 0.149957 0.109109 0.113101 0.11918 0.138776 0.077093 0.078285 0.234303 74.0 0.52365 148.0 2.0 0.385821 0.011 1.063957 [ 0 0 1 0 0 0 ] +0.026862 0.04766 0.077973 -77.778812 8.518746 1.586602 1.533775 0.507786 0.356601 0.67094 1.215939 0.419918 0.683869 0.545523 0.087845 0.287901 0.01308 0.035126 0.032363 3.652277 1.204739 0.751003 0.58722 0.491424 0.492328 0.537497 0.479925 0.473982 0.547122 0.44419 0.402022 0.349349 0.016634 0.037435 0.009415 3.472598 0.889554 0.867362 0.621879 0.399247 0.403566 0.740292 0.291368 0.347372 0.383211 0.237026 0.271136 0.199312 0.029439 0.064073 0.029957 5.266695 0.577767 0.260412 0.19393 0.17113 0.144028 0.154679 0.114996 0.123625 0.161552 0.099311 0.086026 0.07299 0.053478 81.0 0.015736 162.0 2.0 0.213821 0.365801 0.660199 [ 0 0 0 1 1 0 ] +0.0818 0.18979 0.098499 -72.309818 3.531743 2.698021 1.342072 1.230715 0.481962 0.678526 0.523878 0.410489 0.594567 0.550105 0.59073 0.558242 0.093187 0.228703 0.043844 6.720475 1.741206 1.254584 1.139002 0.912472 0.731189 0.704473 0.673812 0.585342 0.553015 0.502376 0.514318 0.478166 0.02435 0.05268 0.007422 1.749789 0.630704 0.445253 0.453865 0.411295 0.24554 0.251401 0.226278 0.217245 0.174438 0.158337 0.145921 0.141466 0.033125 0.037418 0.029013 3.981691 0.405421 0.251648 0.216894 0.215147 0.141156 0.115231 0.120348 0.089884 0.068918 0.085904 0.090303 0.079505 0.14853 76.0 0.0 228.0 3.0 0.372683 0.26488 0.64043 [ 1 1 0 0 0 1 ] +0.141166 0.316367 0.088187 -75.004736 2.569609 0.700656 1.707722 0.386291 0.257381 0.192628 0.02344 0.016362 0.403876 0.589561 0.46885 0.384153 0.051692 0.129071 0.033111 4.606184 1.146387 1.104247 0.595678 0.544085 0.52046 0.51379 0.526578 0.597227 0.611872 0.667494 0.694611 0.835385 0.021607 0.052699 0.008399 3.065966 0.718403 0.552256 0.330399 0.231137 0.310762 0.203996 0.174407 0.388821 0.312297 0.421103 0.368278 0.414335 0.024743 0.055734 0.029723 4.424487 0.365182 0.267462 0.112925 0.103938 0.089333 0.075268 0.083547 0.147263 0.14599 0.187474 0.218428 0.334117 0.084455 68.0 0.014279 136.0 2.0 0.422952 0.279396 0.734381 [ 1 1 0 0 0 0 ] +0.05358 0.102815 0.081499 -76.261788 6.728428 0.062916 2.221106 0.502888 1.447354 0.784821 0.389125 0.337712 0.389179 0.600408 -0.275685 0.309003 0.027929 0.069596 0.033867 5.610735 1.341322 0.963737 0.87361 0.69106 0.602239 0.562387 0.560022 0.467453 0.467522 0.590114 0.475728 0.462978 0.030461 0.07219 0.008479 6.560978 1.177734 0.724146 0.73651 0.839222 0.493446 0.508498 0.446735 0.275699 0.287936 0.642859 0.301623 0.335257 0.026392 0.055174 0.029677 3.962017 0.44104 0.388256 0.366544 0.308564 0.187669 0.179139 0.13699 0.097249 0.114431 0.176335 0.134125 0.119051 0.096032 94.0 0.0 188.0 2.0 0.217875 0.484775 0.885557 [ 0 0 0 1 1 0 ] +0.055709 0.107775 0.078752 -89.36545 8.677878 -1.098595 1.849883 0.514646 0.906639 0.145569 0.602196 0.592561 0.466557 0.500111 0.480545 0.415926 0.020969 0.042505 0.028196 4.282129 0.937141 0.645035 0.530563 0.492345 0.517361 0.501474 0.498057 0.530722 0.505668 0.476217 0.46803 0.42586 0.019225 0.036662 0.007488 6.903552 1.453256 0.580117 0.285032 0.240136 0.330961 0.360087 0.312349 0.322045 0.287691 0.318282 0.333235 0.259441 0.026707 0.054033 0.030465 5.154139 0.52441 0.153805 0.122677 0.072563 0.090014 0.126627 0.114829 0.148192 0.154513 0.088358 0.093848 0.076093 0.064418 68.0 0.144059 136.0 2.0 0.250328 0.343141 0.729582 [ 0 1 1 0 0 0 ] +0.028065 0.046961 0.079577 -76.087278 6.745207 2.149984 1.49703 1.229384 1.149105 1.054319 0.49018 0.025815 0.832595 0.414034 0.413978 0.672675 0.01816 0.046885 0.02933 4.062219 1.186879 0.718669 0.765743 0.646507 0.556593 0.557252 0.583343 0.533535 0.498896 0.467352 0.454164 0.447679 0.020292 0.041216 0.006959 5.470517 1.211483 0.958657 0.968315 0.63096 0.400522 0.554787 0.62175 0.549905 0.461069 0.410495 0.373053 0.451976 0.031035 0.066941 0.030332 4.863783 0.629444 0.287693 0.293213 0.249676 0.155734 0.182455 0.188788 0.188884 0.151973 0.116831 0.112004 0.101922 0.041033 59.0 0.006813 177.0 3.0 0.14497 0.086383 0.349896 [ 0 0 0 1 1 0 ] +0.035327 0.072014 0.07545 -79.00649 5.122025 2.356584 1.859628 0.785821 1.242453 0.544042 0.322513 -0.016616 0.001994 0.083285 0.338455 0.487688 0.026555 0.099409 0.030095 4.563407 1.327335 0.775973 0.505112 0.467449 0.441789 0.410219 0.430509 0.4909 0.448472 0.45514 0.508044 0.445409 0.016818 0.042003 0.00771 3.928241 0.783698 0.724426 0.207903 0.39326 0.312657 0.202326 0.285943 0.378383 0.328833 0.352112 0.367859 0.255214 0.027989 0.083492 0.030153 4.656953 0.414088 0.283246 0.143986 0.122959 0.123871 0.096567 0.10944 0.154739 0.136846 0.115632 0.171783 0.111953 0.04546 52.0 0.018172 104.0 2.0 0.198146 0.02101 0.219156 [ 0 0 1 0 0 0 ] +0.087444 0.221596 0.078369 -60.920802 3.980468 -0.169404 1.379917 0.724371 0.554646 0.561527 0.295546 0.411018 0.47879 0.486453 0.469409 0.44282 0.045841 0.149307 0.0298 2.93789 0.909109 0.743152 0.667268 0.546053 0.537112 0.507763 0.549387 0.499797 0.443032 0.432627 0.427093 0.427165 0.017613 0.058773 0.007009 1.819532 0.658161 0.430126 0.332068 0.255366 0.241053 0.196525 0.317989 0.392657 0.16725 0.153115 0.180747 0.200605 0.026762 0.065133 0.030491 4.444949 0.478278 0.222249 0.183497 0.077302 0.098761 0.080633 0.100596 0.103418 0.079365 0.066928 0.078783 0.060165 0.44736 81.0 0.451567 162.0 2.0 0.919995 0.135656 1.657001 [ 1 1 0 0 0 0 ] +0.109314 0.228127 0.07881 -69.216191 2.919482 -0.251877 1.383408 0.66385 0.406563 0.406634 1.073072 0.664262 0.751934 0.629706 0.160654 0.236892 0.052766 0.136218 0.031245 3.696304 0.860969 0.78425 0.641598 0.646728 0.512085 0.547851 0.526673 0.530241 0.531908 0.555566 0.515552 0.510168 0.035629 0.068326 0.007088 3.2472 0.602375 0.728977 0.673986 0.635775 0.271438 0.381334 0.407641 0.47633 0.341247 0.506643 0.433798 0.348211 0.024626 0.061987 0.03012 3.894501 0.233486 0.173305 0.152833 0.127681 0.097206 0.125611 0.112399 0.136337 0.114746 0.159783 0.169091 0.143458 0.046138 87.0 0.041731 174.0 2.0 0.157078 0.027197 0.587054 [ 0 1 1 0 0 0 ] +0.06962 0.134017 0.076237 -73.829624 6.362995 -0.696318 0.718882 1.0507 0.760289 0.730626 0.124149 0.109917 0.399753 0.377631 0.213618 0.298138 0.029123 0.082269 0.034209 4.222017 1.246646 0.993761 0.767012 0.522184 0.44737 0.454754 0.429584 0.443207 0.471333 0.503431 0.496931 0.564313 0.023262 0.037926 0.007187 3.665981 1.214773 0.759854 0.50307 0.31993 0.282809 0.383688 0.360779 0.310976 0.612742 0.644189 0.426755 0.586455 0.025173 0.068071 0.029627 3.903249 0.331437 0.235253 0.180975 0.120357 0.091079 0.122689 0.114905 0.131301 0.175524 0.244148 0.214789 0.287547 0.040087 70.0 0.140365 140.0 2.0 0.205567 0.205406 0.707537 [ 0 0 1 0 0 0 ] +0.092058 0.204178 0.084312 -70.483318 3.465502 0.222587 1.322026 0.149852 0.547313 0.593056 0.407904 0.383541 0.499772 0.413384 0.588575 0.545666 0.061565 0.149384 0.031644 4.33972 1.316007 0.945712 0.979332 0.644409 0.588993 0.568582 0.543886 0.480423 0.501648 0.48034 0.465289 0.4657 0.021657 0.039065 0.00626 4.016873 0.546293 0.482621 0.692174 0.510182 0.429973 0.461585 0.299799 0.181801 0.24329 0.239962 0.247934 0.282489 0.027691 0.054504 0.030341 3.654018 0.402591 0.237768 0.267737 0.169339 0.126136 0.098902 0.096565 0.082425 0.115903 0.113205 0.086157 0.088434 0.450694 84.0 0.0 168.0 2.0 0.785757 0.150724 0.971956 [ 0 1 1 0 0 0 ] +0.04044 0.068932 0.074604 -82.717225 10.722401 1.257639 0.607552 0.742325 1.002356 0.604466 0.654224 0.452135 0.55409 0.168197 0.058461 0.19395 0.020002 0.038764 0.02943 4.052544 1.29362 0.698373 0.64854 0.545423 0.478775 0.508459 0.430984 0.450371 0.41552 0.418142 0.372581 0.366974 0.02106 0.040088 0.008407 4.446068 1.506366 0.906088 0.894542 0.550421 0.394311 0.468795 0.350065 0.320118 0.282375 0.311061 0.264811 0.257815 0.034468 0.062666 0.030323 5.09729 1.046212 0.379902 0.311999 0.21169 0.153357 0.195695 0.144828 0.138253 0.121798 0.118716 0.086932 0.092634 0.017853 74.0 0.017537 148.0 2.0 0.063723 0.100271 0.232946 [ 0 0 1 1 1 0 ] +0.090947 0.457109 0.091177 -68.688442 1.860072 0.092995 0.533219 1.261518 1.217776 1.005172 0.91367 0.871845 0.596429 0.667413 0.305976 0.482722 0.087614 0.361025 0.040944 5.020504 1.366284 1.162607 0.959507 0.700301 0.472951 0.439982 0.405415 0.395743 0.395819 0.386523 0.408495 0.384686 0.035148 0.079965 0.007146 1.37599 0.796176 0.46323 0.271162 0.190871 0.154269 0.126129 0.113361 0.095618 0.065524 0.091127 0.096932 0.072479 0.027576 0.04107 0.028614 4.328071 0.557472 0.159913 0.123339 0.082211 0.067719 0.060266 0.056696 0.052646 0.047997 0.052285 0.04883 0.049852 1.077564 64.0 1.30669 128.0 2.0 1.159476 1.342021 2.501497 [ 1 0 0 0 0 1 ] +0.027327 0.051877 0.083688 -76.692269 8.859399 0.366078 2.011369 1.104186 1.38459 0.231731 0.227046 0.765058 0.89241 0.594834 0.377604 0.66728 0.013744 0.040786 0.038666 4.631254 1.470923 0.836209 0.679198 0.72916 0.465001 0.445437 0.439874 0.458307 0.492368 0.461036 0.422297 0.409918 0.01571 0.064774 0.009301 5.427089 1.429103 0.553688 0.360157 0.554663 0.29355 0.215326 0.238684 0.30048 0.324751 0.251318 0.261124 0.19925 0.028294 0.072199 0.029054 3.992039 0.436214 0.183461 0.254358 0.21051 0.151357 0.101655 0.086675 0.075075 0.114259 0.106848 0.096563 0.076707 0.101503 98.0 0.0 196.0 2.0 0.107568 0.301729 0.780669 [ 0 0 1 1 1 0 ] +0.084854 0.176795 0.08141 -79.586304 5.450738 -0.219947 2.076446 -0.020185 0.821895 0.368164 0.839693 0.334462 0.247591 0.516364 0.116461 0.116155 0.02915 0.066503 0.027856 3.872499 0.994286 0.602761 0.560799 0.542569 0.522498 0.516518 0.562421 0.579582 0.565001 0.595657 0.532666 0.503289 0.028746 0.059875 0.006431 7.189382 1.19673 0.386942 0.43218 0.393265 0.237756 0.403822 0.495137 0.542355 0.414691 0.645291 0.410708 0.490744 0.026208 0.050659 0.030407 4.865434 0.56287 0.154891 0.112828 0.078788 0.089107 0.06846 0.128166 0.155143 0.119663 0.13754 0.140596 0.118552 0.072287 71.0 0.412013 142.0 2.0 0.29084 0.542984 1.593258 [ 1 1 1 0 0 0 ] +0.055511 0.109073 0.077588 -69.314437 4.334182 1.578317 1.64458 0.889577 1.072662 0.428371 0.187203 0.446994 0.476655 0.65021 0.771973 0.324718 0.030491 0.092988 0.029169 2.954946 0.909801 0.861436 0.616843 0.483724 0.50647 0.473681 0.492983 0.44486 0.43379 0.458663 0.478521 0.520577 0.021495 0.058042 0.007205 2.372752 0.554437 0.647271 0.453189 0.324145 0.286794 0.26294 0.251349 0.219246 0.219268 0.272904 0.233025 0.294145 0.024807 0.050458 0.030493 4.342371 0.275308 0.227763 0.123937 0.102251 0.104674 0.098102 0.180602 0.077407 0.095386 0.123534 0.127142 0.203791 0.077622 71.0 0.0 142.0 2.0 0.371469 0.234702 0.61291 [ 0 1 1 0 0 0 ] +0.057696 0.252279 0.090046 -68.292848 3.245972 0.267259 1.482751 0.544978 0.927074 0.714917 0.482304 0.450616 0.79399 0.423572 0.797308 0.675715 0.053312 0.295151 0.039772 5.807299 1.28366 1.010659 0.801886 0.784631 0.591269 0.604978 0.601391 0.571605 0.535618 0.542267 0.475287 0.509775 0.023193 0.082351 0.00854 3.230571 0.732665 1.047861 0.682622 0.291025 0.245351 0.248351 0.217741 0.199799 0.21444 0.195137 0.191338 0.181079 0.024474 0.090718 0.028954 3.49647 0.252843 0.213267 0.195696 0.189919 0.126546 0.12453 0.132542 0.100166 0.094855 0.112157 0.059157 0.092586 0.109206 63.0 0.041855 189.0 3.0 0.287562 0.0 0.468625 [ 0 0 0 0 0 1 ] +0.062423 0.111131 0.094783 -70.800591 6.54854 -0.233955 1.253317 0.539239 0.258018 -0.052615 0.606884 0.504747 0.510599 -0.062203 0.073707 0.405165 0.024709 0.061356 0.049186 5.082095 1.144585 0.620324 0.535257 0.469894 0.485436 0.508601 0.442549 0.423511 0.486006 0.445007 0.395497 0.437588 0.023016 0.052574 0.007381 2.656698 1.245878 0.413077 0.529639 0.287329 0.428668 0.388139 0.245989 0.148219 0.161206 0.222712 0.128582 0.12594 0.024757 0.061708 0.027978 3.702635 0.404978 0.150566 0.068848 0.064625 0.062228 0.058992 0.072808 0.052958 0.090107 0.118533 0.093763 0.066715 0.359861 94.0 0.54326 188.0 2.0 0.214242 0.717902 2.073831 [ 0 0 0 0 0 1 ] +0.032098 0.053841 0.080721 -80.534899 8.013852 1.659396 2.355848 1.237551 1.116743 0.82641 0.711809 0.241385 0.18463 0.160628 -0.394065 0.522463 0.017842 0.050059 0.030339 3.971358 1.4157 0.965288 0.77358 0.64477 0.560018 0.621112 0.613394 0.489449 0.536988 0.539736 0.492773 0.545483 0.013218 0.035706 0.00768 3.959718 1.005201 0.672279 0.642984 0.534516 0.289214 0.402493 0.485311 0.31613 0.366468 0.323539 0.38031 0.490974 0.029837 0.074757 0.029982 4.58048 0.623176 0.340726 0.237256 0.217136 0.119561 0.168018 0.178651 0.105926 0.123732 0.116053 0.112297 0.142279 0.034146 68.0 0.077884 136.0 2.0 0.095431 0.159735 0.348157 [ 0 0 0 1 1 0 ] +0.097533 0.218979 0.081684 -64.531276 4.288644 0.397884 1.382315 0.17841 -0.056372 0.676972 0.519595 0.463685 0.640895 0.458548 0.58762 0.598353 0.044289 0.128811 0.030582 3.020982 0.961409 0.86842 0.832738 0.653295 0.596679 0.612858 0.5843 0.513161 0.544869 0.544717 0.520086 0.484672 0.011858 0.039981 0.006836 1.570783 0.465514 0.530148 0.500434 0.336638 0.32219 0.283246 0.354731 0.292364 0.355594 0.238121 0.292096 0.208746 0.027995 0.063746 0.030146 4.059735 0.348088 0.199842 0.193093 0.149427 0.133803 0.093591 0.112472 0.07057 0.098715 0.094426 0.095728 0.083858 0.506182 91.0 0.210107 182.0 2.0 0.10234 0.968654 1.686449 [ 0 1 0 0 0 1 ] +0.101287 0.23254 0.078028 -64.18609 3.778818 0.087163 1.51521 0.231609 0.610066 0.384194 0.398346 0.408031 0.568457 0.498749 0.411771 0.156961 0.032926 0.086434 0.028615 2.587924 0.670304 0.687331 0.527819 0.533986 0.463081 0.439957 0.430493 0.453511 0.44382 0.419248 0.422632 0.390131 0.025694 0.052068 0.008175 1.90176 0.473664 0.567771 0.369094 0.443226 0.234301 0.242478 0.286299 0.309325 0.364361 0.330995 0.251808 0.203619 0.023078 0.0443 0.030576 3.756534 0.287929 0.188709 0.203499 0.118918 0.110766 0.090871 0.084716 0.087775 0.088712 0.061517 0.079053 0.085652 0.271122 96.0 0.039055 192.0 2.0 0.290158 0.661118 1.183461 [ 1 1 0 0 0 0 ] +0.049897 0.107494 0.097196 -95.358974 5.15942 1.747262 1.714442 1.281698 0.858114 1.288146 0.794409 0.840058 0.556958 0.569429 0.899874 0.957591 0.060017 0.174479 0.040398 5.360062 1.543508 1.254332 0.974647 0.69898 0.723746 0.629734 0.660678 0.521203 0.524621 0.528027 0.491371 0.504123 0.017996 0.043042 0.006835 5.386831 0.828512 0.602527 0.431481 0.322169 0.444867 0.299782 0.313746 0.254785 0.209224 0.217329 0.202623 0.198267 0.027743 0.042781 0.028626 4.888232 0.214666 0.237066 0.224814 0.105541 0.174575 0.131845 0.14098 0.10368 0.088982 0.091595 0.11201 0.086763 0.230956 73.0 0.0 146.0 2.0 0.534123 0.007629 0.541752 [ 0 0 1 0 0 0 ] +0.033832 0.060612 0.079251 -74.587694 7.991542 0.504895 2.955034 1.13086 0.098704 0.74695 0.558482 0.399463 0.230813 0.460596 0.319012 0.475598 0.018417 0.054012 0.033078 3.999923 1.205322 0.942239 1.004505 0.779462 0.721452 0.639513 0.686962 0.571129 0.498908 0.487824 0.511646 0.486831 0.014738 0.036543 0.010763 3.296936 1.091116 0.504381 0.920831 0.596121 0.490566 0.345709 0.472811 0.320325 0.430767 0.230199 0.301863 0.305925 0.028841 0.074479 0.030141 4.922294 0.572577 0.354545 0.331667 0.273017 0.254824 0.167642 0.223831 0.126501 0.12271 0.143234 0.145157 0.117953 0.25289 59.0 0.041986 118.0 2.0 0.423035 0.117406 0.552262 [ 0 0 1 1 0 0 ] +0.054984 0.103985 0.077969 -72.362854 6.881006 1.535136 1.779154 0.985647 1.147083 -0.132863 0.665462 0.662687 0.323212 -0.258025 0.191204 0.46002 0.039956 0.11051 0.030997 3.45887 1.538478 0.966416 0.692541 0.671921 0.572265 0.591883 0.53239 0.502879 0.515767 0.463766 0.438964 0.454429 0.038668 0.067798 0.008382 4.345831 1.475376 1.037725 0.53284 0.500038 0.435094 0.470311 0.418198 0.392721 0.457791 0.545812 0.273798 0.215089 0.050159 0.097927 0.030017 4.436625 0.680701 0.316701 0.224419 0.209514 0.142737 0.154151 0.123611 0.124093 0.121013 0.114413 0.091531 0.09224 0.036146 68.0 0.03488 136.0 2.0 0.182234 0.139162 0.37839 [ 0 0 0 1 1 0 ] +0.09228 0.188805 0.074092 -75.633948 3.569218 0.660653 2.039003 0.385601 0.945861 -0.047827 0.294348 0.745758 0.954877 1.091516 0.56236 0.306802 0.033407 0.08406 0.027952 4.123685 1.002734 0.943759 0.595706 0.515925 0.492928 0.509763 0.52582 0.53795 0.574225 0.6915 0.66911 0.61564 0.030613 0.068452 0.007513 4.777133 1.063073 1.08296 0.484007 0.367219 0.472002 0.484355 0.563616 0.743707 0.628646 1.112546 0.919926 0.672123 0.024825 0.062663 0.030413 5.068317 0.449009 0.422467 0.180136 0.132714 0.146531 0.137925 0.124448 0.163267 0.208582 0.355242 0.315671 0.221636 0.036678 64.0 0.013686 192.0 3.0 0.137265 0.200132 0.478718 [ 0 0 1 0 1 0 ] +0.109693 0.394976 0.082861 -65.397832 1.603832 1.782875 1.355887 0.536979 0.991777 0.402986 -0.212976 0.409177 0.765636 0.14009 0.051102 0.184124 0.090538 0.290117 0.031089 4.637579 1.510988 1.119211 1.010195 0.777163 0.611573 0.584869 0.640042 0.602442 0.611512 0.490188 0.514492 0.450853 0.032927 0.079517 0.006788 2.029182 0.611524 0.464801 0.520966 0.402003 0.376109 0.24008 0.444005 0.305408 0.521678 0.246616 0.268471 0.184607 0.032759 0.044731 0.030185 3.536418 0.352672 0.260458 0.293563 0.141048 0.109429 0.115272 0.099614 0.145098 0.110083 0.107448 0.087773 0.093177 0.027319 87.0 0.268164 174.0 2.0 0.251368 0.0 0.873678 [ 0 0 0 0 0 1 ] +0.104325 0.187422 0.077232 -70.87574 4.817427 -0.993681 1.225244 -0.29885 0.351934 -0.349534 0.264556 0.45725 0.284895 0.430755 0.392683 0.384065 0.023273 0.05508 0.026316 2.500637 0.722447 0.552613 0.539628 0.507779 0.524596 0.548534 0.518383 0.498122 0.52918 0.563989 0.509797 0.434796 0.025138 0.056228 0.00761 3.322838 1.065927 0.640898 0.720165 0.643214 0.522766 0.644229 0.567642 0.541031 0.637949 0.705671 0.569135 0.323684 0.02488 0.055944 0.031006 4.138826 0.285806 0.165192 0.146586 0.109316 0.152154 0.14796 0.112301 0.126959 0.122657 0.15047 0.138328 0.072875 0.032649 67.0 0.160286 134.0 2.0 0.247001 0.277515 0.673237 [ 0 0 0 0 0 1 ] +0.05991 0.157528 0.090869 -76.494154 4.812349 -0.329426 1.615849 1.311632 0.872794 0.457355 0.830105 0.670134 0.483328 0.974585 0.217445 0.563472 0.05953 0.191128 0.044049 5.894775 1.547799 1.090685 1.167085 0.863866 0.730021 0.635146 0.594487 0.54465 0.571725 0.591555 0.473003 0.500409 0.026979 0.068862 0.008136 3.835589 0.776297 0.629659 0.818568 0.56738 0.498146 0.303377 0.342319 0.231403 0.28141 0.279881 0.197784 0.22552 0.028964 0.081723 0.028552 3.760212 0.375948 0.25519 0.305966 0.172509 0.134594 0.101044 0.131828 0.094012 0.094476 0.135853 0.100862 0.071485 0.007328 56.0 0.006059 168.0 3.0 0.023913 0.017219 0.317253 [ 0 1 1 0 0 0 ] +0.039944 0.100391 0.080172 -68.882162 5.281383 -0.00966 1.048797 0.575194 1.007542 0.632661 0.467342 0.268152 0.57912 0.390122 0.389292 0.539952 0.022851 0.124621 0.028326 2.472929 0.90681 0.668668 0.601563 0.512893 0.521844 0.470485 0.47381 0.454703 0.455619 0.47381 0.470706 0.464594 0.019309 0.043372 0.006929 2.458068 0.827439 0.531698 0.416241 0.26592 0.340567 0.363705 0.329682 0.317198 0.295246 0.356577 0.320122 0.317472 0.027405 0.077434 0.030408 4.2934 0.348036 0.199169 0.159464 0.110643 0.102413 0.101895 0.111695 0.084177 0.110004 0.11724 0.10856 0.151429 0.099581 54.0 0.433529 108.0 2.0 0.115521 0.488431 0.751327 [ 0 0 0 0 1 0 ] +0.069627 0.357759 0.095914 -69.777855 2.431608 2.227688 1.307242 1.668636 1.391114 0.798602 0.761158 0.697237 0.327135 0.357268 0.165743 0.143827 0.08688 0.385027 0.047281 5.737308 1.292309 0.981785 0.615919 0.499868 0.438613 0.470985 0.411309 0.514778 0.533912 0.445987 0.422483 0.440333 0.021509 0.065533 0.007576 2.212176 0.616472 0.303215 0.125928 0.184656 0.160975 0.110489 0.093686 0.085424 0.092627 0.133269 0.186733 0.102701 0.019293 0.033807 0.02838 3.484318 0.287993 0.115078 0.068124 0.078789 0.057361 0.046429 0.043537 0.052156 0.051165 0.04333 0.047258 0.040876 0.45593 70.0 0.509546 140.0 2.0 0.589135 0.509546 1.362673 [ 1 0 0 0 0 1 ] +0.03576 0.053166 0.07711 -78.220551 6.622296 3.339658 2.797134 0.563713 1.89651 0.961423 0.230541 0.000503 0.04972 0.735238 0.407027 0.663449 0.018059 0.04447 0.032362 4.325382 1.06837 0.688628 0.763893 0.684799 0.644954 0.538939 0.688274 0.515552 0.474045 0.507386 0.44641 0.437147 0.019265 0.057923 0.008935 6.03643 1.092904 0.334743 0.536359 0.721491 0.641766 0.410817 0.888374 0.392101 0.293317 0.422443 0.257403 0.448305 0.032235 0.080536 0.029703 4.380911 0.435062 0.247166 0.34434 0.348109 0.195876 0.154249 0.304417 0.131729 0.150041 0.143348 0.111791 0.150734 0.071889 66.0 0.338557 132.0 2.0 0.393257 0.54283 0.985315 [ 0 0 1 1 1 0 ] +0.08427 0.274823 0.084308 -64.293047 2.865279 1.166648 1.193951 0.674458 0.570706 0.858657 0.497248 0.480156 0.445976 0.648057 0.445952 0.264351 0.063394 0.228996 0.033855 3.997702 1.168398 0.667066 0.723853 0.541512 0.545758 0.543193 0.502241 0.474166 0.461504 0.45242 0.448712 0.461599 0.031084 0.096656 0.007557 1.996233 0.583859 0.296009 0.377403 0.297609 0.185623 0.230433 0.262894 0.182508 0.240384 0.210611 0.260186 0.297228 0.025832 0.063217 0.030114 3.885222 0.372649 0.137378 0.285165 0.100788 0.127414 0.090695 0.122364 0.081089 0.106726 0.093109 0.109665 0.113661 0.094741 96.0 0.0 192.0 2.0 0.136334 0.248779 0.565901 [ 1 0 0 0 0 1 ] +0.039209 0.060197 0.081211 -81.894897 12.069754 1.449604 0.336836 1.126527 0.567053 0.585552 0.166723 0.092595 0.086086 0.452319 0.306319 0.388262 0.010374 0.021685 0.035211 3.907506 1.248931 0.742076 0.740741 0.554831 0.516104 0.486753 0.457527 0.453529 0.463532 0.458025 0.385445 0.406152 0.015276 0.035689 0.008495 5.34571 1.258801 1.188917 0.683182 0.317539 0.488429 0.454016 0.368436 0.260392 0.314305 0.324315 0.304645 0.309389 0.026988 0.054763 0.029601 4.643051 0.673832 0.291752 0.266071 0.12251 0.129785 0.143375 0.10323 0.099938 0.163853 0.127115 0.098356 0.11153 0.082256 57.0 0.00931 114.0 2.0 0.481695 0.036262 0.519728 [ 0 0 1 1 1 0 ] +0.070148 0.148414 0.0775 -75.626978 5.018428 0.9234 1.05267 0.637187 0.674903 0.534591 0.31378 0.663838 0.261262 0.450976 0.417569 0.279148 0.030365 0.081378 0.028853 3.365384 1.01863 0.724864 0.53169 0.486882 0.442307 0.455644 0.455348 0.469725 0.445659 0.468469 0.507798 0.516145 0.030177 0.076214 0.008508 5.140597 1.111203 0.89916 0.324929 0.492539 0.265602 0.236741 0.300687 0.427868 0.354946 0.371569 0.438742 0.462563 0.027252 0.064951 0.030334 4.77772 0.711641 0.242952 0.120374 0.101604 0.057367 0.072985 0.089644 0.122367 0.118792 0.147776 0.191931 0.200506 0.020611 80.0 0.043124 160.0 2.0 0.08915 0.19481 0.349313 [ 0 1 1 0 0 0 ] +0.133546 0.278666 0.079672 -64.782736 3.17259 -0.554715 1.697949 0.108555 0.140307 0.352108 0.413151 0.501175 0.673411 0.379427 0.396114 0.367992 0.034577 0.07396 0.030416 2.594708 0.795211 0.657802 0.771788 0.525385 0.521886 0.491899 0.4664 0.475347 0.456251 0.3914 0.418385 0.436952 0.018872 0.047097 0.007149 1.380217 0.52742 0.4225 0.439705 0.26747 0.251273 0.178802 0.17468 0.200155 0.217021 0.155978 0.159212 0.181617 0.023973 0.054311 0.030336 4.65698 0.25142 0.196082 0.188521 0.129723 0.091684 0.084562 0.079337 0.074892 0.072754 0.067398 0.069985 0.064023 0.115284 90.0 0.168984 180.0 2.0 0.332409 0.309501 1.206182 [ 1 0 0 0 0 1 ] +0.084604 0.173294 0.08632 -81.264914 5.743639 -0.838844 2.502422 -0.706234 1.098708 -0.236984 -0.003993 0.552655 -0.036574 0.571611 0.585274 0.473819 0.032159 0.089728 0.031147 4.149243 1.041309 0.742977 0.796352 0.680851 0.712082 0.650472 0.647008 0.674719 0.80579 0.852488 0.772496 0.670135 0.021662 0.0477 0.007462 5.060136 0.734175 0.488918 0.656284 0.53967 0.58316 0.678024 0.823122 0.631209 0.724957 0.99548 0.700152 0.571871 0.02512 0.06466 0.029889 5.223983 0.420268 0.221757 0.287273 0.148463 0.235532 0.15773 0.205853 0.219101 0.280811 0.300602 0.239641 0.170792 0.091743 55.0 0.0 165.0 3.0 0.265068 0.057259 0.363764 [ 0 1 1 0 0 0 ] +0.035917 0.049706 0.078401 -75.410058 8.229509 1.316648 2.633249 0.938247 0.871202 0.106381 0.932775 0.74178 0.69151 0.114568 -0.087724 0.372347 0.014533 0.03276 0.034361 4.022102 1.002532 0.75136 0.946007 0.652649 0.599824 0.599342 0.566787 0.552232 0.601814 0.56539 0.45802 0.454876 0.017993 0.035343 0.007771 4.604545 0.834461 0.683778 1.243751 0.580594 0.36329 0.475049 0.444085 0.588833 0.410536 0.489416 0.354111 0.35361 0.027899 0.059497 0.029602 4.600173 0.50675 0.272045 0.439025 0.23696 0.144219 0.148071 0.161159 0.180764 0.201514 0.142738 0.098067 0.113247 0.029852 87.0 0.027266 174.0 2.0 0.301742 0.179884 0.631605 [ 0 0 0 1 1 0 ] +0.059919 0.120531 0.07664 -77.266818 6.400881 -0.030022 2.223638 0.065784 0.832635 0.242151 0.58755 0.341701 0.303193 0.441026 0.362364 0.293122 0.019113 0.053892 0.028974 2.81279 0.79582 0.564115 0.502588 0.490481 0.489211 0.449058 0.487988 0.454244 0.476622 0.466401 0.449201 0.427215 0.016013 0.034913 0.007725 7.103483 0.890242 0.602992 0.569267 0.266799 0.277816 0.186423 0.324714 0.316223 0.337991 0.326448 0.340251 0.254134 0.026149 0.051078 0.030214 4.586571 0.409988 0.150742 0.117073 0.098302 0.090267 0.064803 0.083519 0.107562 0.090923 0.1032 0.084048 0.081654 0.072627 59.0 0.14927 118.0 2.0 0.295393 0.531433 0.851819 [ 1 1 0 0 0 0 ] +0.107076 0.227955 0.085003 -59.154202 3.544735 -0.182565 1.27299 0.052169 0.288306 0.570096 0.54849 0.436078 0.548802 0.50135 0.436533 0.396381 0.068143 0.155394 0.035036 4.645505 1.443971 1.279341 1.220154 0.694822 0.684051 0.598953 0.535901 0.540589 0.489806 0.492449 0.478762 0.479516 0.025187 0.044625 0.007444 2.834935 0.787923 0.465541 0.828057 0.211014 0.409095 0.218915 0.260236 0.220936 0.168212 0.174829 0.182069 0.234413 0.026249 0.048835 0.029948 4.306952 0.395596 0.324189 0.400785 0.187662 0.245622 0.153295 0.126954 0.107105 0.088458 0.068102 0.069507 0.088581 0.15834 64.0 0.117994 128.0 2.0 0.663232 0.196765 0.886141 [ 0 0 0 0 0 1 ] +0.053096 0.119084 0.082773 -65.967824 4.17527 1.173107 2.439749 0.493123 0.46553 0.42483 1.12279 0.204401 0.984701 0.390734 0.348988 0.519366 0.026637 0.103753 0.03365 2.45922 0.835883 0.731533 0.885672 0.617108 0.504486 0.513982 0.474182 0.467188 0.430068 0.382194 0.405998 0.397907 0.015997 0.040444 0.006867 2.280175 0.310205 0.255234 0.500966 0.240331 0.178558 0.169269 0.245338 0.154678 0.187852 0.091745 0.128787 0.129566 0.024975 0.056194 0.029765 3.645432 0.23827 0.145131 0.175013 0.125211 0.083586 0.077666 0.078045 0.071953 0.05523 0.04704 0.061912 0.054474 0.139337 66.0 0.254907 132.0 2.0 0.435863 0.276404 0.747254 [ 1 0 0 0 0 1 ] +0.063155 0.134424 0.092656 -64.794051 4.508711 1.370737 1.861535 0.780136 0.811956 0.196439 0.696931 0.396442 0.618635 0.294942 0.288799 0.757746 0.048954 0.142645 0.037546 5.59461 1.622984 1.060701 1.032878 0.829424 0.792718 0.617837 0.64887 0.670714 0.559498 0.513516 0.487508 0.496212 0.02011 0.052302 0.008946 2.230208 0.820435 0.400205 0.778708 0.370745 0.553614 0.237523 0.23295 0.280755 0.273286 0.218616 0.240275 0.28918 0.032804 0.055494 0.029187 3.654286 0.404482 0.262812 0.190345 0.168268 0.162674 0.11543 0.12829 0.165661 0.094398 0.093582 0.099717 0.070242 0.123907 78.0 0.004589 156.0 2.0 0.374468 0.352294 0.77051 [ 0 0 0 0 1 1 ] +0.035676 0.049958 0.083963 -78.149337 8.802044 1.757825 2.081659 0.67345 1.160666 0.945636 0.144664 0.488885 0.204572 0.808021 -0.065423 0.70725 0.015624 0.036407 0.031444 3.531895 1.388156 0.780099 0.727752 0.637495 0.587765 0.564391 0.597607 0.514673 0.520154 0.557572 0.518831 0.504151 0.017155 0.041301 0.007254 4.303108 1.520619 0.663372 0.486131 0.540002 0.415999 0.541147 0.51836 0.284733 0.385067 0.366962 0.450376 0.344338 0.02849 0.070185 0.029861 4.327115 0.53163 0.194104 0.14952 0.130686 0.130562 0.129712 0.142867 0.128175 0.134565 0.136316 0.13523 0.102438 0.018632 91.0 0.036975 182.0 2.0 0.130865 0.113876 0.528301 [ 0 0 0 1 1 0 ] +0.051136 0.121332 0.086484 -71.867035 4.549059 1.043891 1.609154 0.175817 0.803311 0.190395 0.282549 0.319185 0.561457 0.686902 0.435737 0.483371 0.032938 0.103259 0.034471 3.959096 1.305362 0.799934 0.577513 0.537854 0.464438 0.465953 0.4726 0.507944 0.533437 0.62005 0.658033 0.621967 0.024361 0.071186 0.007246 2.813463 0.85359 0.307018 0.29256 0.218581 0.277212 0.164093 0.226425 0.219871 0.245246 0.33832 0.354932 0.259357 0.025118 0.066721 0.02944 3.975172 0.385882 0.147818 0.112536 0.100905 0.078061 0.069177 0.09868 0.092135 0.09735 0.116847 0.174171 0.14175 0.216445 73.0 0.364446 146.0 2.0 0.522097 0.347197 1.404952 [ 0 1 1 0 0 0 ] +0.032907 0.053586 0.082198 -78.054948 9.704481 1.077619 1.163118 1.143289 1.874023 0.773446 0.74364 0.269293 0.422371 0.057844 -0.157277 0.006105 0.015408 0.043787 0.035129 4.139481 1.651421 1.198723 0.703452 0.587303 0.494823 0.537637 0.433308 0.467485 0.494444 0.476383 0.479706 0.61264 0.015041 0.034604 0.008331 3.207764 0.965452 0.461699 0.399186 0.426782 0.298693 0.317256 0.233194 0.205392 0.227443 0.309101 0.268002 0.250772 0.027573 0.058409 0.02937 4.149891 0.588096 0.328618 0.181966 0.172486 0.143029 0.135176 0.082018 0.089094 0.090969 0.090794 0.113864 0.18379 0.080201 106.0 0.0 212.0 2.0 0.159637 0.366931 0.80765 [ 0 0 0 1 1 0 ] +0.073481 0.155938 0.084607 -78.424077 5.664441 0.000421 1.790985 0.071759 0.146542 0.21027 0.520869 0.550169 0.570226 0.102306 0.217729 0.338813 0.038234 0.106588 0.031632 3.841503 1.048241 0.751943 0.685459 0.628709 0.548346 0.556136 0.595549 0.52532 0.517855 0.493851 0.51688 0.487624 0.029932 0.079274 0.01115 6.898587 1.45062 1.058806 0.4423 0.525365 0.436375 0.506337 0.394225 0.404323 0.66463 0.460988 0.452897 0.388427 0.041994 0.104586 0.030063 4.985397 0.703617 0.304384 0.276463 0.200186 0.118754 0.147618 0.161709 0.131303 0.115415 0.103782 0.124821 0.107929 0.212537 90.0 0.0 180.0 2.0 0.368671 0.377921 0.821039 [ 0 0 0 0 0 1 ] +0.037517 0.118366 0.090371 -68.583582 5.126294 0.143759 2.183464 0.8356 0.984557 0.743862 0.610053 0.503879 0.48048 0.455758 0.468427 0.3579 0.027963 0.157625 0.039899 4.888478 1.550803 1.028904 0.827054 0.66527 0.461055 0.455089 0.491388 0.527848 0.448664 0.431243 0.4555 0.429309 0.013634 0.052091 0.008378 1.74103 0.622393 0.437257 0.34925 0.224406 0.206189 0.181943 0.286046 0.244615 0.239998 0.166669 0.149269 0.232593 0.025795 0.091563 0.028549 3.878685 0.278702 0.165652 0.145129 0.089842 0.067981 0.102325 0.087698 0.086846 0.081483 0.090401 0.064129 0.074867 0.076118 53.0 0.189597 159.0 3.0 0.218732 0.003416 0.722547 [ 0 1 1 0 0 0 ] +0.028417 0.299215 0.08624 -78.569882 6.509508 0.870876 1.987546 0.919847 0.177213 0.575867 0.379955 0.491013 0.430261 0.837678 0.291598 0.941449 0.031123 0.371753 0.035039 4.506522 1.279291 0.990057 0.966991 0.662036 0.597402 0.571948 0.554156 0.531827 0.477589 0.462173 0.455489 0.460322 0.014305 0.155633 0.007328 3.285989 0.963147 0.571478 0.650219 0.40081 0.337734 0.330153 0.299782 0.327152 0.27344 0.253938 0.291452 0.233023 0.031164 0.09555 0.029407 4.169489 0.371237 0.23577 0.285212 0.116737 0.1286 0.148486 0.115209 0.086651 0.07881 0.096759 0.084475 0.075875 0.058779 73.0 0.040662 146.0 2.0 0.135522 0.007573 0.289531 [ 0 0 1 1 1 0 ] +0.045979 0.285937 0.088668 -73.201192 4.868248 1.720746 1.374652 0.617047 0.52264 0.714393 0.503934 0.471091 0.210792 0.636697 0.178844 0.617082 0.047664 0.296445 0.039995 6.754172 1.454607 1.254076 1.091671 0.862672 0.641188 0.67626 0.543636 0.610667 0.48137 0.473305 0.539653 0.448766 0.019379 0.190464 0.010118 3.058771 0.85667 0.575421 0.409493 0.635973 0.307002 0.300588 0.294737 0.240958 0.195383 0.33385 0.335535 0.247499 0.034503 0.123708 0.029051 4.172326 0.349751 0.272869 0.313035 0.194761 0.156645 0.116475 0.108754 0.169287 0.090401 0.097433 0.16166 0.07988 0.071373 68.0 0.202879 204.0 3.0 0.213425 0.207252 0.929706 [ 0 1 1 0 0 0 ] +0.078887 0.161844 0.077084 -75.119074 5.901502 -0.323313 1.774201 0.19653 0.587915 -0.002715 0.004809 0.651234 0.334399 0.435504 0.253941 0.304887 0.022446 0.057537 0.028343 2.688676 0.763464 0.534405 0.522676 0.503751 0.49946 0.46326 0.514574 0.537517 0.498829 0.53506 0.491548 0.450231 0.018914 0.041309 0.006989 7.551938 1.378671 0.522729 0.721374 0.507932 0.236931 0.320142 0.468306 0.500381 0.37635 0.528628 0.313933 0.323925 0.023777 0.046064 0.030602 4.198909 0.31264 0.089837 0.105483 0.095898 0.093589 0.095009 0.105382 0.147236 0.110667 0.134387 0.114716 0.090791 0.098531 61.0 0.390948 122.0 2.0 0.546583 0.664395 1.32718 [ 1 1 1 0 0 0 ] +0.03718 0.089499 0.083049 -64.452349 6.193476 -0.806444 2.351326 0.820929 0.529226 0.153967 0.567113 0.658308 0.700729 0.389732 0.427953 0.458467 0.02056 0.064468 0.036681 3.540226 1.425209 0.826614 0.667379 0.547352 0.470979 0.4461 0.428759 0.429482 0.416483 0.442127 0.398973 0.38835 0.016424 0.034805 0.006629 1.289465 0.595637 0.368613 0.373814 0.238104 0.164319 0.272788 0.227619 0.208507 0.276641 0.259601 0.249872 0.202163 0.025407 0.046993 0.02975 4.327807 0.205667 0.168791 0.123778 0.102141 0.065919 0.080731 0.07139 0.083984 0.066876 0.077713 0.071453 0.049929 0.017812 66.0 0.047189 132.0 2.0 0.086613 0.143185 0.232423 [ 0 0 0 0 1 0 ] +0.092088 0.261699 0.083942 -61.092941 1.746971 0.94618 1.776691 0.673533 1.334252 0.536436 0.695273 0.55059 0.701222 0.697319 0.361628 0.47409 0.052383 0.154404 0.034361 3.305682 1.060307 0.732775 0.685911 0.642497 0.578522 0.597172 0.487604 0.478736 0.479159 0.423243 0.42732 0.420379 0.030044 0.087453 0.008533 2.343155 0.636094 0.278207 0.380408 0.204507 0.307682 0.23406 0.171308 0.237752 0.238734 0.111718 0.173128 0.183809 0.02195 0.042039 0.0304 3.470458 0.362494 0.157403 0.160183 0.1303 0.100372 0.112756 0.092248 0.078336 0.075802 0.075828 0.074376 0.074575 0.203307 100.0 0.015806 200.0 2.0 0.039309 0.53559 0.597238 [ 1 1 0 0 0 0 ] +0.097286 0.340926 0.093533 -71.890967 2.688474 1.383155 0.121321 1.120003 0.856267 0.775222 0.629768 0.491051 0.561007 0.466271 0.545237 0.493646 0.126904 0.352304 0.041481 6.931029 2.129923 1.902159 0.97644 0.815237 0.545371 0.47443 0.424191 0.422103 0.398704 0.399517 0.364298 0.352491 0.026643 0.095234 0.006109 3.209088 0.478717 0.581794 0.284524 0.245653 0.092712 0.080236 0.077856 0.064871 0.082165 0.062499 0.076319 0.060938 0.02883 0.04114 0.028612 3.275213 0.188333 0.351353 0.125743 0.14015 0.061079 0.060576 0.062041 0.045531 0.055142 0.048743 0.041621 0.039654 0.229207 68.0 0.281671 136.0 2.0 0.338285 0.362791 0.748293 [ 0 0 0 0 0 1 ] +0.114553 0.256011 0.09673 -75.49729 2.580206 0.209713 1.836627 0.450624 0.297717 0.187462 1.655917 0.776772 0.309348 0.1967 0.368656 0.608863 0.09272 0.190507 0.047529 5.442778 1.65464 1.412383 1.071956 0.830256 0.816326 0.675626 0.712191 0.69564 0.589581 0.573482 0.555988 0.518277 0.023001 0.044423 0.008551 3.834436 0.746946 0.76573 0.872718 0.508774 0.54256 0.353405 0.375215 0.387495 0.249399 0.291012 0.348801 0.279731 0.028507 0.045902 0.027974 4.083089 0.314094 0.305527 0.254942 0.187676 0.215681 0.12638 0.172208 0.158881 0.12398 0.106119 0.09396 0.104186 0.402026 68.0 0.612063 136.0 2.0 0.503365 0.716707 1.242089 [ 0 0 1 0 0 0 ] +0.07352 0.124505 0.081095 -80.176056 6.589334 -0.555262 1.493098 -0.10914 0.778723 0.309033 0.644215 0.003161 0.122828 0.268191 0.472085 0.524865 0.023879 0.04982 0.0295 3.655042 1.208955 0.661882 0.679388 0.586688 0.64106 0.674389 0.673152 0.691358 0.699591 0.757566 0.739254 0.601699 0.023091 0.047666 0.00815 5.758544 1.330897 0.54334 0.697593 0.458331 0.474542 0.713499 0.477193 0.484176 0.536436 0.573698 0.468518 0.491985 0.024275 0.048207 0.030391 4.184789 0.49641 0.139883 0.176788 0.130379 0.207608 0.202503 0.203834 0.229326 0.166682 0.254056 0.200041 0.159516 0.040344 68.0 0.040688 136.0 2.0 0.194155 0.201067 0.667442 [ 0 0 1 0 0 0 ] +0.064139 0.100309 0.079702 -81.211346 8.650674 -0.588597 1.495697 0.272748 0.560868 0.085347 0.250624 0.111439 0.423669 -0.007911 0.337972 0.256658 0.017086 0.035069 0.029962 3.129281 1.001651 0.612403 0.579307 0.513664 0.470203 0.514959 0.570093 0.57453 0.562172 0.567635 0.547459 0.472131 0.024497 0.047106 0.006984 4.28036 1.48227 0.554599 0.473557 0.332447 0.270177 0.314464 0.562259 0.69905 0.549489 0.562827 0.380226 0.302719 0.024449 0.051714 0.0299 4.873513 0.544697 0.153002 0.111862 0.102969 0.077055 0.101789 0.130568 0.137198 0.174134 0.152275 0.149071 0.090158 0.023192 72.0 0.034233 144.0 2.0 0.110844 0.127198 0.418816 [ 0 0 1 0 0 0 ] +0.057642 0.131036 0.094089 -65.855002 5.80764 0.148118 1.788456 0.902881 0.199964 0.460685 0.917493 0.155712 0.535581 0.175043 0.130285 -0.0792 0.050851 0.139726 0.040935 5.469469 1.897012 1.290464 1.266057 0.807442 0.778687 0.604497 0.579367 0.627569 0.507236 0.515411 0.5483 0.50663 0.017765 0.037074 0.006914 2.409988 0.71948 0.680939 0.566069 0.441565 0.381334 0.351904 0.296188 0.28148 0.214963 0.266416 0.241019 0.282637 0.029219 0.063373 0.028245 4.268947 0.522684 0.291375 0.301099 0.130087 0.168857 0.117681 0.114796 0.143962 0.111754 0.119381 0.089548 0.087266 0.005956 60.0 0.007414 120.0 2.0 0.020735 0.05146 0.118598 [ 0 0 1 0 1 0 ] +0.109927 0.279859 0.08247 -59.196085 3.161041 -0.276877 2.096134 0.540796 0.01875 0.973791 0.375539 0.301789 0.364645 0.304973 0.537624 0.166661 0.056531 0.144121 0.029709 3.482047 1.060216 0.939169 0.725296 0.57879 0.535253 0.496394 0.507927 0.454903 0.448631 0.450098 0.426052 0.427202 0.028796 0.064446 0.007698 3.761099 0.708475 0.594303 0.543099 0.217073 0.299987 0.218109 0.173263 0.216034 0.268264 0.219474 0.168597 0.175464 0.024697 0.073934 0.030164 5.384946 0.366887 0.282962 0.230518 0.122919 0.09446 0.079088 0.091388 0.057749 0.065031 0.06625 0.069623 0.06159 0.121118 87.0 0.117706 174.0 2.0 0.397344 0.258302 0.938872 [ 1 0 0 0 0 1 ] +0.046871 0.082355 0.080136 -74.505556 6.243191 1.969359 1.712258 0.895834 0.721651 0.243479 0.767751 0.452236 0.980475 0.856422 0.25244 0.275925 0.038071 0.087908 0.033824 3.933974 1.516397 0.758484 0.67776 0.593418 0.570774 0.566244 0.548423 0.589477 0.530509 0.478479 0.507727 0.558378 0.020993 0.04443 0.008479 2.872378 0.606325 0.493162 0.398348 0.304523 0.336518 0.249691 0.383583 0.298379 0.291937 0.234093 0.190936 0.208282 0.043855 0.088485 0.029956 4.153083 0.529609 0.252861 0.166851 0.135971 0.143652 0.150907 0.151291 0.127954 0.122612 0.096656 0.108385 0.155794 0.083489 66.0 0.226011 132.0 2.0 0.433768 0.415159 0.907192 [ 0 0 1 1 1 0 ] +0.071535 0.269694 0.093972 -73.636832 2.6818 2.529541 2.481824 1.523196 0.674593 0.717551 0.498329 0.372362 0.73469 0.371842 0.432315 0.498785 0.067935 0.299929 0.035605 6.482788 1.801535 1.262105 1.146648 1.016965 0.725694 0.707989 0.783381 0.589296 0.532209 0.543926 0.489428 0.470378 0.042299 0.091321 0.007299 3.604316 0.64551 0.470172 0.580546 0.4464 0.218961 0.286371 0.386471 0.181557 0.148912 0.164895 0.143983 0.184667 0.048917 0.097535 0.029016 3.730326 0.568398 0.231075 0.225077 0.200259 0.125476 0.111321 0.154156 0.08494 0.074415 0.102596 0.086912 0.077122 0.059463 96.0 0.077408 192.0 2.0 0.067023 0.703951 1.049752 [ 0 0 0 0 0 1 ] +0.083687 0.292356 0.093009 -71.404841 2.15969 1.589761 1.808376 0.54675 0.96567 0.957922 0.698095 0.536873 0.968852 0.530422 0.779094 0.436658 0.077956 0.296078 0.039268 6.89769 1.847742 1.442713 1.048462 0.89972 0.730538 0.680618 0.64697 0.550259 0.552975 0.514847 0.549616 0.521182 0.04225 0.072682 0.008542 2.094529 0.89396 0.484173 0.468481 0.367647 0.32407 0.273762 0.194577 0.220592 0.14856 0.174187 0.244572 0.200407 0.029983 0.060053 0.028678 3.99039 0.409446 0.296915 0.257573 0.17306 0.137536 0.119079 0.135158 0.087579 0.093275 0.067673 0.106225 0.109685 0.086424 53.0 0.039101 106.0 2.0 0.5876 0.065675 0.720563 [ 0 0 0 0 0 1 ] +0.043865 0.350203 0.096672 -72.42915 3.583308 2.502472 1.904451 1.25064 0.868039 0.63649 0.293496 0.215117 0.20618 0.309904 0.291545 0.095326 0.0508 0.387299 0.040639 5.782603 1.687926 1.419073 1.057188 0.951224 0.730089 0.681925 0.64513 0.591603 0.571617 0.588039 0.506046 0.517391 0.025856 0.126712 0.007805 2.734025 0.691511 0.792111 0.475099 0.565268 0.265523 0.271629 0.239417 0.171704 0.192442 0.211608 0.177425 0.16586 0.030553 0.072667 0.028808 3.729953 0.306139 0.297966 0.220843 0.186985 0.137994 0.136503 0.108207 0.129437 0.083212 0.105049 0.081217 0.069327 0.306116 61.0 0.352415 122.0 2.0 0.557825 0.364693 1.078426 [ 0 1 1 0 0 0 ] +0.060497 0.280652 0.104054 -65.105513 3.5374 1.211322 1.094565 0.851873 1.021322 0.669384 0.762547 0.616529 0.556293 0.439898 0.389763 0.404709 0.071024 0.339719 0.049241 4.742203 1.100411 0.797769 0.72896 0.458162 0.463512 0.348268 0.370221 0.340844 0.344607 0.337297 0.311212 0.314619 0.022044 0.045558 0.01247 1.982457 0.627702 0.423581 0.191849 0.156954 0.154089 0.08024 0.090684 0.097878 0.097045 0.081411 0.077859 0.074433 0.020641 0.076821 0.02748 3.706902 0.218819 0.164082 0.098404 0.071376 0.060645 0.046167 0.074636 0.053129 0.050812 0.039118 0.042332 0.036608 0.089152 70.0 0.194823 140.0 2.0 0.131318 0.287362 0.703847 [ 1 0 0 0 0 1 ] +0.061806 0.182233 0.081687 -62.924453 2.284638 1.110443 2.0732 0.998594 0.777752 0.805728 0.714695 0.586176 0.527063 0.30242 0.495122 0.407906 0.039412 0.158426 0.03299 3.444302 1.02834 0.950338 0.805023 0.714456 0.641144 0.595697 0.514346 0.524163 0.508261 0.488037 0.504952 0.522226 0.021957 0.065971 0.009197 1.865098 0.865796 0.491791 0.459124 0.359272 0.332352 0.274672 0.234698 0.239715 0.24326 0.243501 0.184866 0.217742 0.02792 0.058847 0.030053 3.607355 0.238677 0.247421 0.172651 0.166341 0.136922 0.115855 0.080964 0.09817 0.094403 0.084141 0.094991 0.096363 0.046568 85.0 0.0 170.0 2.0 0.205307 0.027437 0.252808 [ 1 0 0 0 0 1 ] +0.026254 0.286399 0.086349 -75.494036 6.267156 1.401768 0.69837 1.145525 0.086261 0.725967 0.671645 0.656164 0.650646 0.356332 0.35232 0.603187 0.028379 0.380593 0.036721 5.064929 1.207616 0.949229 0.788559 0.599164 0.635554 0.654864 0.501617 0.639126 0.476342 0.534759 0.473688 0.453773 0.016871 0.142882 0.007834 3.22208 0.67434 0.547766 0.495882 0.258119 0.27107 0.391792 0.15363 0.440678 0.216226 0.269838 0.223183 0.1941 0.032512 0.110506 0.029382 4.015548 0.286879 0.180448 0.121787 0.085895 0.115982 0.147282 0.070868 0.123747 0.085362 0.088865 0.105878 0.088463 0.040343 91.0 0.0 182.0 2.0 0.072368 0.247981 0.32483 [ 0 0 1 0 0 0 ] +0.109158 0.268949 0.076101 -60.018661 3.404251 0.610929 1.294005 -0.032829 0.707993 -0.214837 0.479429 0.355616 0.538726 0.194432 0.600522 0.65667 0.029579 0.084206 0.028095 1.886406 0.614375 0.544761 0.580607 0.504947 0.504849 0.467012 0.452362 0.430018 0.413651 0.414923 0.428944 0.396119 0.019702 0.050405 0.00777 1.223107 0.446369 0.362532 0.364002 0.282903 0.301582 0.242235 0.251722 0.287992 0.195853 0.195004 0.187815 0.199831 0.023232 0.043702 0.030687 3.929551 0.28714 0.120534 0.132785 0.08692 0.087268 0.082581 0.071396 0.071636 0.068632 0.066229 0.063966 0.054347 0.057897 75.0 0.49679 150.0 2.0 0.130155 0.474332 1.48759 [ 1 0 0 0 0 1 ] +0.080015 0.160086 0.094219 -70.166856 4.008662 0.663985 1.291159 1.184599 1.550719 0.945465 0.743313 0.443766 0.718646 0.622384 0.382173 0.616532 0.075058 0.178029 0.039469 7.708128 1.643002 1.007516 0.959675 0.768442 0.587132 0.619413 0.586068 0.538718 0.569719 0.4794 0.527386 0.524944 0.029298 0.068063 0.00733 4.850976 1.097694 0.653829 0.689352 0.480554 0.32333 0.40381 0.274622 0.266894 0.296404 0.233065 0.235425 0.283732 0.039832 0.072177 0.029019 3.693661 0.518345 0.343203 0.332715 0.261883 0.11597 0.171934 0.11738 0.108918 0.119578 0.085138 0.127057 0.117801 0.052184 74.0 0.028617 148.0 2.0 0.228713 0.396503 0.769697 [ 0 0 1 0 0 0 ] +0.023817 0.042539 0.076685 -74.716779 5.888846 1.280406 1.635322 0.977475 1.058304 1.110364 0.827923 0.411217 0.47068 0.575308 0.327036 0.11054 0.014961 0.048589 0.03031 3.205148 1.04241 0.639893 0.645552 0.604006 0.558687 0.414253 0.505004 0.449603 0.427658 0.415802 0.421947 0.43397 0.02259 0.046748 0.007423 4.885776 0.863234 0.478863 0.582288 0.398508 0.316561 0.234897 0.487217 0.245079 0.391721 0.353619 0.250021 0.297281 0.033044 0.073315 0.030071 4.677771 0.489405 0.20498 0.263984 0.192031 0.143554 0.071421 0.176419 0.08725 0.091521 0.067472 0.067944 0.092991 0.035242 100.0 0.0 200.0 2.0 0.222169 0.421311 0.785003 [ 0 0 0 1 1 0 ] +0.021876 0.050226 0.081564 -73.88317 6.166554 1.115366 3.017577 1.241772 0.650164 0.714816 0.334952 0.504228 0.668844 0.538943 0.329239 0.362761 0.014147 0.08461 0.034902 3.621693 1.254153 0.707113 0.885043 0.573101 0.539748 0.494201 0.485493 0.429503 0.438951 0.452257 0.410863 0.404687 0.013662 0.040541 0.007284 2.669692 0.588858 0.780693 0.786994 0.299473 0.320708 0.329883 0.290529 0.237947 0.217834 0.258405 0.230207 0.281806 0.028397 0.106125 0.029956 4.068938 0.309192 0.151568 0.219385 0.165782 0.1431 0.125501 0.099032 0.065894 0.10303 0.106448 0.049836 0.076727 0.097782 64.0 0.07253 128.0 2.0 0.183874 0.276906 0.610484 [ 0 0 1 1 0 0 ] +0.024219 0.325464 0.106252 -71.933275 4.022402 1.968695 1.742567 1.2007 0.825936 0.544186 0.685927 0.655068 0.526201 0.430186 0.394733 0.458484 0.024295 0.39045 0.052154 5.238877 1.731363 0.881867 0.686542 0.43085 0.43425 0.46645 0.370098 0.360171 0.357489 0.353443 0.342185 0.352706 0.014423 0.144449 0.006253 2.076179 0.290539 0.312112 0.27175 0.120825 0.133714 0.102248 0.128117 0.080367 0.072845 0.093925 0.097381 0.087382 0.029189 0.141143 0.026097 3.850242 0.122854 0.090488 0.139594 0.072467 0.064526 0.044503 0.043186 0.063661 0.044876 0.046269 0.038908 0.044768 0.768066 70.0 0.980748 140.0 2.0 0.869946 0.980748 1.996273 [ 1 0 0 0 0 1 ] +0.049918 0.467793 0.112124 -78.440075 3.968713 0.564406 2.055285 0.567545 1.145313 0.808074 0.772895 0.665144 0.560427 0.510426 0.677691 0.824814 0.069027 0.406232 0.071091 9.939205 2.408234 1.285673 0.901884 0.724331 0.633795 0.625014 0.601889 0.503664 0.604217 0.53317 0.435999 0.439286 0.032933 0.147821 0.009983 4.350926 0.823214 0.48304 0.419049 0.397451 0.239509 0.247924 0.346052 0.182593 0.222136 0.213464 0.150332 0.17632 0.041606 0.070288 0.026673 4.314597 0.435066 0.25356 0.270512 0.147993 0.139071 0.158853 0.143856 0.149556 0.193136 0.151425 0.085765 0.080544 0.055493 71.0 0.120525 142.0 2.0 0.128055 0.22517 0.530226 [ 0 1 1 0 0 0 ] +0.065494 0.197842 0.095774 -72.075566 4.191048 1.834673 1.769465 1.281953 0.617738 0.849727 0.427336 0.485339 0.398718 0.578328 0.373779 0.150276 0.063097 0.239075 0.039968 6.453829 1.764694 1.248079 1.097384 0.95784 0.754098 0.676532 0.739948 0.593623 0.679279 0.604399 0.54668 0.491436 0.02148 0.087997 0.008392 2.615393 0.61016 0.567689 0.434638 0.397772 0.337856 0.273492 0.227071 0.187746 0.407337 0.215118 0.18921 0.155024 0.031638 0.077919 0.029739 3.785694 0.353152 0.262718 0.210723 0.178349 0.131749 0.096651 0.142853 0.095877 0.136556 0.085637 0.09098 0.068904 0.016247 87.0 0.0 174.0 2.0 0.03771 0.075447 0.121915 [ 0 0 1 0 0 1 ] +0.063282 0.128834 0.094342 -84.389593 5.733419 -0.924768 3.446113 0.261641 1.10274 0.490582 0.915173 0.462415 0.314191 0.622828 0.516984 0.600101 0.051124 0.107623 0.044634 8.006751 1.291699 1.593773 1.070367 0.809631 0.796286 0.79854 0.590602 0.591775 0.508867 0.52635 0.515861 0.496688 0.01919 0.038208 0.007454 4.735973 0.549125 0.697426 0.42117 0.372352 0.319641 0.309554 0.370995 0.286189 0.171544 0.200492 0.27021 0.305713 0.022743 0.048394 0.028182 3.83523 0.313723 0.375951 0.14748 0.151475 0.171161 0.146169 0.111049 0.109663 0.086035 0.079426 0.102601 0.09092 0.042656 73.0 0.6663 146.0 2.0 0.136789 0.172624 1.023159 [ 0 0 1 0 0 0 ] +0.068076 0.211578 0.090143 -64.88076 3.73927 1.540883 1.299525 0.526623 0.756023 -0.054893 0.68768 0.77688 0.334161 0.542796 0.532755 0.431802 0.059165 0.233496 0.035357 4.65579 1.402238 0.998258 0.90915 0.764619 0.614087 0.590935 0.696257 0.551349 0.536313 0.501767 0.456301 0.4405 0.018249 0.061258 0.007449 1.232061 0.409442 0.273662 0.437398 0.298171 0.214627 0.185824 0.249444 0.181672 0.239615 0.206503 0.164706 0.170384 0.024554 0.060733 0.029627 4.357938 0.236396 0.190589 0.174679 0.133158 0.112117 0.066413 0.090464 0.094863 0.086685 0.067666 0.058491 0.056538 0.079079 64.0 0.0 128.0 2.0 0.203911 0.0 0.203911 [ 0 0 0 0 0 1 ] +0.079637 0.179418 0.081324 -64.788454 4.692289 -0.940329 1.354062 0.567624 1.070104 0.467327 0.733952 0.415417 0.517166 0.773604 0.359598 0.597514 0.036363 0.088889 0.029781 2.217499 0.807627 0.67314 0.616854 0.570171 0.572549 0.475388 0.484183 0.476329 0.437221 0.449635 0.406741 0.421015 0.014506 0.036072 0.008805 1.799569 0.303897 0.432021 0.284534 0.274395 0.344659 0.20813 0.190362 0.19453 0.187972 0.230476 0.159463 0.170243 0.027643 0.070681 0.030218 3.887328 0.289028 0.205268 0.146647 0.141551 0.148773 0.079464 0.091456 0.124103 0.074148 0.084328 0.065356 0.097492 0.103954 74.0 0.107771 148.0 2.0 0.292914 0.328715 0.816889 [ 1 1 0 0 0 0 ] +0.072399 0.145458 0.077958 -68.628984 4.439569 1.196723 1.45296 1.102393 0.956828 0.245001 0.478253 0.229815 0.218328 0.224147 0.203624 0.25816 0.035012 0.096879 0.029786 4.492088 1.312654 0.755317 0.554165 0.48439 0.445789 0.440285 0.484864 0.473248 0.490288 0.458527 0.541084 0.581868 0.025893 0.067308 0.007379 3.127904 1.145293 0.665583 0.361785 0.243104 0.217655 0.20729 0.254794 0.23209 0.243464 0.228894 0.336113 0.413515 0.0301 0.062218 0.030268 3.951267 0.635683 0.202879 0.116666 0.08393 0.073485 0.082092 0.087867 0.071542 0.122771 0.162389 0.266125 0.256213 0.054841 113.0 0.0 226.0 2.0 0.310156 0.266653 0.664505 [ 0 1 1 0 0 0 ] +0.035143 0.053914 0.075452 -79.743745 7.282662 2.08132 1.9759 1.122281 0.891494 0.57631 0.67739 0.300272 0.410412 0.541881 0.292874 0.788356 0.01887 0.040726 0.028562 3.517274 1.203352 0.831655 0.77832 0.686397 0.635128 0.578177 0.547146 0.524679 0.566872 0.465239 0.482927 0.457824 0.01874 0.036526 0.00815 5.472493 1.67669 0.878893 0.8953 0.739 0.691662 0.566188 0.571525 0.37392 0.668521 0.395773 0.397175 0.442746 0.033696 0.065766 0.030307 4.430535 0.683327 0.299797 0.308321 0.252802 0.202112 0.17871 0.156587 0.13436 0.214598 0.1441 0.142643 0.129619 0.029185 61.0 0.0 183.0 3.0 0.101555 0.033561 0.144103 [ 0 0 0 1 1 0 ] +0.102384 0.213493 0.09718 -94.745822 3.652435 1.439745 1.866569 1.301046 0.848393 1.104911 0.743271 0.851128 0.815849 0.558115 0.658298 0.797362 0.111718 0.241572 0.043123 6.784357 1.930789 1.279728 0.995043 0.740175 0.741644 0.656865 0.661601 0.603607 0.568233 0.564182 0.49424 0.495639 0.026007 0.054986 0.005711 4.573093 0.749094 0.506812 0.489175 0.308152 0.340501 0.318717 0.294194 0.317322 0.258816 0.17897 0.2182 0.210514 0.025769 0.03378 0.028807 4.601504 0.357989 0.196112 0.196407 0.127327 0.1395 0.127721 0.09899 0.118787 0.140536 0.114052 0.092264 0.131148 0.283297 54.0 0.169759 162.0 3.0 0.48949 0.127249 0.928732 [ 0 1 1 0 0 0 ] +0.047788 0.159418 0.074016 -85.785005 5.339664 1.590142 2.635971 0.538999 0.402476 0.710431 0.525889 0.22548 -0.274967 0.659352 0.836726 0.233517 0.02188 0.116301 0.027559 3.271673 1.070986 0.466935 0.527381 0.403077 0.395747 0.386585 0.390456 0.383977 0.448701 0.42989 0.41241 0.503586 0.047064 0.184096 0.008069 5.302602 1.505717 0.559186 0.89671 0.404774 0.58217 0.388411 0.617889 0.544213 0.850115 0.798784 0.52499 0.830025 0.029701 0.149276 0.030607 5.461148 0.405903 0.138122 0.215629 0.124361 0.164452 0.145823 0.157624 0.112564 0.183408 0.194912 0.208846 0.301776 0.047452 57.0 0.0 171.0 3.0 0.141792 0.099424 0.334877 [ 0 0 0 1 1 0 ] +0.09219 0.256998 0.078833 -65.830741 2.083555 0.433549 1.604801 0.382039 0.961202 0.571594 0.88121 0.896208 1.00096 0.475647 0.441544 0.590186 0.047702 0.131964 0.02919 2.905601 0.84532 0.757064 0.639209 0.548016 0.481702 0.495768 0.482652 0.512391 0.490006 0.44445 0.405344 0.4226 0.025068 0.068102 0.007204 2.224637 0.570398 0.721558 0.430667 0.363186 0.309543 0.250489 0.25539 0.311484 0.327203 0.253878 0.178101 0.208874 0.021759 0.048863 0.030596 4.106341 0.391167 0.25507 0.199109 0.13263 0.074381 0.09936 0.083524 0.094585 0.129186 0.085275 0.090214 0.074009 0.247321 84.0 0.024295 168.0 2.0 0.582411 0.18433 0.816198 [ 1 0 0 0 0 1 ] +0.034629 0.068492 0.079778 -74.199674 6.644373 0.525191 2.148351 0.627272 0.901925 0.906972 0.89743 0.650345 0.477341 0.022438 0.434881 0.586151 0.017779 0.057528 0.033209 4.806798 1.322832 0.901725 0.60449 0.520226 0.478395 0.396377 0.392011 0.403021 0.389218 0.41627 0.3822 0.348898 0.018618 0.047557 0.008544 4.117549 1.150611 0.712128 0.286179 0.305501 0.305675 0.240501 0.150813 0.18862 0.181685 0.249865 0.198984 0.202656 0.027201 0.072351 0.029722 4.069921 0.522125 0.222922 0.135289 0.149186 0.121459 0.094752 0.080393 0.083327 0.101605 0.094572 0.092118 0.078988 0.072069 74.0 0.179248 148.0 2.0 0.203554 0.02758 0.523149 [ 0 0 1 0 0 0 ] +0.061915 0.112463 0.08147 -68.25433 5.705974 -0.002831 1.535557 -0.0699 0.80047 -0.045794 0.408197 0.135682 0.6564 0.295498 0.494859 0.399641 0.023222 0.054718 0.029144 3.003789 0.891736 0.751955 0.634521 0.522222 0.575774 0.508882 0.521224 0.668544 0.646051 0.59301 0.628041 0.687862 0.017591 0.040374 0.006852 1.554841 0.612485 0.427705 0.307151 0.229361 0.315412 0.241114 0.210586 0.375442 0.450195 0.334378 0.409879 0.396152 0.024737 0.051741 0.030061 4.340485 0.329298 0.171465 0.116247 0.091471 0.096053 0.072904 0.078265 0.195594 0.180703 0.168274 0.156065 0.221307 0.032672 83.0 0.289722 166.0 2.0 0.070795 0.560943 1.204326 [ 1 0 0 0 0 0 ] +0.045936 0.101266 0.08208 -69.462185 4.573191 1.054885 2.357877 0.846005 1.135987 0.797825 0.577944 0.378332 0.161718 0.368995 0.629738 0.225426 0.031419 0.096722 0.032565 3.061935 1.218716 0.695376 0.87444 0.621415 0.521704 0.484122 0.533826 0.487058 0.479729 0.461183 0.437879 0.43234 0.019546 0.058103 0.006501 3.442791 0.994605 0.584688 0.623148 0.398214 0.248557 0.2319 0.317909 0.20823 0.329534 0.220837 0.221951 0.291553 0.031436 0.065382 0.029677 3.98483 0.443417 0.192434 0.297391 0.16317 0.111087 0.084868 0.100867 0.096326 0.083034 0.095684 0.07193 0.082998 0.018766 57.0 0.042018 114.0 2.0 0.038069 0.084897 0.140571 [ 0 0 1 1 0 0 ] +0.057507 0.145556 0.089741 -70.377281 5.259562 0.837729 1.623266 0.394495 0.807693 0.813512 0.377416 0.232478 0.623408 0.311994 0.269276 0.403233 0.046082 0.172888 0.044729 6.410406 1.641905 1.403113 1.004586 0.944179 0.657316 0.6978 0.68715 0.605093 0.614138 0.520896 0.451311 0.446639 0.016817 0.05231 0.007752 2.729989 0.690646 0.770607 0.400254 0.292092 0.258819 0.25221 0.191397 0.160226 0.193346 0.192049 0.140641 0.180757 0.023675 0.07183 0.029481 3.624785 0.346311 0.380291 0.228383 0.202366 0.12939 0.132142 0.123431 0.098816 0.102086 0.074349 0.071845 0.078203 0.147104 87.0 0.016181 174.0 2.0 0.288277 0.026547 0.333679 [ 0 0 0 0 0 1 ] +0.024532 0.264427 0.09791 -75.01319 8.674466 0.596753 1.139154 0.375368 0.375016 0.211366 0.349606 0.15898 0.248935 0.272901 0.327632 0.313853 0.025525 0.375547 0.062614 6.771368 2.664195 1.281183 0.798745 0.741038 0.673002 0.551031 0.535658 0.470684 0.424622 0.394625 0.397769 0.362596 0.018554 0.086089 0.010695 2.89423 1.414481 0.71108 0.526294 0.444426 0.275059 0.156509 0.190268 0.209484 0.211504 0.212851 0.202732 0.159998 0.026078 0.095487 0.026156 3.814361 0.592308 0.266525 0.174136 0.144544 0.131973 0.084405 0.06424 0.067994 0.067393 0.054615 0.057031 0.04194 0.271694 67.0 0.635843 134.0 2.0 0.643165 0.677213 1.348125 [ 1 0 0 0 0 0 ] +0.033434 0.064936 0.077184 -76.352322 6.74774 0.425259 2.401118 0.305979 2.228642 0.295775 1.156154 -0.025529 1.064865 0.328996 0.887912 0.475279 0.019204 0.058196 0.032377 3.975434 1.122484 0.803432 0.823061 0.656647 0.544279 0.589382 0.543938 0.574177 0.472761 0.509051 0.540382 0.436719 0.014195 0.053949 0.009282 7.222004 0.98854 0.830314 1.048634 0.659909 0.615685 0.722315 0.440407 0.666145 0.475435 0.477401 0.463108 0.55475 0.029398 0.073205 0.030717 4.428432 0.630513 0.305923 0.314756 0.250045 0.154438 0.219201 0.135149 0.205504 0.136421 0.142765 0.185646 0.128535 0.023627 68.0 0.015289 204.0 3.0 0.090375 0.050905 0.213249 [ 0 0 0 1 1 0 ] +0.054214 0.10593 0.0809 -85.230578 7.434716 -0.81228 1.974387 0.388284 0.937715 0.190121 0.467434 0.549741 0.717053 0.56404 0.470557 0.375321 0.019537 0.045358 0.028678 3.117314 0.86247 0.61616 0.557144 0.504345 0.513823 0.51113 0.515241 0.50836 0.529058 0.499086 0.502608 0.495558 0.018682 0.037321 0.006867 6.107869 0.939702 0.613571 0.361214 0.334413 0.389847 0.264005 0.282748 0.338822 0.412367 0.404446 0.338043 0.329833 0.025619 0.050411 0.030244 4.925568 0.40319 0.191565 0.138119 0.080057 0.126712 0.100766 0.095241 0.151223 0.129537 0.097695 0.113341 0.097242 0.057763 90.0 0.011809 180.0 2.0 0.350652 0.249122 0.815138 [ 0 1 1 0 0 0 ] +0.039532 0.145493 0.08218 -80.367843 5.426295 1.14538 1.752181 0.991431 0.824844 0.767193 0.630657 0.596459 0.642272 0.645049 0.47183 0.531011 0.042467 0.232493 0.031202 4.183739 1.346536 0.929244 0.796675 0.58119 0.572482 0.557119 0.544961 0.565989 0.497798 0.555119 0.495939 0.468853 0.023945 0.070993 0.006835 3.852064 0.792147 0.65386 0.557091 0.367957 0.362576 0.321344 0.308282 0.355396 0.29378 0.341904 0.314107 0.231434 0.044716 0.102706 0.0298 4.438997 0.465997 0.257443 0.227221 0.129481 0.123646 0.157008 0.098096 0.133163 0.088196 0.145404 0.117902 0.130575 0.326559 81.0 0.257757 162.0 2.0 0.734404 0.168312 1.424956 [ 0 0 1 1 0 0 ] +0.058343 0.122247 0.07402 -75.755961 5.057628 1.751448 1.508382 0.566041 1.006713 0.421811 0.387647 0.234226 0.21306 0.225451 0.501321 0.371311 0.027366 0.106365 0.029551 4.545252 1.249421 0.929213 0.632256 0.502198 0.474997 0.513498 0.477231 0.447574 0.46314 0.469877 0.488225 0.496846 0.024772 0.074624 0.007481 3.539508 1.076587 0.693605 0.337239 0.352525 0.2693 0.307702 0.224753 0.293405 0.226654 0.309071 0.30443 0.310025 0.026205 0.077563 0.03059 4.517194 0.426377 0.258925 0.230216 0.11762 0.120718 0.146091 0.102461 0.119635 0.141232 0.148332 0.213878 0.239879 0.142328 113.0 0.0 226.0 2.0 0.428259 0.48238 0.97391 [ 0 1 1 0 0 0 ] +0.073549 0.184322 0.09347 -69.036644 3.996756 0.818633 1.311068 0.400103 0.442149 0.694631 0.191844 0.85062 0.619914 0.43993 0.721439 0.397434 0.0688 0.214085 0.039082 5.349822 1.488552 1.272456 0.937858 0.867469 0.659278 0.578351 0.657149 0.525785 0.538392 0.491099 0.501691 0.488162 0.039295 0.08253 0.006667 3.013785 0.850825 0.908435 0.635524 0.60199 0.299288 0.336518 0.43712 0.222648 0.367167 0.241121 0.207845 0.189415 0.050501 0.090307 0.029237 4.017794 0.512684 0.380461 0.260225 0.256166 0.150473 0.117123 0.167199 0.087857 0.106038 0.122712 0.09567 0.096229 0.34182 87.0 0.973984 174.0 2.0 1.015035 0.203494 2.377384 [ 1 0 0 0 1 1 ] +0.08559 0.210008 0.079395 -59.616484 3.520515 0.205474 1.952748 0.460402 0.500716 0.825134 0.329011 0.603227 0.416147 0.438838 0.382958 0.30411 0.035444 0.097453 0.030828 2.849679 0.770168 0.840345 0.765296 0.566481 0.577514 0.514554 0.549202 0.482601 0.439463 0.440622 0.433643 0.408397 0.02278 0.058987 0.009374 1.891128 0.536446 0.494529 0.498325 0.257035 0.437326 0.252699 0.299862 0.258244 0.163369 0.129094 0.172406 0.197292 0.023403 0.052871 0.03039 3.902217 0.242675 0.291211 0.228061 0.16645 0.102385 0.114789 0.115315 0.124513 0.080325 0.063009 0.064021 0.063579 0.082246 68.0 0.090099 136.0 2.0 0.214304 0.284809 0.571838 [ 1 1 0 0 0 1 ] +0.089604 0.182226 0.079571 -73.141934 6.068688 -0.901446 2.201083 0.039243 0.922337 -0.103672 0.944131 0.447638 0.720711 0.260017 0.635318 0.329055 0.047152 0.111637 0.032245 4.113624 1.204106 1.033209 0.735838 0.647928 0.598102 0.539093 0.519345 0.51095 0.447956 0.441849 0.472453 0.421057 0.029411 0.066339 0.007463 3.581734 0.795547 0.647388 0.543198 0.405064 0.445892 0.305209 0.347331 0.236005 0.17388 0.204428 0.245819 0.218294 0.042249 0.087018 0.030207 3.986133 0.439832 0.427997 0.234962 0.166506 0.166363 0.100012 0.114867 0.102702 0.096739 0.094242 0.146746 0.095002 0.074817 68.0 0.042344 136.0 2.0 0.30271 0.321525 0.688759 [ 0 0 0 0 1 0 ] +0.056859 0.140027 0.077728 -64.990471 4.230478 0.774826 2.077689 0.726311 0.657564 0.657444 0.70896 0.488277 0.279251 0.288755 0.5619 0.241225 0.024994 0.092547 0.030111 3.140955 0.873343 0.705935 0.653362 0.505939 0.523002 0.492565 0.481451 0.46307 0.420207 0.406576 0.439536 0.39096 0.016967 0.056259 0.006936 2.965988 0.974151 0.496409 0.383985 0.326585 0.223853 0.272534 0.234952 0.256633 0.179814 0.227935 0.18954 0.180733 0.024619 0.06125 0.030499 3.875783 0.372517 0.188908 0.165313 0.091822 0.118421 0.095472 0.100708 0.084398 0.064933 0.078592 0.074369 0.07743 0.116743 68.0 0.392297 136.0 2.0 0.254829 0.862072 1.158095 [ 0 1 0 0 0 0 ] +0.141921 0.307624 0.075873 -56.806065 2.688767 -0.674579 1.106744 0.19289 0.782171 0.449697 0.73303 0.415653 0.42884 0.178007 0.02557 0.158389 0.034334 0.070748 0.028117 1.900454 0.759711 0.471022 0.445515 0.415564 0.457887 0.431242 0.429431 0.41861 0.430532 0.407538 0.446756 0.402139 0.025456 0.047528 0.00747 1.442656 0.459718 0.341314 0.20187 0.205375 0.20151 0.185992 0.182562 0.186319 0.245009 0.254962 0.282062 0.211106 0.021993 0.044394 0.030754 3.718945 0.273745 0.075373 0.115609 0.06325 0.063841 0.065462 0.059916 0.061469 0.076112 0.064207 0.059827 0.079939 0.086995 94.0 0.032252 188.0 2.0 0.185882 0.357997 0.884492 [ 1 1 0 0 0 1 ] +0.029579 0.103598 0.091294 -80.429296 6.227081 2.465014 2.42838 1.248954 1.19246 0.666979 0.551993 0.27126 0.715954 0.696266 0.820034 0.604325 0.02697 0.174039 0.047825 9.510932 1.711742 1.05992 0.943771 0.861672 0.69318 0.607518 0.585997 0.545337 0.506163 0.469708 0.457919 0.486502 0.015983 0.081804 0.007969 5.420834 1.08944 0.969384 0.383029 0.287657 0.296937 0.366678 0.482721 0.360795 0.220304 0.206073 0.206328 0.154724 0.029676 0.130525 0.027825 3.434228 0.355834 0.248001 0.197479 0.130237 0.117803 0.122315 0.123088 0.105283 0.094866 0.089191 0.119433 0.091072 0.272545 88.0 0.567142 176.0 2.0 0.654443 0.099057 1.492134 [ 0 1 1 0 0 0 ] +0.067576 0.137542 0.08108 -72.474302 6.025253 -0.217334 1.792544 0.289904 0.879633 0.12532 0.304255 0.144813 0.316865 0.384195 0.344467 -0.033636 0.020575 0.05499 0.027695 3.142877 0.869442 0.580605 0.521902 0.492337 0.507017 0.500781 0.523573 0.522988 0.501567 0.511399 0.477418 0.469646 0.017957 0.04736 0.008392 5.627027 0.960329 0.634695 0.437551 0.295651 0.331942 0.360191 0.42961 0.300954 0.46635 0.342012 0.258484 0.281945 0.026697 0.062074 0.030171 4.788153 0.429226 0.166346 0.11531 0.07505 0.078764 0.079018 0.076009 0.100456 0.088137 0.087458 0.076199 0.08296 0.04254 76.0 0.0 228.0 3.0 0.421934 0.21166 0.647661 [ 1 1 0 0 0 0 ] +0.049368 0.197212 0.091325 -69.22832 3.566914 0.881607 1.292079 0.904177 0.862007 0.541904 0.669696 0.326366 0.731896 0.422799 0.606091 0.588244 0.048136 0.260882 0.036843 5.034612 1.516396 1.072877 0.867457 0.743378 0.624468 0.638494 0.605428 0.525914 0.543703 0.47715 0.472826 0.469486 0.020336 0.068647 0.007312 2.931379 0.481923 0.380515 0.37488 0.301495 0.184794 0.221071 0.23138 0.139169 0.191354 0.142126 0.146295 0.130465 0.023673 0.072173 0.029609 3.465349 0.269775 0.204775 0.170242 0.145004 0.113067 0.109465 0.082525 0.077912 0.09183 0.081676 0.07979 0.088687 0.104225 62.0 0.004343 186.0 3.0 0.292741 0.048904 0.439809 [ 0 0 0 0 0 1 ] +0.113926 0.282742 0.077378 -69.340134 2.448212 0.823272 1.576469 0.487774 0.991279 0.255614 0.36883 0.184501 0.201715 0.56961 0.56758 0.592058 0.044291 0.110069 0.029287 3.721521 0.791961 0.93014 0.534972 0.459875 0.454284 0.492029 0.524046 0.522872 0.541986 0.573044 0.673906 0.652825 0.01997 0.047194 0.007783 2.765653 0.474458 0.66388 0.255459 0.177116 0.145698 0.249556 0.310195 0.309327 0.310314 0.314754 0.564661 0.540718 0.021551 0.045861 0.030407 3.89089 0.197313 0.269431 0.107583 0.083174 0.077435 0.101442 0.125997 0.134233 0.144292 0.208487 0.251671 0.242578 0.070511 102.0 0.0 204.0 2.0 0.309902 0.440082 0.99877 [ 0 1 1 0 0 0 ] +0.070947 0.190536 0.082688 -60.442755 5.050902 -0.26453 3.044147 0.000326 1.212683 0.229905 0.458362 0.335289 -0.078816 0.4204 0.48316 0.295224 0.021987 0.072883 0.034507 2.480639 0.970536 0.789227 0.712556 0.574444 0.522212 0.464432 0.410446 0.424352 0.445844 0.424412 0.42748 0.411441 0.016759 0.035371 0.006771 1.293282 0.460018 0.392202 0.322468 0.204779 0.179066 0.188235 0.173544 0.211488 0.194737 0.152123 0.200244 0.177069 0.023269 0.042785 0.029961 3.714949 0.217045 0.144135 0.110795 0.09763 0.089879 0.0875 0.076563 0.06944 0.07305 0.098297 0.081537 0.094326 0.090329 73.0 0.293958 146.0 2.0 0.303676 0.446683 1.304418 [ 0 1 0 0 0 0 ] +0.04719 0.090262 0.077901 -73.488301 5.550543 1.520446 2.154805 0.844818 1.247801 0.583835 0.308778 0.271545 0.252637 0.279878 0.522593 0.489176 0.022305 0.067479 0.029542 5.321963 1.375722 0.952417 0.610147 0.515869 0.497088 0.465367 0.485678 0.49345 0.46792 0.464084 0.493056 0.504248 0.022368 0.061258 0.00773 5.827488 1.295657 0.892406 0.434621 0.300945 0.340131 0.343826 0.405045 0.451558 0.271786 0.265079 0.367742 0.320181 0.027544 0.059755 0.030175 3.830312 0.397495 0.271551 0.128188 0.075843 0.107607 0.114405 0.129531 0.124637 0.079779 0.106652 0.123144 0.126265 0.042764 96.0 0.01475 192.0 2.0 0.115944 0.367766 0.577387 [ 0 0 1 1 1 0 ] +0.092124 0.240962 0.077985 -66.190442 2.71028 0.746524 2.205358 1.121236 0.238403 -0.091083 0.88526 0.674155 0.415225 0.418361 0.93532 0.782973 0.05241 0.138808 0.030819 2.978568 0.864198 0.608972 0.640206 0.468721 0.538491 0.444193 0.457899 0.413168 0.428679 0.431037 0.417265 0.396726 0.018821 0.046959 0.007362 4.215916 0.581615 0.359736 0.346898 0.209353 0.332755 0.237201 0.182314 0.173037 0.177217 0.180291 0.264749 0.23402 0.034567 0.063262 0.030505 4.250043 0.55903 0.292623 0.305805 0.079473 0.109965 0.093661 0.112826 0.071644 0.099872 0.080194 0.065696 0.071146 0.269093 62.0 0.221864 124.0 2.0 0.544239 0.27774 0.857809 [ 0 0 0 0 1 1 ] +0.067594 0.136509 0.09214 -70.912498 5.691133 -0.690651 2.637501 0.203299 1.586966 0.477881 0.613405 0.446486 0.494865 0.475898 0.628204 0.543974 0.052893 0.11268 0.038841 6.613298 1.843094 1.468685 0.917802 0.784083 0.71542 0.598997 0.640521 0.549534 0.544013 0.557977 0.548494 0.455226 0.024675 0.079793 0.008192 2.4611 0.95858 0.885678 0.534075 0.327189 0.282968 0.285856 0.236433 0.22574 0.205649 0.226778 0.21165 0.20483 0.028961 0.057419 0.029027 3.621884 0.383533 0.327675 0.250023 0.166889 0.154174 0.116264 0.105447 0.084417 0.078083 0.132383 0.119518 0.077461 0.040944 68.0 0.080934 136.0 2.0 0.236321 0.4284 0.68751 [ 0 0 1 0 1 0 ] +0.03647 0.068636 0.08464 -71.912071 6.460831 1.119351 2.225846 0.846909 0.630754 0.697452 0.397607 0.134057 0.396981 0.403318 0.358547 0.669926 0.025233 0.065374 0.036162 5.605099 1.351368 1.202944 0.935163 0.74799 0.689259 0.616483 0.601488 0.559038 0.543089 0.526585 0.501821 0.446494 0.019108 0.043543 0.008072 3.75299 0.95621 1.052634 0.78363 0.444796 0.580977 0.346776 0.339596 0.317245 0.227956 0.231362 0.252891 0.189461 0.026441 0.057253 0.029566 3.849673 0.353049 0.365863 0.270822 0.210264 0.201251 0.133888 0.16999 0.152276 0.107164 0.101798 0.110633 0.093796 0.235319 87.0 0.079371 174.0 2.0 0.815836 0.004206 1.073326 [ 0 1 1 0 0 0 ] +0.073027 0.132187 0.080845 -77.361789 6.540957 -0.228756 1.631764 -0.027489 0.166288 0.026454 0.464762 0.084066 0.0976 0.190442 0.15453 0.146764 0.019865 0.051295 0.027705 2.655287 0.917185 0.606438 0.552431 0.485701 0.496916 0.514061 0.591791 0.576395 0.58151 0.5603 0.522141 0.498491 0.017745 0.04297 0.007137 6.850789 1.276915 0.502015 0.376987 0.307993 0.307567 0.344961 0.410029 0.451005 0.456484 0.347127 0.366176 0.376793 0.025697 0.050664 0.030635 4.158603 0.415445 0.154336 0.124785 0.075037 0.066162 0.124619 0.137424 0.141853 0.120556 0.125564 0.116625 0.123438 0.057455 67.0 0.116623 134.0 2.0 0.340432 0.338319 0.819718 [ 1 1 1 0 0 0 ] +0.088429 0.128199 0.074051 -92.750566 8.197025 -0.790958 0.849983 0.867389 0.769123 0.220193 0.261153 0.247314 0.388967 0.450045 0.296508 0.284907 0.018324 0.026632 0.026607 2.011281 0.633614 0.487918 0.502999 0.486574 0.531862 0.475621 0.54644 0.550859 0.554618 0.543341 0.506532 0.404661 0.036875 0.045276 0.009425 4.656108 1.883067 1.05462 0.55749 0.581838 0.92371 0.660036 0.862834 0.781956 0.970988 0.928069 0.899394 0.562742 0.024833 0.051749 0.030255 5.431099 0.436899 0.146231 0.14253 0.129199 0.195836 0.124651 0.22385 0.200586 0.249851 0.227571 0.187631 0.107347 0.041522 84.0 0.0 168.0 2.0 0.258999 0.337337 0.783142 [ 0 0 0 1 1 0 ] +0.077709 0.167459 0.083939 -72.785864 4.475888 -0.139971 0.368286 0.863452 0.870576 0.369455 0.469946 0.467295 0.555747 0.595742 0.588636 0.519096 0.061741 0.174584 0.035663 5.422262 1.109067 0.938816 0.692689 0.759294 0.63823 0.533451 0.55975 0.561182 0.561857 0.450207 0.462907 0.447875 0.0329 0.060768 0.006977 3.466128 0.60247 0.640396 0.61045 0.567348 0.412546 0.344194 0.320433 0.265827 0.28599 0.188456 0.249367 0.242297 0.029968 0.057635 0.029607 4.548047 0.373043 0.230131 0.153864 0.236307 0.126026 0.092621 0.109057 0.11416 0.120674 0.074803 0.076824 0.10706 0.050695 74.0 0.140096 148.0 2.0 0.11419 0.149441 0.428607 [ 0 0 1 0 0 0 ] +0.040848 0.071006 0.082404 -74.919487 7.930518 0.235364 2.033703 0.736504 1.425786 0.693971 0.764002 0.354772 0.945054 0.242991 0.433499 1.093162 0.024227 0.063408 0.033333 4.492576 1.619264 1.105873 0.921568 0.62505 0.64278 0.663616 0.612095 0.593141 0.566293 0.526704 0.501827 0.516715 0.018873 0.041635 0.007973 4.063708 1.005586 0.657876 0.535307 0.405826 0.427888 0.404242 0.355857 0.377387 0.364227 0.348517 0.309375 0.281792 0.030359 0.065004 0.029858 4.399018 0.65732 0.42675 0.291505 0.164785 0.156524 0.193041 0.145055 0.138085 0.150054 0.131986 0.10363 0.182447 0.073583 113.0 0.0 226.0 2.0 0.153905 0.350679 0.611716 [ 0 0 0 1 1 0 ] +0.035303 0.068412 0.079476 -71.513013 7.183075 0.561752 2.41991 0.331823 0.59488 0.74405 0.578968 0.221746 0.526007 0.540313 0.179148 0.727113 0.019329 0.053105 0.031414 3.228148 1.266361 0.726463 0.827943 0.682116 0.662558 0.583789 0.528657 0.507213 0.490571 0.487175 0.469523 0.41329 0.014168 0.033773 0.007446 2.364592 0.852504 0.368197 0.591151 0.403921 0.535689 0.357933 0.397864 0.345995 0.286161 0.253671 0.265967 0.266633 0.027538 0.0606 0.02967 4.244587 0.455338 0.130499 0.240717 0.147114 0.220076 0.166458 0.127713 0.109375 0.116426 0.124943 0.084182 0.084747 0.364242 108.0 0.0 216.0 2.0 0.166517 0.558312 0.724829 [ 0 0 1 1 1 0 ] +0.123246 0.341786 0.089209 -67.105684 3.335515 1.771894 0.995808 0.502601 0.488615 0.661762 0.589739 0.054238 -0.026194 0.845734 0.633593 0.327247 0.101936 0.298832 0.03665 5.377204 1.368294 1.296692 1.008917 1.070709 0.679741 0.755339 0.674772 0.606077 0.658362 0.646582 0.675281 0.567094 0.0516 0.077999 0.008747 1.834495 0.447841 0.711826 0.389388 0.550348 0.270898 0.341177 0.209328 0.2594 0.329558 0.204317 0.248317 0.247971 0.037872 0.044503 0.029334 3.728873 0.38996 0.280631 0.197292 0.196232 0.113511 0.126598 0.11278 0.099746 0.13833 0.105435 0.109563 0.101149 0.198464 91.0 0.006713 182.0 2.0 0.409785 0.747923 1.241796 [ 0 0 1 0 1 1 ] +0.105516 0.247326 0.091339 -94.194836 3.949778 0.54476 1.737811 0.941439 0.782663 0.582055 0.868221 0.539748 1.008705 0.595944 0.803899 0.678658 0.076473 0.211651 0.03774 6.168648 1.647772 1.079003 0.868283 0.715327 0.61676 0.594568 0.534508 0.599537 0.539886 0.52075 0.534287 0.510763 0.034146 0.093097 0.005696 4.061926 0.844684 0.419586 0.355748 0.287329 0.289198 0.330115 0.311316 0.234291 0.212259 0.199026 0.277958 0.262508 0.036359 0.080153 0.028962 4.723734 0.394855 0.216426 0.1865 0.112737 0.12307 0.095526 0.082784 0.103497 0.083753 0.094986 0.10495 0.102148 0.624519 68.0 0.970203 136.0 2.0 0.730955 1.092689 1.823644 [ 0 0 1 1 0 0 ] +0.036672 0.069568 0.082608 -76.45077 7.499167 1.589389 1.910163 1.559975 0.987489 0.876244 0.498755 0.189946 0.544054 0.517332 0.090573 0.522464 0.028976 0.089357 0.03438 3.578109 1.479153 0.868054 0.808576 0.64038 0.581629 0.66177 0.475034 0.525758 0.521974 0.459259 0.481512 0.469824 0.019675 0.05368 0.009284 2.865077 0.94662 0.631955 0.503061 0.376371 0.56316 0.451088 0.292145 0.290119 0.294318 0.221113 0.291416 0.261032 0.037324 0.093213 0.029655 5.197419 0.579394 0.305374 0.250183 0.161261 0.142815 0.163215 0.103672 0.120984 0.134765 0.110371 0.105903 0.121835 0.015088 87.0 0.0 174.0 2.0 0.106486 0.207051 0.340683 [ 0 0 1 1 1 0 ] +0.03144 0.053833 0.077861 -80.77987 8.476044 2.168056 2.442245 0.462536 1.048281 0.472127 0.628365 0.554655 0.455753 0.367672 0.602132 0.317884 0.0171 0.047755 0.031424 3.597323 1.269576 0.867742 0.876201 0.661248 0.55872 0.563167 0.508064 0.545732 0.486594 0.501904 0.452734 0.439998 0.016049 0.038025 0.009092 5.263065 1.238699 0.650496 0.955376 0.479067 0.391692 0.432975 0.272967 0.370855 0.338327 0.273221 0.345517 0.345009 0.030235 0.073298 0.030135 4.48092 0.547623 0.369589 0.39936 0.22283 0.17014 0.186934 0.128121 0.131266 0.103189 0.119887 0.105752 0.092367 0.055167 78.0 0.271979 156.0 2.0 0.288789 0.096901 0.87643 [ 0 0 1 1 1 0 ] +0.093521 0.215818 0.076723 -61.751372 3.432622 0.233889 2.116981 0.406601 0.637084 0.819668 0.657006 0.454951 0.606506 0.79496 0.374823 0.668779 0.037478 0.084117 0.028829 3.255417 0.920358 0.838055 0.881653 0.672779 0.582486 0.572899 0.546802 0.531957 0.547807 0.511874 0.497682 0.483123 0.018811 0.036363 0.006481 1.253609 0.459664 0.381777 0.333113 0.282392 0.22043 0.249271 0.229046 0.238129 0.183765 0.186601 0.197743 0.152485 0.023865 0.045811 0.030858 4.246959 0.384521 0.208375 0.167144 0.121351 0.099741 0.087327 0.079979 0.0938 0.099444 0.079562 0.084214 0.072296 0.067486 53.0 0.432376 106.0 2.0 0.222404 0.489334 0.771986 [ 1 0 0 0 0 1 ] +0.053883 0.141912 0.091467 -78.455088 5.018821 1.37726 2.357763 0.037496 0.848984 0.80592 0.31832 0.572991 0.773449 0.568548 0.06892 0.650456 0.047903 0.18596 0.044134 6.287046 1.499593 1.272884 1.102563 0.900687 0.606731 0.606498 0.574575 0.543841 0.487886 0.421501 0.483178 0.444733 0.021224 0.049261 0.007554 3.952824 0.63452 0.839269 0.955943 0.406067 0.358664 0.342861 0.307526 0.422759 0.219046 0.172837 0.295089 0.186282 0.027933 0.068265 0.028533 3.966552 0.362758 0.314327 0.278156 0.22182 0.121796 0.142255 0.097257 0.130355 0.093085 0.071786 0.090798 0.071798 0.368243 74.0 0.049396 148.0 2.0 0.457488 0.107369 0.745268 [ 0 0 1 1 0 0 ] +0.061636 0.132921 0.078229 -74.661826 6.151277 -0.332367 2.051249 0.390245 0.854089 0.374582 0.567864 0.318661 0.399077 0.250833 0.280215 0.218727 0.020712 0.051279 0.029066 2.605935 0.808597 0.521084 0.499125 0.489694 0.480103 0.445158 0.480388 0.473037 0.481761 0.484412 0.473408 0.461121 0.015727 0.032561 0.007868 2.213598 0.690451 0.287671 0.286157 0.211451 0.245795 0.205623 0.360062 0.337786 0.394569 0.316013 0.320658 0.154216 0.025202 0.049869 0.030144 4.460019 0.404221 0.165059 0.098307 0.075178 0.073525 0.061824 0.077885 0.128718 0.113777 0.094795 0.105534 0.06843 0.047611 83.0 0.113359 166.0 2.0 0.233175 0.177666 0.696302 [ 1 1 0 0 0 0 ] +0.044693 0.079506 0.080822 -72.383612 7.091573 0.028354 1.780643 0.254572 1.131548 0.581572 0.088623 0.437136 0.341578 0.551546 0.505886 0.307466 0.022719 0.05396 0.032322 4.226076 1.082076 1.043583 0.668745 0.56024 0.533359 0.474221 0.48351 0.451885 0.508278 0.507651 0.518423 0.523824 0.019209 0.038038 0.006374 3.226795 0.747313 0.807966 0.369465 0.28914 0.293992 0.278008 0.303821 0.281831 0.225617 0.354853 0.452158 0.396844 0.026752 0.059575 0.0298 4.114428 0.499161 0.2623 0.174916 0.089022 0.102796 0.104749 0.098229 0.092179 0.118528 0.190258 0.171622 0.196539 0.034684 93.0 0.043278 186.0 2.0 0.20865 0.246548 0.620685 [ 0 0 1 0 0 0 ] +0.035135 0.181826 0.082526 -77.923806 4.705258 0.772873 2.58781 1.02792 1.346247 0.534568 0.713207 0.247166 0.527362 0.390436 0.166696 0.16072 0.029609 0.225761 0.036431 4.155167 0.953587 0.829398 0.684283 0.575806 0.491906 0.453564 0.48749 0.439786 0.427391 0.436027 0.438044 0.427383 0.021998 0.14957 0.007446 3.588029 0.937019 1.010353 0.38259 0.399918 0.2299 0.289338 0.275945 0.246865 0.214547 0.260798 0.288249 0.385804 0.031017 0.143108 0.029492 4.043645 0.2469 0.194393 0.159778 0.140802 0.087016 0.070965 0.101502 0.089166 0.071828 0.086157 0.102967 0.110103 0.344164 90.0 0.095671 180.0 2.0 0.937006 0.199427 1.453077 [ 0 0 1 1 0 0 ] +0.073568 0.176768 0.078283 -62.663935 4.272931 0.378643 1.479204 0.138137 0.470831 0.081966 0.376015 0.344882 0.779389 0.204302 0.423754 0.39799 0.031302 0.086065 0.029042 2.678856 0.649732 0.473967 0.481298 0.476046 0.409868 0.411692 0.392223 0.384362 0.425313 0.399617 0.379065 0.386501 0.012203 0.030813 0.006893 1.748697 0.509392 0.335804 0.421605 0.303093 0.309649 0.280552 0.406244 0.315222 0.21655 0.181651 0.187647 0.200346 0.024072 0.049618 0.030469 3.993383 0.231297 0.10999 0.127188 0.07689 0.07459 0.057692 0.070448 0.06541 0.076688 0.062719 0.068199 0.077347 0.670424 68.0 1.068494 136.0 2.0 1.073277 1.797765 2.887726 [ 0 0 0 0 1 1 ] +0.172427 0.378696 0.081777 -72.723659 3.553759 0.239317 0.917451 0.467426 0.450066 0.269667 0.178964 0.535042 1.010997 0.561719 0.560895 0.669013 0.076956 0.206495 0.031772 3.47798 1.011902 0.590423 0.540953 0.477137 0.471081 0.493572 0.465279 0.546168 0.528326 0.539036 0.512394 0.51934 0.038372 0.075818 0.007268 3.521735 1.000517 0.356271 0.250802 0.219902 0.192926 0.20065 0.221946 0.27473 0.32913 0.306701 0.299125 0.255485 0.025184 0.045692 0.029922 4.119674 0.251343 0.101512 0.077888 0.073553 0.06972 0.077376 0.07188 0.122739 0.131181 0.123026 0.14107 0.158879 0.122861 60.0 0.379397 120.0 2.0 0.504136 0.672175 1.294949 [ 1 1 1 0 0 0 ] +0.04431 0.082687 0.078638 -75.910156 6.59398 0.722903 1.497035 0.873558 0.879148 0.063516 0.751503 0.592185 0.995505 0.506302 0.359111 0.17645 0.020412 0.054429 0.029655 2.610457 0.942295 0.609951 0.615644 0.589065 0.511329 0.50833 0.490932 0.461139 0.457685 0.468711 0.430805 0.461537 0.030186 0.064973 0.007624 4.352497 0.845723 0.426389 0.371379 0.472064 0.391067 0.267088 0.323776 0.219651 0.256715 0.326403 0.245605 0.378239 0.029987 0.06886 0.03044 4.181568 0.485891 0.15495 0.194289 0.140564 0.118577 0.095764 0.104953 0.087355 0.073274 0.10251 0.069297 0.088586 0.028621 59.0 0.085079 118.0 2.0 0.133541 0.21101 0.441194 [ 0 0 1 1 1 0 ] +0.054211 0.099233 0.080353 -83.370809 8.972689 -0.215653 1.548401 0.457088 0.73269 0.13823 0.267985 0.397984 0.439568 0.305607 0.367498 0.344057 0.01761 0.036501 0.029187 3.802571 0.999071 0.663177 0.505723 0.462968 0.432903 0.441858 0.450939 0.455581 0.4404 0.421226 0.413848 0.415589 0.022855 0.057624 0.00825 10.839143 2.123461 1.444602 0.363533 0.392451 0.274434 0.219159 0.237684 0.224379 0.205896 0.223219 0.200062 0.307288 0.026503 0.063065 0.030457 4.798512 0.580277 0.250385 0.153753 0.090643 0.074105 0.07242 0.093431 0.123003 0.092152 0.104575 0.083871 0.06677 0.130685 113.0 0.0 226.0 2.0 0.217966 0.441279 0.71409 [ 0 0 1 0 0 0 ] +0.093945 0.238842 0.079674 -60.907853 3.580037 -0.2916 1.221493 0.399308 0.453767 0.681751 0.602511 0.30029 0.639568 0.45279 0.207424 0.473318 0.041378 0.114625 0.030393 3.482802 0.81179 0.722115 0.628936 0.497184 0.506612 0.511578 0.493971 0.439619 0.448156 0.439503 0.42618 0.408521 0.028118 0.061169 0.007753 3.134089 0.794937 0.475758 0.5253 0.237885 0.315112 0.221537 0.280331 0.200358 0.229375 0.238478 0.172505 0.151339 0.031702 0.080674 0.030159 4.963788 0.506747 0.168117 0.137808 0.099012 0.08887 0.122459 0.093957 0.07159 0.076089 0.075417 0.068599 0.061131 0.067298 64.0 0.112037 128.0 2.0 0.43984 0.194852 0.702356 [ 1 0 0 0 0 1 ] +0.052402 0.157663 0.092318 -72.143481 5.235346 0.165087 1.288073 0.826012 0.04601 0.7258 0.437058 0.345516 0.620054 0.324369 0.399311 0.366195 0.034375 0.205716 0.037724 5.152913 1.778025 1.215133 0.969879 0.940493 0.78016 0.715069 0.658391 0.593115 0.551873 0.512554 0.516456 0.555806 0.020236 0.052186 0.007104 3.464214 0.6844 0.526797 0.429097 0.537941 0.332807 0.241447 0.254855 0.213046 0.17974 0.176201 0.213002 0.163954 0.022756 0.063269 0.029475 3.73853 0.321848 0.253013 0.18365 0.208579 0.139091 0.130917 0.120164 0.092645 0.096523 0.085549 0.077548 0.098605 0.587686 64.0 0.307809 192.0 3.0 0.602104 0.082143 1.335284 [ 1 0 0 0 1 1 ] +0.090876 0.185846 0.097534 -69.931354 4.709617 -0.21505 1.827384 1.054022 0.594268 0.638168 0.677055 0.487784 0.441979 0.80614 0.394053 0.695167 0.127212 0.236443 0.047701 6.160391 2.42673 1.36069 1.302077 0.792645 0.730509 0.635355 0.620403 0.609652 0.515863 0.48289 0.475085 0.481697 0.02822 0.058207 0.005987 2.344316 0.886606 0.574571 0.753493 0.358634 0.351447 0.275927 0.263289 0.332253 0.215684 0.160628 0.275104 0.257131 0.033894 0.044859 0.027495 4.509288 0.42865 0.317653 0.275683 0.147066 0.139959 0.123792 0.105882 0.127748 0.088039 0.075869 0.08733 0.081782 0.007809 66.0 0.026065 198.0 3.0 0.028437 0.035304 0.126645 [ 0 1 1 0 0 0 ] +0.039705 0.05692 0.08518 -86.825478 8.166487 1.925416 1.893518 0.411564 0.631066 0.29789 0.592629 0.514731 -0.116645 -0.037747 0.363058 0.506573 0.015108 0.030412 0.041103 4.504137 1.400913 0.731469 0.735529 0.59612 0.498042 0.498535 0.515572 0.520546 0.526134 0.515355 0.511769 0.470852 0.016538 0.034961 0.010853 5.539267 1.112325 0.824665 0.804609 0.616355 0.422047 0.384578 0.436881 0.564722 0.523125 0.653369 0.625722 0.481035 0.030504 0.063713 0.030173 5.045854 0.493446 0.341003 0.372084 0.216696 0.166679 0.116217 0.170148 0.174821 0.266255 0.196931 0.225701 0.210076 0.057128 100.0 0.0 200.0 2.0 0.296155 0.393614 0.751502 [ 0 0 1 1 1 0 ] +0.07201 0.138153 0.080729 -76.905956 6.479591 -0.897625 1.775038 0.095497 0.971582 0.299828 0.520565 0.248956 0.379103 0.324566 0.296698 0.431497 0.022263 0.049047 0.027307 2.874647 0.811234 0.559568 0.520445 0.514112 0.489791 0.49103 0.507727 0.505029 0.534648 0.493791 0.478194 0.462766 0.015865 0.032947 0.007437 5.908413 1.062069 0.510092 0.348578 0.379413 0.24924 0.314485 0.457737 0.318885 0.413159 0.371943 0.265764 0.291041 0.026034 0.051096 0.030411 4.904328 0.535383 0.158826 0.103132 0.074641 0.074126 0.084008 0.079293 0.083615 0.102066 0.121844 0.082232 0.081321 0.056584 64.0 0.151412 128.0 2.0 0.439126 0.254306 0.749563 [ 0 1 1 0 0 0 ] +0.062165 0.186532 0.080289 -66.001223 3.395815 1.358438 1.960863 0.382045 0.844411 0.950132 0.200716 0.344272 0.485792 0.606423 0.438459 0.157813 0.043358 0.167508 0.029831 3.694006 0.856316 0.770117 0.672312 0.543262 0.512165 0.505963 0.471531 0.474199 0.430337 0.439741 0.406366 0.431465 0.030265 0.080869 0.008136 5.131308 0.581745 0.662835 0.542168 0.285194 0.188977 0.216196 0.285753 0.246459 0.135817 0.140811 0.179121 0.256963 0.042433 0.107766 0.030221 4.328114 0.375638 0.229918 0.132837 0.111986 0.120826 0.088925 0.082491 0.108217 0.079046 0.074594 0.087695 0.086919 0.017828 73.0 0.231782 146.0 2.0 0.118007 0.026197 0.384191 [ 1 0 0 0 0 1 ] +0.027142 0.047551 0.072043 -79.881347 8.119313 1.92731 1.696017 0.397888 0.857559 0.302742 0.672649 0.748163 0.412952 0.852625 0.597127 0.456126 0.013099 0.029163 0.030049 3.076905 0.862406 0.640101 0.615202 0.5578 0.514684 0.57785 0.600797 0.544352 0.540142 0.553717 0.493653 0.451593 0.012848 0.044107 0.008805 2.560837 1.008119 0.523135 0.80213 0.694118 0.412457 0.461475 0.500786 0.492573 0.454346 0.437815 0.345676 0.366906 0.028604 0.069883 0.030413 5.042254 0.455528 0.177015 0.165939 0.124718 0.118118 0.194543 0.146845 0.139167 0.161785 0.159234 0.129552 0.10626 0.089991 87.0 0.564842 174.0 2.0 0.261742 0.002657 1.149211 [ 0 0 1 1 1 0 ] +0.094829 0.204498 0.082824 -61.364436 2.966229 0.62774 1.440352 0.856243 1.110282 0.39445 0.726323 0.885339 0.517613 -0.186371 0.531083 0.312116 0.052306 0.131783 0.029793 3.512784 0.918634 1.043679 0.778114 0.613929 0.598554 0.566087 0.568431 0.541677 0.55242 0.546411 0.580214 0.608745 0.021612 0.047508 0.00737 1.419983 0.529261 0.388876 0.4341 0.318737 0.265518 0.210297 0.169365 0.189288 0.247443 0.22867 0.249573 0.221631 0.02389 0.047186 0.030264 4.043908 0.362876 0.21028 0.213201 0.114466 0.158569 0.100762 0.115185 0.092511 0.093992 0.108324 0.12809 0.16716 0.035827 65.0 0.003942 130.0 2.0 0.282122 0.052218 0.335371 [ 1 0 0 0 1 1 ] +0.035169 0.065403 0.075227 -81.750533 10.311701 0.092224 0.818851 1.569606 1.831909 0.057216 0.419342 0.482342 0.745151 0.403275 0.838195 0.711755 0.013232 0.03504 0.029861 4.111372 0.91162 1.057301 0.496378 0.666827 0.556064 0.465213 0.499597 0.422874 0.516194 0.375284 0.473949 0.386111 0.01603 0.035553 0.009759 5.77661 1.123743 0.830796 0.33932 1.003937 0.441073 0.563689 0.474611 0.358808 0.543528 0.340304 0.396751 0.496262 0.027062 0.053435 0.03062 4.801035 0.632917 0.351023 0.133192 0.348863 0.161952 0.129868 0.137076 0.118185 0.120515 0.08303 0.147194 0.098238 0.033681 88.0 0.0 176.0 2.0 0.184313 0.247136 0.476993 [ 0 0 1 1 1 0 ] +0.054276 0.238158 0.095935 -71.009724 3.18134 1.547197 2.40778 0.618838 0.99795 0.825143 0.758816 0.72754 0.500074 0.402084 0.539242 0.32641 0.052974 0.283645 0.047596 6.714642 1.600006 1.309167 0.878546 0.712208 0.595806 0.516834 0.578153 0.519924 0.48361 0.4788 0.470226 0.415839 0.016953 0.091381 0.008863 3.245796 0.754218 0.787304 0.442779 0.310832 0.323179 0.247374 0.257608 0.222008 0.232946 0.233224 0.232351 0.163934 0.026424 0.088106 0.02877 4.094957 0.584713 0.312613 0.214629 0.169042 0.115469 0.111847 0.11275 0.090504 0.091698 0.090272 0.080006 0.058181 0.15565 84.0 0.276695 168.0 2.0 0.547126 0.183494 1.25582 [ 0 1 1 0 0 0 ] +0.073194 0.140733 0.080545 -74.517081 6.94559 -1.047953 1.952278 0.341936 0.770582 0.144989 0.405832 0.186847 0.496161 0.389096 0.324653 0.193508 0.020042 0.043408 0.028217 3.01274 0.804194 0.524353 0.50819 0.485743 0.518681 0.481357 0.482828 0.514857 0.508133 0.516179 0.474873 0.447746 0.015537 0.034044 0.007524 5.018377 0.85223 0.410106 0.275035 0.300508 0.248464 0.362048 0.491118 0.446384 0.482079 0.438563 0.356211 0.254899 0.024653 0.052302 0.03029 4.244648 0.350933 0.149544 0.122719 0.063955 0.078072 0.068832 0.081025 0.139319 0.10359 0.114416 0.073605 0.081219 0.056101 94.0 0.00708 188.0 2.0 0.087328 0.236815 0.451701 [ 0 1 0 0 0 0 ] diff --git a/tests/example.ipynb b/tests/example.ipynb new file mode 100644 index 0000000..9866a24 --- /dev/null +++ b/tests/example.ipynb @@ -0,0 +1,141 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# This is an example for the use of the library with a toy dataset" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "#Firs we will load the functions of the library\n", + "from multilabelMetrics.exampleBasedClassification import eb_accuracy, eb_fbeta, eb_precision, eb_recall, subsetAccuracy, hammingLoss\n", + "from multilabelMetrics.labelBasedRanking import aucMicro, aucMacro, aucInstance\n", + "from multilabelMetrics.exampleBasedRanking import oneError, coverage, rankingLoss, averagePrecision\n", + "from multilabelMetrics.labelBasedClassification import accuracyMicro, accuracyMacro, precisionMicro, precisionMacro, recallMacro, recallMicro, fbetaMicro, fbetaMacro\n", + "from skmultilearn.adapt import MLkNN\n", + "from auxiliaryFunctions import readParams, readDataFromFile\n", + "#And some libraries to test our code using the MLkNN algorithm" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Now we will load the data and train the model, later on we will show all the metrics" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "Xtrain, ytrain = readDataFromFile('emotions0.train')\n", + "Xtest, ytest = readDataFromFile('emotions0.gen')\n", + "classifier = MLkNN(k=10)\n", + "classifier.fit(Xtrain, ytrain)\n", + "y_pred = classifier.predict(Xtest)\n", + "y_pred = y_pred.todense()\n", + "probabilities = classifier.predict_proba(Xtest)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Showing all the metrics" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Example based Accuracy: 0.3763888888888889283634853200\n", + "Example based Precision: 0.5111111111111111308484093267\n", + "Example based FBeta: 0.4690196078431373129408862377\n", + "Example based Recall: 0.4333333333333333925452279800\n", + "Subset Accuracy: 0.1833333333333333333333333333\n", + "Hamming Loss: 0.2138888888888888888888888888\n", + "Accuracy Micro: 0.7305555555555555555555555557\n", + "Accuracy Macro: 0.7305555555555555555555555557\n", + "Precision Micro: 0.4454545454545454545454545453\n", + "Precision Macro: 0.4241165592042785025241165593\n", + "Recall Micro: 0.5764705882352941176470588234\n", + "Recall Macro: 0.5259920634920635\n", + "FBeta Micro: 0.5025641025641025276644750892\n", + "FBeta Macro: 0.4632047473223943812179106295\n", + "OneError: 0.7333333333333333333333333333\n", + "Coverage: 2.733333333333333333333333333\n", + "Ranking Loss: 0.4791666666666666666666666667\n", + "Average Precision: 0.5337962962962965463020736934\n", + "AUCMicro: 0.8513818181818181818181818182\n", + "AUCMacro: 0.9180244267388784074057639373\n", + "AUCInstance: 0.4059413580246912900406641711\n" + ] + } + ], + "source": [ + "print(\"Example based Accuracy: \" + str(eb_accuracy(ytest, y_pred)))\n", + "print(\"Example based Precision: \"+ str(eb_precision(ytest, y_pred)))\n", + "print(\"Example based FBeta: \" + str(eb_fbeta(ytest, y_pred)))\n", + "print(\"Example based Recall: \" + str(eb_recall(ytest, y_pred)))\n", + "print(\"Subset Accuracy: \" + str(subsetAccuracy(ytest, y_pred)))\n", + "print(\"Hamming Loss: \" + str(hammingLoss(ytest, y_pred)))\n", + "print(\"Accuracy Micro: \" + str(accuracyMicro(ytest, y_pred)))\n", + "print(\"Accuracy Macro: \" + str(accuracyMacro(ytest, y_pred)))\n", + "print(\"Precision Micro: \" + str(precisionMicro(ytest, y_pred)))\n", + "print(\"Precision Macro: \" + str(precisionMacro(ytest, y_pred)))\n", + "print(\"Recall Micro: \" + str(recallMicro(ytest, y_pred)))\n", + "print(\"Recall Macro: \" + str(recallMacro(ytest, y_pred)))\n", + "print(\"FBeta Micro: \" + str(fbetaMicro(ytest, y_pred)))\n", + "print(\"FBeta Macro: \" + str(fbetaMacro(ytest, y_pred)))\n", + "print(\"OneError: \" + str(oneError(ytest, y_pred)))\n", + "print(\"Coverage: \" + str(coverage(ytest, y_pred)))\n", + "print(\"Ranking Loss: \" + str(rankingLoss(ytest, y_pred)))\n", + "print(\"Average Precision: \" + str(averagePrecision(ytest, y_pred)))\n", + "print(\"AUCMicro: \" + str(aucMicro(ytest, y_pred)))\n", + "print(\"AUCMacro: \" + str(aucMacro(ytest, y_pred)))\n", + "print(\"AUCInstance: \" + str(aucInstance(ytest, y_pred)))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.8" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/tests/results.txt b/tests/results.txt new file mode 100644 index 0000000..a794eee --- /dev/null +++ b/tests/results.txt @@ -0,0 +1,21 @@ +Accuracy : 0.3763888888888888888888888887 +SubsetAccuracy : 0.1833333333333333333333333333 +HammingLoss : 0.2138888888888888888888888888 +Precision : 0.5111111111111111111111111112 +Recall : 0.4333333333333333333333333333 +FBeta : 0.4690196078431372549019607841 +AccuracyMacro : 0.7305555555555555555555555557 +PrecisionMacro : 0.4241165592042785025241165593 +RecallMacro : 0.5259920634920634920634920633 +FBetaMacro : 0.4632047473223943812179106295 +AccuracyMicro : 0.7305555555555555555555555557 +PrecisionMicro : 0.4454545454545454545454545453 +RecallMicro : 0.5764705882352941176470588234 +FBetaMicro : 0.5025641025641025641025641025 +AUCmicro : 0.5674909090909090909090909091 +AUCmacro : 0.7491293767678597596325664983 +AUCInstance : 0.3213734567901234567901234567 +OneError : 0.7 +Coverage : 3.35 +AveragePrecision : 0.6568055555555555555555555555 +RankingLoss : 0.29050925925925924 diff --git a/tests/test_multilabelMetrics.py b/tests/test_multilabelMetrics.py new file mode 100644 index 0000000..dfc17fd --- /dev/null +++ b/tests/test_multilabelMetrics.py @@ -0,0 +1,258 @@ +import pytest +import numpy as np +import unittest +import sys, os +myPath = os.path.dirname(os.path.abspath(__file__)) +sys.path.insert(0, myPath + '/../') +from multilabelMetrics.exampleBasedClassification import eb_accuracy, eb_fbeta, eb_precision, eb_recall, subsetAccuracy, hammingLoss +from multilabelMetrics.labelBasedRanking import aucMicro, aucMacro, aucInstance +from multilabelMetrics.exampleBasedRanking import oneError, coverage, rankingLoss, averagePrecision +from multilabelMetrics.labelBasedClassification import accuracyMicro, accuracyMacro, precisionMicro, precisionMacro, recallMacro, recallMicro, fbetaMicro, fbetaMacro +from skmultilearn.adapt import MLkNN +from auxiliaryFunctions import readParams, readDataFromFile + + +TRAINDATA_FILE = os.path.join(os.path.dirname(__file__), 'emotions0.train') +TESTDATA_FILE = os.path.join(os.path.dirname(__file__), 'emotions0.gen') +RESULTS_FILE = os.path.join(os.path.dirname(__file__), 'results.txt') + +class multilabelMetricsTest(unittest.TestCase): + #We will test all the measures here agains a proper file that we have + #For testing this measure and next iterations and commits, we will test the measures agains some measures that we already know are ok + #From the emotions dataset + + def test_exampleBasedAccuracy(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + + self.assertAlmostEqual(float(params['Accuracy']), float(eb_accuracy(ytest, y_pred))) + + def test_exampleBasedPrecision(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + y_pred = np.asarray(y_pred,dtype=int) + + self.assertAlmostEqual(float(params['Precision']), float(eb_precision(ytest, y_pred))) + + def test_exampleBasedRecall(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + + self.assertAlmostEqual(float(params['Recall']), float(eb_recall(ytest, y_pred))) + + def test_exampleBasedFBeta(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + + self.assertAlmostEqual(float(params['FBeta']), float(eb_fbeta(ytest, y_pred))) + + def test_subsetAccuracy(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + + self.assertAlmostEqual(float(params['SubsetAccuracy']), float(subsetAccuracy(ytest, y_pred))) + + def test_hammingLoss(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + + self.assertAlmostEqual(float(params['HammingLoss']), float(hammingLoss(ytest, y_pred))) + + ##Now the labelBasedRanking + def test_aucMicro(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + probabilities = classifier.predict_proba(Xtest) + probabilities = probabilities.todense() + + self.assertAlmostEqual(float(params['AUCmicro']), float(aucMicro(ytest, probabilities))) + + def test_aucMacro(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + probabilities = classifier.predict_proba(Xtest) + probabilities = probabilities.todense() + + self.assertAlmostEqual(float(params['AUCmacro']), float(aucMacro(ytest, probabilities))) + + def test_aucInstance(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + probabilities = classifier.predict_proba(Xtest) + probabilities = probabilities.todense() + + self.assertAlmostEqual(float(params['AUCInstance']), float(aucInstance(ytest, probabilities))) + + #And then the tests for the exampleBasedRanking metrics + def test_oneError(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + probabilities = classifier.predict_proba(Xtest) + probabilities = probabilities.todense() + + self.assertAlmostEqual(float(params['OneError']), float(oneError(ytest,probabilities))) + + def test_coverage(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + probabilities = classifier.predict_proba(Xtest) + probabilities = probabilities.todense() + + self.assertAlmostEqual(float(params['Coverage']), float(coverage(ytest, probabilities))) + + def test_averagePrecision(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + probabilities = classifier.predict_proba(Xtest) + probabilities = probabilities.todense() + + self.assertAlmostEqual(float(params['AveragePrecision']), float(averagePrecision(ytest, probabilities))) + + def test_rankingLoss(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + probabilities = classifier.predict_proba(Xtest) + probabilities = probabilities.todense() + + self.assertNotEqual(0.0, float(rankingLoss(ytest, probabilities))) + + #metrics for labelBasedClassification + def test_accuracyMicro(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + + self.assertAlmostEqual(float(params['AccuracyMicro']), float(accuracyMicro(ytest, y_pred))) + + def test_accuracyMacro(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + + self.assertAlmostEqual(float(params['AccuracyMacro']), float(accuracyMacro(ytest, y_pred))) + + def test_precisionMicro(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + + self.assertAlmostEqual(float(params['PrecisionMicro']), float(precisionMicro(ytest, y_pred))) + + def test_precisionMacro(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + y_pred = np.asarray(y_pred) + + self.assertAlmostEqual(float(params['PrecisionMacro']), float(precisionMacro(ytest, y_pred))) + + def test_recallMicro(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + + self.assertAlmostEqual(float(params['RecallMicro']), float(recallMicro(ytest, y_pred))) + + def test_recallMacro(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + + self.assertAlmostEqual(float(params['RecallMacro']), float(recallMacro(ytest, y_pred))) + + def test_fbetaMicro(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + + self.assertAlmostEqual(float(params['FBetaMicro']), float(fbetaMicro(ytest, y_pred))) + + def test_fbetaMacro(self): + Xtrain, ytrain = readDataFromFile(TRAINDATA_FILE) + Xtest, ytest = readDataFromFile(TESTDATA_FILE) + params = readParams(RESULTS_FILE) + classifier = MLkNN(k=10) + classifier.fit(Xtrain, ytrain) + y_pred = classifier.predict(Xtest) + y_pred = y_pred.todense() + + self.assertAlmostEqual(float(params['FBetaMacro']), float(fbetaMacro(ytest, y_pred))) \ No newline at end of file